diff --git "a/saved_models/codesearch_simp/dataFeature.ipynb" "b/saved_models/codesearch_simp/dataFeature.ipynb" new file mode 100644--- /dev/null +++ "b/saved_models/codesearch_simp/dataFeature.ipynb" @@ -0,0 +1,103049 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "torch.Size([348791])\n", + "torch.Size([100529])\n", + "(50000, 128)\n", + "(50000, 128)\n", + "(10000, 128)\n", + "(50000, 128)\n", + "1576934\n", + "469440\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/timeTravelling/yuanke/anaconda3/envs/timevis/lib/python3.7/site-packages/ipykernel_launcher.py:36: DeprecationWarning: 'U' mode is deprecated\n", + "/home/timeTravelling/yuanke/anaconda3/envs/timevis/lib/python3.7/site-packages/ipykernel_launcher.py:45: DeprecationWarning: 'U' mode is deprecated\n" + ] + } + ], + "source": [ + "import torch\n", + "\n", + "import numpy as np\n", + "import json\n", + "# Path to your '.pth' file\n", + "training_file_path = 'data/Training_data/training_dataset_label.pth'\n", + "testing_file_path = 'data/Testing_data/testing_dataset_label.pth'\n", + "# Load the data\n", + "training_data = torch.load(training_file_path)\n", + "testing_data = torch.load(testing_file_path)\n", + "print(training_data.shape)\n", + "print(testing_data.shape)\n", + "\n", + "train_data_path1 = 'data/Model/Epoch_1/train_data.npy'\n", + "train_data_path2 = 'data/Model/Epoch_2/train_data.npy'\n", + "test_data_path1 = 'data/Model/Epoch_1/test_data.npy'\n", + "test_data_path2 = 'data/Model/Epoch_2/test_data.npy'\n", + "training_data_1 = np.load(train_data_path1)\n", + "training_data_2 = np.load(train_data_path2)\n", + "testing_data_1 = np.load(test_data_path1)\n", + "testing_data_2 = np.load(test_data_path2)\n", + "print(training_data_1.shape)\n", + "print(training_data_2.shape)\n", + "print(testing_data_1.shape)\n", + "print(testing_data_2.shape)\n", + "# for i in range(10):\n", + "# print(i, training_data[i])\n", + "# print(i, testing_data[i])\n", + "\n", + "label_txt1 = 'data/Model/Epoch_1/label.txt'\n", + "label_txt2 = 'data/Model/Epoch_2/label.txt'\n", + "# Now 'testing_data' contains the data from the '.pth' file.\n", + "# You can use this data according to your needs, for example in a testing loop.\n", + "f1 = open(label_txt1, \"r\")\n", + "# print(len(f1.read()))\n", + "# print(\"f1line\",f1.readline())\n", + "\n", + "with open(label_txt1, \"rbU\") as f1:\n", + "\n", + " num_lines = sum(1 for line in f1)\n", + " print(num_lines)\n", + "\n", + "f2 = open(label_txt2, \"r\")\n", + "# print(\"f2line\",f2.readline())\n", + "\n", + "with open(label_txt2, \"rbU\") as f2:\n", + " num_lines = sum(1 for line in f2)\n", + " print(num_lines)\n", + "\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "348791\n", + "348791\n" + ] + } + ], + "source": [ + "import json\n", + "\n", + "labellist_path1 = 'data/Model/Epoch_1/label_list.json'\n", + "labellist_path2 = 'data/Model/Epoch_2/label_list.json'\n", + "test_list_path1 = 'data/Model/Epoch_1/index.json'\n", + "test_list_path2 = 'data/Model/Epoch_2/index.json'\n", + "with open(labellist_path1, 'r', encoding='utf-8') as file:\n", + " data = json.load(file)\n", + " # Print the data to the console\n", + " print(len(data))\n", + " # print(json.dumps(data, indent=4)) # 'indent=4' is used for pretty printing\n", + "with open(labellist_path2, 'r', encoding='utf-8') as file:\n", + " data = json.load(file)\n", + " print(len(data))\n", + " # Print the data to the console\n", + " # print(json.dumps(data, indent=4)) # 'indent=4' is used for pretty printing\n", + "# with open(test_list_path1, 'r', encoding='utf-8') as file:\n", + "# data = json.load(file)\n", + "# # Print the data to the console\n", + "# print(len(data))\n", + "# # print(json.dumps(data, indent=4)) # 'indent=4' is used for pretty printing\n", + "# with open(test_list_path2, 'r', encoding='utf-8') as file:\n", + "# data = json.load(file)\n", + "# print(len(data))\n", + "\n", + "#index.json 50000 index\n", + "#test index.json 10000 index\n", + "# label list.json 348791 code\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 62, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "def train(train_dir, model_save_path=None, n_neighbors=None, knn_algo='ball_tree', verbose=False):\n", + "\n", + "def predict(X_img_path, knn_clf=None, model_path=None, distance_threshold=0.6):\n", + "\n", + "def show_prediction_labels_on_image(img_path, predictions):\n", + "\n", + "def _rect_to_css(rect):\n", + "\n", + "def _trim_css_to_bounds(css, image_shape):\n", + "\n", + "def face_distance(face_encodings, face_to_compare):\n", + "\n", + "def load_image_file(file, mode='RGB'):\n", + "\n", + "def _raw_face_locations(img, number_of_times_to_upsample=1, model=\"hog\"):\n", + "\n", + "def face_locations(img, number_of_times_to_upsample=1, model=\"hog\"):\n", + "\n", + "def batch_face_locations(images, number_of_times_to_upsample=1, batch_size=128):\n", + "\n", + " def convert_cnn_detections_to_css(detections):\n", + "\n", + "def face_landmarks(face_image, face_locations=None, model=\"large\"):\n", + "\n", + "def face_encodings(face_image, known_face_locations=None, num_jitters=1):\n", + "\n", + "def _parse_datatype_string(s):\n", + "\n", + " def from_ddl_schema(type_str):\n", + "\n", + " def from_ddl_datatype(type_str):\n", + "\n", + "def _int_size_to_type(size):\n", + "\n", + "def _infer_type(obj):\n", + "\n", + "def _infer_schema(row, names=None):\n", + "\n", + "def _has_nulltype(dt):\n", + "\n", + "def _create_converter(dataType):\n", + "\n", + " def convert_struct(obj):\n", + "\n", + "def _make_type_verifier(dataType, nullable=True, name=None):\n", + "\n", + " def verify_nullability(obj):\n", + "\n", + " def assert_acceptable_types(obj):\n", + "\n", + " def verify_acceptable_types(obj):\n", + "\n", + " def verify_udf(obj):\n", + "\n", + " def verify_byte(obj):\n", + "\n", + " def verify_short(obj):\n", + "\n", + " def verify_integer(obj):\n", + "\n", + " def verify_array(obj):\n", + "\n", + " def verify_map(obj):\n", + "\n", + " def verify_struct(obj):\n", + "\n", + " def verify_default(obj):\n", + "\n", + " def verify(obj):\n", + "\n", + "def to_arrow_type(dt):\n", + "\n", + "def to_arrow_schema(schema):\n", + "\n", + "def from_arrow_type(at):\n", + "\n", + "def from_arrow_schema(arrow_schema):\n", + "\n", + "def _check_series_localize_timestamps(s, timezone):\n", + "\n", + "def _check_dataframe_localize_timestamps(pdf, timezone):\n", + "\n", + "def _check_series_convert_timestamps_internal(s, timezone):\n", + "\n", + "def _check_series_convert_timestamps_localize(s, from_timezone, to_timezone):\n", + "\n", + "def add(self, field, data_type=None, nullable=True, metadata=None):\n", + "\n", + "def _cachedSqlType(cls):\n", + "\n", + "def asDict(self, recursive=False):\n", + "\n", + " def conv(obj):\n", + "\n", + "def summary(self):\n", + "\n", + "def evaluate(self, dataset):\n", + "\n", + "def summary(self):\n", + "\n", + "def evaluate(self, dataset):\n", + "\n", + "def _get_local_dirs(sub):\n", + "\n", + "def _get_spill_dir(self, n):\n", + "\n", + "def mergeValues(self, iterator):\n", + "\n", + "def mergeCombiners(self, iterator, limit=None):\n", + "\n", + "def _spill(self):\n", + "\n", + "def items(self):\n", + "\n", + "def _external_items(self):\n", + "\n", + "def _recursive_merged_items(self, index):\n", + "\n", + "def _get_path(self, n):\n", + "\n", + "def sorted(self, iterator, key=None, reverse=False):\n", + "\n", + " def load(f):\n", + "\n", + "def _spill(self):\n", + "\n", + "def _spill(self):\n", + "\n", + "def _merge_sorted_items(self, index):\n", + "\n", + " def load_partition(j):\n", + "\n", + "def worker(sock, authenticated):\n", + "\n", + "def portable_hash(x):\n", + "\n", + "def _parse_memory(s):\n", + "\n", + "def ignore_unicode_prefix(f):\n", + "\n", + "def cache(self):\n", + "\n", + "def persist(self, storageLevel=StorageLevel.MEMORY_ONLY):\n", + "\n", + "def unpersist(self, blocking=False):\n", + "\n", + "def getCheckpointFile(self):\n", + "\n", + "def map(self, f, preservesPartitioning=False):\n", + "\n", + " def func(_, iterator):\n", + "\n", + "def flatMap(self, f, preservesPartitioning=False):\n", + "\n", + " def func(s, iterator):\n", + "\n", + "def mapPartitions(self, f, preservesPartitioning=False):\n", + "\n", + " def func(s, iterator):\n", + "\n", + "def mapPartitionsWithSplit(self, f, preservesPartitioning=False):\n", + "\n", + "def distinct(self, numPartitions=None):\n", + "\n", + "def sample(self, withReplacement, fraction, seed=None):\n", + "\n", + "def randomSplit(self, weights, seed=None):\n", + "\n", + "def takeSample(self, withReplacement, num, seed=None):\n", + "\n", + "def _computeFractionForSampleSize(sampleSizeLowerBound, total, withReplacement):\n", + "\n", + "def union(self, other):\n", + "\n", + "def intersection(self, other):\n", + "\n", + "def repartitionAndSortWithinPartitions(self, numPartitions=None, partitionFunc=portable_hash,\n", + "\n", + " def sortPartition(iterator):\n", + "\n", + "def sortByKey(self, ascending=True, numPartitions=None, keyfunc=lambda x: x):\n", + "\n", + " def sortPartition(iterator):\n", + "\n", + " def rangePartitioner(k):\n", + "\n", + "def sortBy(self, keyfunc, ascending=True, numPartitions=None):\n", + "\n", + "def cartesian(self, other):\n", + "\n", + "def groupBy(self, f, numPartitions=None, partitionFunc=portable_hash):\n", + "\n", + "def pipe(self, command, env=None, checkCode=False):\n", + "\n", + " def func(iterator):\n", + "\n", + " def pipe_objs(out):\n", + "\n", + " def check_return_code():\n", + "\n", + "def foreach(self, f):\n", + "\n", + " def processPartition(iterator):\n", + "\n", + "def foreachPartition(self, f):\n", + "\n", + " def func(it):\n", + "\n", + "def collect(self):\n", + "\n", + "def reduce(self, f):\n", + "\n", + " def func(iterator):\n", + "\n", + "def treeReduce(self, f, depth=2):\n", + "\n", + " def op(x, y):\n", + "\n", + "def fold(self, zeroValue, op):\n", + "\n", + " def func(iterator):\n", + "\n", + "def aggregate(self, zeroValue, seqOp, combOp):\n", + "\n", + " def func(iterator):\n", + "\n", + "def treeAggregate(self, zeroValue, seqOp, combOp, depth=2):\n", + "\n", + " def aggregatePartition(iterator):\n", + "\n", + " def mapPartition(i, iterator):\n", + "\n", + "def max(self, key=None):\n", + "\n", + "def min(self, key=None):\n", + "\n", + "def sum(self):\n", + "\n", + "def stats(self):\n", + "\n", + " def redFunc(left_counter, right_counter):\n", + "\n", + "def histogram(self, buckets):\n", + "\n", + " def comparable(x):\n", + "\n", + " def minmax(a, b):\n", + "\n", + " def histogram(iterator):\n", + "\n", + " def mergeCounters(a, b):\n", + "\n", + "def countByValue(self):\n", + "\n", + " def countPartition(iterator):\n", + "\n", + " def mergeMaps(m1, m2):\n", + "\n", + "def top(self, num, key=None):\n", + "\n", + " def topIterator(iterator):\n", + "\n", + " def merge(a, b):\n", + "\n", + "def takeOrdered(self, num, key=None):\n", + "\n", + " def merge(a, b):\n", + "\n", + "def take(self, num):\n", + "\n", + " def takeUpToNumLeft(iterator):\n", + "\n", + "def saveAsNewAPIHadoopDataset(self, conf, keyConverter=None, valueConverter=None):\n", + "\n", + "def saveAsNewAPIHadoopFile(self, path, outputFormatClass, keyClass=None, valueClass=None,\n", + "\n", + "def saveAsSequenceFile(self, path, compressionCodecClass=None):\n", + "\n", + "def saveAsPickleFile(self, path, batchSize=10):\n", + "\n", + "def saveAsTextFile(self, path, compressionCodecClass=None):\n", + "\n", + " def func(split, iterator):\n", + "\n", + "def reduceByKey(self, func, numPartitions=None, partitionFunc=portable_hash):\n", + "\n", + "def reduceByKeyLocally(self, func):\n", + "\n", + " def reducePartition(iterator):\n", + "\n", + " def mergeMaps(m1, m2):\n", + "\n", + "def partitionBy(self, numPartitions, partitionFunc=portable_hash):\n", + "\n", + " def add_shuffle_key(split, iterator):\n", + "\n", + "def combineByKey(self, createCombiner, mergeValue, mergeCombiners,\n", + "\n", + " def combineLocally(iterator):\n", + "\n", + " def _mergeCombiners(iterator):\n", + "\n", + "def aggregateByKey(self, zeroValue, seqFunc, combFunc, numPartitions=None,\n", + "\n", + " def createZero():\n", + "\n", + "def foldByKey(self, zeroValue, func, numPartitions=None, partitionFunc=portable_hash):\n", + "\n", + " def createZero():\n", + "\n", + "def groupByKey(self, numPartitions=None, partitionFunc=portable_hash):\n", + "\n", + " def createCombiner(x):\n", + "\n", + " def mergeValue(xs, x):\n", + "\n", + " def mergeCombiners(a, b):\n", + "\n", + " def combine(iterator):\n", + "\n", + " def groupByKey(it):\n", + "\n", + "def flatMapValues(self, f):\n", + "\n", + "def mapValues(self, f):\n", + "\n", + "def sampleByKey(self, withReplacement, fractions, seed=None):\n", + "\n", + "def subtractByKey(self, other, numPartitions=None):\n", + "\n", + " def filter_func(pair):\n", + "\n", + "def subtract(self, other, numPartitions=None):\n", + "\n", + "def coalesce(self, numPartitions, shuffle=False):\n", + "\n", + "def zip(self, other):\n", + "\n", + " def get_batch_size(ser):\n", + "\n", + " def batch_as(rdd, batchSize):\n", + "\n", + "def zipWithIndex(self):\n", + "\n", + " def func(k, it):\n", + "\n", + "def zipWithUniqueId(self):\n", + "\n", + " def func(k, it):\n", + "\n", + "def getStorageLevel(self):\n", + "\n", + "def _defaultReducePartitions(self):\n", + "\n", + "def lookup(self, key):\n", + "\n", + "def _to_java_object_rdd(self):\n", + "\n", + "def countApprox(self, timeout, confidence=0.95):\n", + "\n", + "def sumApprox(self, timeout, confidence=0.95):\n", + "\n", + "def meanApprox(self, timeout, confidence=0.95):\n", + "\n", + "def countApproxDistinct(self, relativeSD=0.05):\n", + "\n", + "def toLocalIterator(self):\n", + "\n", + "def mapPartitions(self, f, preservesPartitioning=False):\n", + "\n", + " def func(s, iterator):\n", + "\n", + "def _to_seq(sc, cols, converter=None):\n", + "\n", + "def _to_list(sc, cols, converter=None):\n", + "\n", + "def _unary_op(name, doc=\"unary operator\"):\n", + "\n", + " def _(self):\n", + "\n", + "def _bin_op(name, doc=\"binary operator\"):\n", + "\n", + " def _(self, other):\n", + "\n", + "def _reverse_op(name, doc=\"binary operator\"):\n", + "\n", + " def _(self, other):\n", + "\n", + "def substr(self, startPos, length):\n", + "\n", + "def isin(self, *cols):\n", + "\n", + "def alias(self, *alias, **kwargs):\n", + "\n", + "def cast(self, dataType):\n", + "\n", + "def when(self, condition, value):\n", + "\n", + "def otherwise(self, value):\n", + "\n", + "def over(self, window):\n", + "\n", + "def transform(self, vector):\n", + "\n", + "def fit(self, dataset):\n", + "\n", + "def fit(self, data):\n", + "\n", + "def fit(self, data):\n", + "\n", + "def transform(self, document):\n", + "\n", + "def fit(self, dataset):\n", + "\n", + "def findSynonyms(self, word, num):\n", + "\n", + "def load(cls, sc, path):\n", + "\n", + "def transform(self, vector):\n", + "\n", + "def predict(self, x):\n", + "\n", + "def trainClassifier(cls, data, numClasses, categoricalFeaturesInfo,\n", + "\n", + "def trainRegressor(cls, data, categoricalFeaturesInfo,\n", + "\n", + "def trainClassifier(cls, data, numClasses, categoricalFeaturesInfo, numTrees,\n", + "\n", + "def trainRegressor(cls, data, categoricalFeaturesInfo, numTrees, featureSubsetStrategy=\"auto\",\n", + "\n", + "def trainClassifier(cls, data, categoricalFeaturesInfo,\n", + "\n", + "def set(self, key, value):\n", + "\n", + "def setIfMissing(self, key, value):\n", + "\n", + "def setExecutorEnv(self, key=None, value=None, pairs=None):\n", + "\n", + "def setAll(self, pairs):\n", + "\n", + "def get(self, key, defaultValue=None):\n", + "\n", + "def getAll(self):\n", + "\n", + "def contains(self, key):\n", + "\n", + "def toDebugString(self):\n", + "\n", + "def listDatabases(self):\n", + "\n", + "def listTables(self, dbName=None):\n", + "\n", + "def listFunctions(self, dbName=None):\n", + "\n", + "def listColumns(self, tableName, dbName=None):\n", + "\n", + "def createExternalTable(self, tableName, path=None, source=None, schema=None, **options):\n", + "\n", + "def createTable(self, tableName, path=None, source=None, schema=None, **options):\n", + "\n", + "def _load_from_socket(port, auth_secret):\n", + "\n", + "def _getOrCreate(cls):\n", + "\n", + "def _initialize(cls, port, secret):\n", + "\n", + "def barrier(self):\n", + "\n", + "def getTaskInfos(self):\n", + "\n", + "def since(version):\n", + "\n", + " def deco(f):\n", + "\n", + "def copy_func(f, name=None, sinceversion=None, doc=None):\n", + "\n", + "def keyword_only(func):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def _gen_param_header(name, doc, defaultValueStr, typeConverter):\n", + "\n", + " def __init__(self):\n", + "\n", + "def _gen_param_code(name, doc, defaultValueStr):\n", + "\n", + " def set$Name(self, value):\n", + "\n", + " def get$Name(self):\n", + "\n", + "def train(self, rdd, k=4, maxIterations=20, minDivisibleClusterSize=1.0, seed=-1888008604):\n", + "\n", + "def train(cls, rdd, k, maxIterations=100, runs=1, initializationMode=\"k-means||\",\n", + "\n", + "def train(cls, rdd, k, convergenceTol=1e-3, maxIterations=100, seed=None, initialModel=None):\n", + "\n", + "def load(cls, sc, path):\n", + "\n", + "def train(cls, rdd, k, maxIterations=100, initMode=\"random\"):\n", + "\n", + "def update(self, data, decayFactor, timeUnit):\n", + "\n", + "def setHalfLife(self, halfLife, timeUnit):\n", + "\n", + "def setInitialCenters(self, centers, weights):\n", + "\n", + "def setRandomCenters(self, dim, weight, seed):\n", + "\n", + "def trainOn(self, dstream):\n", + "\n", + " def update(rdd):\n", + "\n", + "def predictOn(self, dstream):\n", + "\n", + "def predictOnValues(self, dstream):\n", + "\n", + "def describeTopics(self, maxTermsPerTopic=None):\n", + "\n", + "def load(cls, sc, path):\n", + "\n", + "def train(cls, rdd, k=10, maxIterations=20, docConcentration=-1.0,\n", + "\n", + "def _to_java_object_rdd(rdd):\n", + "\n", + "def _py2java(sc, obj):\n", + "\n", + "def callJavaFunc(sc, func, *args):\n", + "\n", + "def callMLlibFunc(name, *args):\n", + "\n", + "def inherit_doc(cls):\n", + "\n", + "def call(self, name, *a):\n", + "\n", + "def count(self):\n", + "\n", + "def filter(self, f):\n", + "\n", + " def func(iterator):\n", + "\n", + "def map(self, f, preservesPartitioning=False):\n", + "\n", + " def func(iterator):\n", + "\n", + "def mapPartitionsWithIndex(self, f, preservesPartitioning=False):\n", + "\n", + "def reduce(self, func):\n", + "\n", + "def reduceByKey(self, func, numPartitions=None):\n", + "\n", + "def combineByKey(self, createCombiner, mergeValue, mergeCombiners,\n", + "\n", + " def func(rdd):\n", + "\n", + "def partitionBy(self, numPartitions, partitionFunc=portable_hash):\n", + "\n", + "def foreachRDD(self, func):\n", + "\n", + "def pprint(self, num=10):\n", + "\n", + " def takeAndPrint(time, rdd):\n", + "\n", + "def persist(self, storageLevel):\n", + "\n", + "def checkpoint(self, interval):\n", + "\n", + "def groupByKey(self, numPartitions=None):\n", + "\n", + "def countByValue(self):\n", + "\n", + "def saveAsTextFiles(self, prefix, suffix=None):\n", + "\n", + " def saveAsTextFile(t, rdd):\n", + "\n", + "def transform(self, func):\n", + "\n", + "def transformWith(self, func, other, keepSerializer=False):\n", + "\n", + "def union(self, other):\n", + "\n", + "def cogroup(self, other, numPartitions=None):\n", + "\n", + "def _jtime(self, timestamp):\n", + "\n", + "def slice(self, begin, end):\n", + "\n", + "def window(self, windowDuration, slideDuration=None):\n", + "\n", + "def reduceByWindow(self, reduceFunc, invReduceFunc, windowDuration, slideDuration):\n", + "\n", + "def countByWindow(self, windowDuration, slideDuration):\n", + "\n", + "def countByValueAndWindow(self, windowDuration, slideDuration, numPartitions=None):\n", + "\n", + "def groupByKeyAndWindow(self, windowDuration, slideDuration, numPartitions=None):\n", + "\n", + "def reduceByKeyAndWindow(self, func, invFunc, windowDuration, slideDuration=None,\n", + "\n", + " def reduceFunc(t, a, b):\n", + "\n", + " def invReduceFunc(t, a, b):\n", + "\n", + "def updateStateByKey(self, updateFunc, numPartitions=None, initialRDD=None):\n", + "\n", + " def reduceFunc(t, a, b):\n", + "\n", + "def setParams(self, minSupport=0.3, minConfidence=0.8, itemsCol=\"items\",\n", + "\n", + "def setParams(self, minSupport=0.1, maxPatternLength=10, maxLocalProjDBSize=32000000,\n", + "\n", + "def findFrequentSequentialPatterns(self, dataset):\n", + "\n", + "def first_spark_call():\n", + "\n", + "def parsePoint(line):\n", + "\n", + "def fMeasure(self, label, beta=None):\n", + "\n", + "def precision(self, label=None):\n", + "\n", + "def recall(self, label=None):\n", + "\n", + "def f1Measure(self, label=None):\n", + "\n", + "def _to_corrected_pandas_type(dt):\n", + "\n", + "def rdd(self):\n", + "\n", + "def toJSON(self, use_unicode=True):\n", + "\n", + "def schema(self):\n", + "\n", + "def explain(self, extended=False):\n", + "\n", + "def exceptAll(self, other):\n", + "\n", + "def show(self, n=20, truncate=True, vertical=False):\n", + "\n", + "def _repr_html_(self):\n", + "\n", + "def checkpoint(self, eager=True):\n", + "\n", + "def localCheckpoint(self, eager=True):\n", + "\n", + "def withWatermark(self, eventTime, delayThreshold):\n", + "\n", + "def hint(self, name, *parameters):\n", + "\n", + "def collect(self):\n", + "\n", + "def toLocalIterator(self):\n", + "\n", + "def limit(self, num):\n", + "\n", + "def persist(self, storageLevel=StorageLevel.MEMORY_AND_DISK):\n", + "\n", + "def storageLevel(self):\n", + "\n", + "def unpersist(self, blocking=False):\n", + "\n", + "def coalesce(self, numPartitions):\n", + "\n", + "def repartition(self, numPartitions, *cols):\n", + "\n", + "def sample(self, withReplacement=None, fraction=None, seed=None):\n", + "\n", + "def sampleBy(self, col, fractions, seed=None):\n", + "\n", + "def randomSplit(self, weights, seed=None):\n", + "\n", + "def dtypes(self):\n", + "\n", + "def colRegex(self, colName):\n", + "\n", + "def alias(self, alias):\n", + "\n", + "def crossJoin(self, other):\n", + "\n", + "def join(self, other, on=None, how=None):\n", + "\n", + "def sortWithinPartitions(self, *cols, **kwargs):\n", + "\n", + "def _jseq(self, cols, converter=None):\n", + "\n", + "def _jcols(self, *cols):\n", + "\n", + "def _sort_cols(self, cols, kwargs):\n", + "\n", + "def describe(self, *cols):\n", + "\n", + "def summary(self, *statistics):\n", + "\n", + "def head(self, n=None):\n", + "\n", + "def select(self, *cols):\n", + "\n", + "def selectExpr(self, *expr):\n", + "\n", + "def filter(self, condition):\n", + "\n", + "def groupBy(self, *cols):\n", + "\n", + "def union(self, other):\n", + "\n", + "def unionByName(self, other):\n", + "\n", + "def intersect(self, other):\n", + "\n", + "def intersectAll(self, other):\n", + "\n", + "def subtract(self, other):\n", + "\n", + "def dropDuplicates(self, subset=None):\n", + "\n", + "def dropna(self, how='any', thresh=None, subset=None):\n", + "\n", + "def fillna(self, value, subset=None):\n", + "\n", + "def replace(self, to_replace, value=_NoValue, subset=None):\n", + "\n", + " def all_of(types):\n", + "\n", + " def all_of_(xs):\n", + "\n", + "def approxQuantile(self, col, probabilities, relativeError):\n", + "\n", + "def corr(self, col1, col2, method=None):\n", + "\n", + "def cov(self, col1, col2):\n", + "\n", + "def crosstab(self, col1, col2):\n", + "\n", + "def freqItems(self, cols, support=None):\n", + "\n", + "def withColumn(self, colName, col):\n", + "\n", + "def withColumnRenamed(self, existing, new):\n", + "\n", + "def drop(self, *cols):\n", + "\n", + "def toDF(self, *cols):\n", + "\n", + "def transform(self, func):\n", + "\n", + "def toPandas(self):\n", + "\n", + "def _collectAsArrow(self):\n", + "\n", + "def asDict(self, sample=False):\n", + "\n", + "def _list_function_infos(jvm):\n", + "\n", + "def _make_pretty_usage(usage):\n", + "\n", + "def _make_pretty_arguments(arguments):\n", + "\n", + "def _make_pretty_examples(examples):\n", + "\n", + "def _make_pretty_note(note):\n", + "\n", + "def _make_pretty_deprecated(deprecated):\n", + "\n", + "def generate_sql_markdown(jvm, path):\n", + "\n", + "def predict(self, x):\n", + "\n", + "def save(self, sc, path):\n", + "\n", + "def train(cls, data, iterations=100, initialWeights=None, regParam=0.0, regType=\"l2\",\n", + "\n", + " def train(rdd, i):\n", + "\n", + "def predict(self, x):\n", + "\n", + "def save(self, sc, path):\n", + "\n", + "def load(cls, sc, path):\n", + "\n", + "def train(cls, data, lambda_=1.0):\n", + "\n", + "def heappush(heap, item):\n", + "\n", + "def heappop(heap):\n", + "\n", + "def heapreplace(heap, item):\n", + "\n", + "def heappushpop(heap, item):\n", + "\n", + "def heapify(x):\n", + "\n", + "def _heappop_max(heap):\n", + "\n", + "def _heapreplace_max(heap, item):\n", + "\n", + "def _heapify_max(x):\n", + "\n", + "def _siftdown_max(heap, startpos, pos):\n", + "\n", + "def _siftup_max(heap, pos):\n", + "\n", + "def merge(iterables, key=None, reverse=False):\n", + "\n", + "def nsmallest(n, iterable, key=None):\n", + "\n", + "def nlargest(n, iterable, key=None):\n", + "\n", + "def corr(dataset, column, method=\"pearson\"):\n", + "\n", + "def metrics(*metrics):\n", + "\n", + "def summary(self, featuresCol, weightCol=None):\n", + "\n", + "def corr(x, y=None, method=None):\n", + "\n", + "def _parallelFitTasks(est, train, eva, validation, epm, collectSubModel):\n", + "\n", + " def singleTask():\n", + "\n", + "def baseOn(self, *args):\n", + "\n", + "def build(self):\n", + "\n", + " def to_key_value_pairs(keys, values):\n", + "\n", + "def _from_java_impl(cls, java_stage):\n", + "\n", + "def _to_java_impl(self):\n", + "\n", + "def _from_java(cls, java_stage):\n", + "\n", + "def _to_java(self):\n", + "\n", + "def copy(self, extra=None):\n", + "\n", + "def setParams(self, estimator=None, estimatorParamMaps=None, evaluator=None, trainRatio=0.75,\n", + "\n", + "def copy(self, extra=None):\n", + "\n", + "def _from_java(cls, java_stage):\n", + "\n", + "def _to_java(self):\n", + "\n", + "def copy(self, extra=None):\n", + "\n", + "def _from_java(cls, java_stage):\n", + "\n", + "def _to_java(self):\n", + "\n", + "def get(self, key, default=_NoValue):\n", + "\n", + "def _checkType(self, obj, identifier):\n", + "\n", + "def _create_function(name, doc=\"\"):\n", + "\n", + " def _(col):\n", + "\n", + "def _create_function_over_column(name, doc=\"\"):\n", + "\n", + " def _(col):\n", + "\n", + "def _wrap_deprecated_function(func, message):\n", + "\n", + " def _(col):\n", + "\n", + "def _create_binary_mathfunction(name, doc=\"\"):\n", + "\n", + " def _(col1, col2):\n", + "\n", + "def _create_window_function(name, doc=''):\n", + "\n", + " def _():\n", + "\n", + "def approx_count_distinct(col, rsd=None):\n", + "\n", + "def broadcast(df):\n", + "\n", + "def countDistinct(col, *cols):\n", + "\n", + "def last(col, ignorenulls=False):\n", + "\n", + "def nanvl(col1, col2):\n", + "\n", + "def rand(seed=None):\n", + "\n", + "def round(col, scale=0):\n", + "\n", + "def shiftLeft(col, numBits):\n", + "\n", + "def shiftRight(col, numBits):\n", + "\n", + "def expr(str):\n", + "\n", + "def when(condition, value):\n", + "\n", + "def log(arg1, arg2=None):\n", + "\n", + "def conv(col, fromBase, toBase):\n", + "\n", + "def lag(col, offset=1, default=None):\n", + "\n", + "def ntile(n):\n", + "\n", + "def date_format(date, format):\n", + "\n", + "def date_add(start, days):\n", + "\n", + "def datediff(end, start):\n", + "\n", + "def add_months(start, months):\n", + "\n", + "def months_between(date1, date2, roundOff=True):\n", + "\n", + "def to_date(col, format=None):\n", + "\n", + "def date_trunc(format, timestamp):\n", + "\n", + "def next_day(date, dayOfWeek):\n", + "\n", + "def last_day(date):\n", + "\n", + "def unix_timestamp(timestamp=None, format='yyyy-MM-dd HH:mm:ss'):\n", + "\n", + "def from_utc_timestamp(timestamp, tz):\n", + "\n", + "def window(timeColumn, windowDuration, slideDuration=None, startTime=None):\n", + "\n", + " def check_string_field(field, fieldName):\n", + "\n", + "def hash(*cols):\n", + "\n", + "def concat_ws(sep, *cols):\n", + "\n", + "def decode(col, charset):\n", + "\n", + "def format_number(col, d):\n", + "\n", + "def format_string(format, *cols):\n", + "\n", + "def instr(str, substr):\n", + "\n", + "def substring(str, pos, len):\n", + "\n", + "def substring_index(str, delim, count):\n", + "\n", + "def levenshtein(left, right):\n", + "\n", + "def locate(substr, str, pos=1):\n", + "\n", + "def lpad(col, len, pad):\n", + "\n", + "def repeat(col, n):\n", + "\n", + "def split(str, pattern, limit=-1):\n", + "\n", + "def regexp_extract(str, pattern, idx):\n", + "\n", + "def regexp_replace(str, pattern, replacement):\n", + "\n", + "def translate(srcCol, matching, replace):\n", + "\n", + "def arrays_overlap(a1, a2):\n", + "\n", + "def slice(x, start, length):\n", + "\n", + "def array_join(col, delimiter, null_replacement=None):\n", + "\n", + "def concat(*cols):\n", + "\n", + "def array_position(col, value):\n", + "\n", + "def element_at(col, extraction):\n", + "\n", + "def array_remove(col, element):\n", + "\n", + "def explode(col):\n", + "\n", + "def get_json_object(col, path):\n", + "\n", + "def json_tuple(col, *fields):\n", + "\n", + "def from_json(col, schema, options={}):\n", + "\n", + "def schema_of_json(json, options={}):\n", + "\n", + "def schema_of_csv(csv, options={}):\n", + "\n", + "def to_csv(col, options={}):\n", + "\n", + "def size(col):\n", + "\n", + "def sort_array(col, asc=True):\n", + "\n", + "def array_repeat(col, count):\n", + "\n", + "def map_concat(*cols):\n", + "\n", + "def sequence(start, stop, step=None):\n", + "\n", + "def from_csv(col, schema, options={}):\n", + "\n", + "def udf(f=None, returnType=StringType()):\n", + "\n", + "def pandas_udf(f=None, returnType=None, functionType=None):\n", + "\n", + "def to_str(value):\n", + "\n", + "def _set_opts(self, schema=None, **options):\n", + "\n", + "def format(self, source):\n", + "\n", + "def schema(self, schema):\n", + "\n", + "def option(self, key, value):\n", + "\n", + "def options(self, **options):\n", + "\n", + "def load(self, path=None, format=None, schema=None, **options):\n", + "\n", + "def json(self, path, schema=None, primitivesAsString=None, prefersDecimal=None,\n", + "\n", + " def func(iterator):\n", + "\n", + "def parquet(self, *paths):\n", + "\n", + "def text(self, paths, wholetext=False, lineSep=None):\n", + "\n", + "def csv(self, path, schema=None, sep=None, encoding=None, quote=None, escape=None,\n", + "\n", + " def func(iterator):\n", + "\n", + "def orc(self, path):\n", + "\n", + "def jdbc(self, url, table, column=None, lowerBound=None, upperBound=None, numPartitions=None,\n", + "\n", + "def mode(self, saveMode):\n", + "\n", + "def format(self, source):\n", + "\n", + "def option(self, key, value):\n", + "\n", + "def options(self, **options):\n", + "\n", + "def partitionBy(self, *cols):\n", + "\n", + "def sortBy(self, col, *cols):\n", + "\n", + "def save(self, path=None, format=None, mode=None, partitionBy=None, **options):\n", + "\n", + "def insertInto(self, tableName, overwrite=False):\n", + "\n", + "def saveAsTable(self, name, format=None, mode=None, partitionBy=None, **options):\n", + "\n", + "def json(self, path, mode=None, compression=None, dateFormat=None, timestampFormat=None,\n", + "\n", + "def parquet(self, path, mode=None, partitionBy=None, compression=None):\n", + "\n", + "def text(self, path, compression=None, lineSep=None):\n", + "\n", + "def csv(self, path, mode=None, compression=None, sep=None, quote=None, escape=None,\n", + "\n", + "def orc(self, path, mode=None, partitionBy=None, compression=None):\n", + "\n", + "def jdbc(self, url, table, mode=None, properties=None):\n", + "\n", + "def createStream(ssc, kinesisAppName, streamName, endpointUrl, regionName,\n", + "\n", + "def choose_jira_assignee(issue, asf_jira):\n", + "\n", + "def standardize_jira_ref(text):\n", + "\n", + "def _parse_libsvm_line(line):\n", + "\n", + "def _convert_labeled_point_to_libsvm(p):\n", + "\n", + "def loadLibSVMFile(sc, path, numFeatures=-1, minPartitions=None):\n", + "\n", + "def saveAsLibSVMFile(data, dir):\n", + "\n", + "def loadLabeledPoints(sc, path, minPartitions=None):\n", + "\n", + "def appendBias(data):\n", + "\n", + "def convertVectorColumnsToML(dataset, *cols):\n", + "\n", + "def generateLinearInput(intercept, weights, xMean, xVariance,\n", + "\n", + "def generateLinearRDD(sc, nexamples, nfeatures, eps,\n", + "\n", + "def train(cls, data, iterations=100, step=1.0, miniBatchFraction=1.0,\n", + "\n", + " def train(rdd, i):\n", + "\n", + "def predict(self, x):\n", + "\n", + "def save(self, sc, path):\n", + "\n", + "def load(cls, sc, path):\n", + "\n", + "def train(cls, data, isotonic=True):\n", + "\n", + "def columnSimilarities(self, threshold=0.0):\n", + "\n", + "def tallSkinnyQR(self, computeQ=False):\n", + "\n", + "def computeSVD(self, k, computeU=False, rCond=1e-9):\n", + "\n", + "def multiply(self, matrix):\n", + "\n", + "def U(self):\n", + "\n", + "def rows(self):\n", + "\n", + "def toBlockMatrix(self, rowsPerBlock=1024, colsPerBlock=1024):\n", + "\n", + "def multiply(self, matrix):\n", + "\n", + "def entries(self):\n", + "\n", + "def blocks(self):\n", + "\n", + "def persist(self, storageLevel):\n", + "\n", + "def add(self, other):\n", + "\n", + "def transpose(self):\n", + "\n", + "def _vector_size(v):\n", + "\n", + "def parse(s):\n", + "\n", + "def dot(self, other):\n", + "\n", + "def squared_distance(self, other):\n", + "\n", + "def parse(s):\n", + "\n", + "def dot(self, other):\n", + "\n", + "def squared_distance(self, other):\n", + "\n", + "def toArray(self):\n", + "\n", + "def asML(self):\n", + "\n", + "def dense(*elements):\n", + "\n", + "def fromML(vec):\n", + "\n", + "def squared_distance(v1, v2):\n", + "\n", + "def parse(s):\n", + "\n", + "def _equals(v1_indices, v1_values, v2_indices, v2_values):\n", + "\n", + "def _convert_to_array(array_like, dtype):\n", + "\n", + "def toArray(self):\n", + "\n", + "def toSparse(self):\n", + "\n", + "def asML(self):\n", + "\n", + "def toArray(self):\n", + "\n", + "def asML(self):\n", + "\n", + "def sparse(numRows, numCols, colPtrs, rowIndices, values):\n", + "\n", + "def fromML(mat):\n", + "\n", + "def approxNearestNeighbors(self, dataset, key, numNearestNeighbors, distCol=\"distCol\"):\n", + "\n", + "def approxSimilarityJoin(self, datasetA, datasetB, threshold, distCol=\"distCol\"):\n", + "\n", + "def from_labels(cls, labels, inputCol, outputCol=None, handleInvalid=None):\n", + "\n", + "def from_arrays_of_labels(cls, arrayOfLabels, inputCols, outputCols=None,\n", + "\n", + "def setParams(self, inputCol=None, outputCol=None, stopWords=None, caseSensitive=False,\n", + "\n", + "def loadDefaultStopWords(language):\n", + "\n", + "def findSynonyms(self, word, num):\n", + "\n", + "def findSynonymsArray(self, word, num):\n", + "\n", + "def install_exception_handler():\n", + "\n", + "def toJArray(gateway, jtype, arr):\n", + "\n", + "def require_minimum_pandas_version():\n", + "\n", + "def require_minimum_pyarrow_version():\n", + "\n", + "def launch_gateway(conf=None, popen_kwargs=None):\n", + "\n", + " def preexec_func():\n", + "\n", + " def killChild():\n", + "\n", + "def _do_server_auth(conn, auth_secret):\n", + "\n", + "def local_connect_and_auth(port, auth_secret):\n", + "\n", + "def ensure_callback_server_started(gw):\n", + "\n", + "def _find_spark_home():\n", + "\n", + " def is_spark_home(path):\n", + "\n", + "def computeContribs(urls, rank):\n", + "\n", + "def summary(self):\n", + "\n", + "def summary(self):\n", + "\n", + "def summary(self):\n", + "\n", + "def imageSchema(self):\n", + "\n", + "def ocvTypes(self):\n", + "\n", + "def columnSchema(self):\n", + "\n", + "def imageFields(self):\n", + "\n", + "def undefinedImageType(self):\n", + "\n", + "def toNDArray(self, image):\n", + "\n", + "def toImage(self, array, origin=\"\"):\n", + "\n", + "def readImages(self, path, recursive=False, numPartitions=-1,\n", + "\n", + "def _create_from_java_class(cls, java_class, *args):\n", + "\n", + "def _new_java_array(pylist, java_class):\n", + "\n", + "def _convert_epytext(line):\n", + "\n", + "def rddToFileName(prefix, suffix, timestamp):\n", + "\n", + "def add_profiler(self, id, profiler):\n", + "\n", + "def dump_profiles(self, path):\n", + "\n", + "def show_profiles(self):\n", + "\n", + "def show(self, id):\n", + "\n", + "def dump(self, id, path):\n", + "\n", + "def profile(self, func):\n", + "\n", + "def getOrCreate(cls, sc):\n", + "\n", + "def setConf(self, key, value):\n", + "\n", + "def getConf(self, key, defaultValue=_NoValue):\n", + "\n", + "def range(self, start, end=None, step=1, numPartitions=None):\n", + "\n", + "def registerFunction(self, name, f, returnType=None):\n", + "\n", + "def registerJavaFunction(self, name, javaClassName, returnType=None):\n", + "\n", + "def createDataFrame(self, data, schema=None, samplingRatio=None, verifySchema=True):\n", + "\n", + "def createExternalTable(self, tableName, path=None, source=None, schema=None, **options):\n", + "\n", + "def tables(self, dbName=None):\n", + "\n", + "def tableNames(self, dbName=None):\n", + "\n", + "def streams(self):\n", + "\n", + "def from_avro(data, jsonFormatSchema, options={}):\n", + "\n", + "def get(cls, filename):\n", + "\n", + "def getRootDirectory(cls):\n", + "\n", + "def summary(self):\n", + "\n", + "def evaluate(self, dataset):\n", + "\n", + "def copy(self, extra=None):\n", + "\n", + "def _from_java(cls, java_stage):\n", + "\n", + "def _to_java(self):\n", + "\n", + "def _exception_message(excp):\n", + "\n", + "def _get_argspec(f):\n", + "\n", + "def fail_on_stopiteration(f):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def majorMinorVersion(sparkVersion):\n", + "\n", + "def _ensure_initialized(cls, instance=None, gateway=None, conf=None):\n", + "\n", + "def getOrCreate(cls, conf=None):\n", + "\n", + "def setSystemProperty(cls, key, value):\n", + "\n", + "def stop(self):\n", + "\n", + "def range(self, start, end=None, step=1, numSlices=None):\n", + "\n", + "def parallelize(self, c, numSlices=None):\n", + "\n", + " def getStart(split):\n", + "\n", + " def f(split, iterator):\n", + "\n", + " def reader_func(temp_filename):\n", + "\n", + " def createRDDServer():\n", + "\n", + "def _serialize_to_jvm(self, data, serializer, reader_func, createRDDServer):\n", + "\n", + "def pickleFile(self, name, minPartitions=None):\n", + "\n", + "def textFile(self, name, minPartitions=None, use_unicode=True):\n", + "\n", + "def wholeTextFiles(self, path, minPartitions=None, use_unicode=True):\n", + "\n", + "def binaryFiles(self, path, minPartitions=None):\n", + "\n", + "def binaryRecords(self, path, recordLength):\n", + "\n", + "def sequenceFile(self, path, keyClass=None, valueClass=None, keyConverter=None,\n", + "\n", + "def newAPIHadoopFile(self, path, inputFormatClass, keyClass, valueClass, keyConverter=None,\n", + "\n", + "def union(self, rdds):\n", + "\n", + "def accumulator(self, value, accum_param=None):\n", + "\n", + "def addFile(self, path, recursive=False):\n", + "\n", + "def addPyFile(self, path):\n", + "\n", + "def _getJavaStorageLevel(self, storageLevel):\n", + "\n", + "def setJobGroup(self, groupId, description, interruptOnCancel=False):\n", + "\n", + "def runJob(self, rdd, partitionFunc, partitions=None, allowLocal=False):\n", + "\n", + "def dump_profiles(self, path):\n", + "\n", + "def train(cls, ratings, rank, iterations=5, lambda_=0.01, blocks=-1, nonnegative=False,\n", + "\n", + "def train(cls, data, minSupport=0.3, numPartitions=-1):\n", + "\n", + "def train(cls, data, minSupport=0.1, maxPatternLength=10, maxLocalProjDBSize=32000000):\n", + "\n", + "def setSample(self, sample):\n", + "\n", + "def estimate(self, points):\n", + "\n", + "def _start_update_server(auth_token):\n", + "\n", + "def add(self, term):\n", + "\n", + "def agg(self, *exprs):\n", + "\n", + "def pivot(self, pivot_col, values=None):\n", + "\n", + "def apply(self, udf):\n", + "\n", + "def partitionBy(*cols):\n", + "\n", + "def rowsBetween(start, end):\n", + "\n", + "def rowsBetween(self, start, end):\n", + "\n", + "def uniformRDD(sc, size, numPartitions=None, seed=None):\n", + "\n", + "def normalRDD(sc, size, numPartitions=None, seed=None):\n", + "\n", + "def logNormalRDD(sc, mean, std, size, numPartitions=None, seed=None):\n", + "\n", + "def exponentialRDD(sc, mean, size, numPartitions=None, seed=None):\n", + "\n", + "def gammaRDD(sc, shape, scale, size, numPartitions=None, seed=None):\n", + "\n", + "def uniformVectorRDD(sc, numRows, numCols, numPartitions=None, seed=None):\n", + "\n", + "def normalVectorRDD(sc, numRows, numCols, numPartitions=None, seed=None):\n", + "\n", + "def logNormalVectorRDD(sc, mean, std, numRows, numCols, numPartitions=None, seed=None):\n", + "\n", + "def poissonVectorRDD(sc, mean, numRows, numCols, numPartitions=None, seed=None):\n", + "\n", + "def gammaVectorRDD(sc, shape, scale, numRows, numCols, numPartitions=None, seed=None):\n", + "\n", + "def getActiveSession(cls):\n", + "\n", + "def conf(self):\n", + "\n", + "def catalog(self):\n", + "\n", + "def range(self, start, end=None, step=1, numPartitions=None):\n", + "\n", + "def _inferSchemaFromList(self, data, names=None):\n", + "\n", + "def _inferSchema(self, rdd, samplingRatio=None, names=None):\n", + "\n", + "def _createFromRDD(self, rdd, schema, samplingRatio):\n", + "\n", + "def _createFromLocal(self, data, schema):\n", + "\n", + "def _get_numpy_record_dtype(self, rec):\n", + "\n", + "def _convert_from_pandas(self, pdf, schema, timezone):\n", + "\n", + "def _create_from_pandas_with_arrow(self, pdf, schema, timezone):\n", + "\n", + " def reader_func(temp_filename):\n", + "\n", + " def create_RDD_server():\n", + "\n", + "def _create_shell_session():\n", + "\n", + "def createDataFrame(self, data, schema=None, samplingRatio=None, verifySchema=True):\n", + "\n", + " def prepare(obj):\n", + "\n", + " def prepare(obj):\n", + "\n", + "def sql(self, sqlQuery):\n", + "\n", + "def table(self, tableName):\n", + "\n", + "def streams(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def getJobInfo(self, jobId):\n", + "\n", + "def getStageInfo(self, stageId):\n", + "\n", + "def _restore(name, fields, value):\n", + "\n", + "def _hack_namedtuple(cls):\n", + "\n", + " def __reduce__(self):\n", + "\n", + "def _hijack_namedtuple():\n", + "\n", + " def _copy_func(f):\n", + "\n", + " def _kwdefaults(f):\n", + "\n", + " def namedtuple(*args, **kwargs):\n", + "\n", + "def load_stream(self, stream):\n", + "\n", + "def _create_batch(self, series):\n", + "\n", + " def create_array(s, t):\n", + "\n", + "def dump_stream(self, iterator, stream):\n", + "\n", + "def load_stream(self, stream):\n", + "\n", + "def dump_stream(self, iterator, stream):\n", + "\n", + " def init_stream_yield_batches():\n", + "\n", + "def awaitTermination(self, timeout=None):\n", + "\n", + "def recentProgress(self):\n", + "\n", + "def lastProgress(self):\n", + "\n", + "def exception(self):\n", + "\n", + "def awaitAnyTermination(self, timeout=None):\n", + "\n", + "def load(self, path=None, format=None, schema=None, **options):\n", + "\n", + "def json(self, path, schema=None, primitivesAsString=None, prefersDecimal=None,\n", + "\n", + "def orc(self, path):\n", + "\n", + "def parquet(self, path):\n", + "\n", + "def text(self, path, wholetext=False, lineSep=None):\n", + "\n", + "def csv(self, path, schema=None, sep=None, encoding=None, quote=None, escape=None,\n", + "\n", + "def outputMode(self, outputMode):\n", + "\n", + "def queryName(self, queryName):\n", + "\n", + "def trigger(self, processingTime=None, once=None, continuous=None):\n", + "\n", + "def foreach(self, f):\n", + "\n", + " def func_without_process(_, iterator):\n", + "\n", + " def doesMethodExist(method_name):\n", + "\n", + " def func_with_open_process_close(partition_id, iterator):\n", + "\n", + "def foreachBatch(self, func):\n", + "\n", + "def start(self, path=None, format=None, outputMode=None, partitionBy=None, queryName=None,\n", + "\n", + "def _make_cell_set_template_code():\n", + "\n", + " def f():\n", + "\n", + " def _stub(value):\n", + "\n", + " def inner(value):\n", + "\n", + "def is_tornado_coroutine(func):\n", + "\n", + "def dump(obj, file, protocol=None):\n", + "\n", + "def dumps(obj, protocol=None):\n", + "\n", + "def _fill_function(*args):\n", + "\n", + "def _rehydrate_skeleton_class(skeleton_class, class_dict):\n", + "\n", + "def _is_dynamic(module):\n", + "\n", + "def save_codeobject(self, obj):\n", + "\n", + "def save_function(self, obj, name=None):\n", + "\n", + "def save_dynamic_class(self, obj):\n", + "\n", + "def save_function_tuple(self, func):\n", + "\n", + "def save_global(self, obj, name=None, pack=struct.pack):\n", + "\n", + "def save_inst(self, obj):\n", + "\n", + "def save_itemgetter(self, obj):\n", + "\n", + " def __getitem__(self, item):\n", + "\n", + "def save_attrgetter(self, obj):\n", + "\n", + " def __init__(self, attrs, index=None):\n", + "\n", + " def __getattribute__(self, item):\n", + "\n", + "def _copy_new_parent(self, parent):\n", + "\n", + "def toList(value):\n", + "\n", + "def toListFloat(value):\n", + "\n", + "def toListInt(value):\n", + "\n", + "def toListString(value):\n", + "\n", + "def toVector(value):\n", + "\n", + "def toString(value):\n", + "\n", + "def _copy_params(self):\n", + "\n", + "def params(self):\n", + "\n", + "def explainParam(self, param):\n", + "\n", + "def getParam(self, paramName):\n", + "\n", + "def isSet(self, param):\n", + "\n", + "def hasDefault(self, param):\n", + "\n", + "def hasParam(self, paramName):\n", + "\n", + "def getOrDefault(self, param):\n", + "\n", + "def extractParamMap(self, extra=None):\n", + "\n", + "def copy(self, extra=None):\n", + "\n", + "def set(self, param, value):\n", + "\n", + "def _shouldOwn(self, param):\n", + "\n", + "def _resolveParam(self, param):\n", + "\n", + "def _set(self, **kwargs):\n", + "\n", + "def _setDefault(self, **kwargs):\n", + "\n", + "def _copyValues(self, to, extra=None):\n", + "\n", + "def _resetUid(self, newUid):\n", + "\n", + "def _to_java_object_rdd(rdd):\n", + "\n", + "def value(self):\n", + "\n", + "def unpersist(self, blocking=False):\n", + "\n", + "def destroy(self, blocking=False):\n", + "\n", + "def _wrapped(self):\n", + "\n", + " def wrapper(*args):\n", + "\n", + "def register(self, name, f, returnType=None):\n", + "\n", + "def registerJavaFunction(self, name, javaClassName, returnType=None):\n", + "\n", + "def registerJavaUDAF(self, name, javaClassName):\n", + "\n", + "def getOrCreate(cls, checkpointPath, setupFunc):\n", + "\n", + "def getActive(cls):\n", + "\n", + "def getActiveOrCreate(cls, checkpointPath, setupFunc):\n", + "\n", + "def awaitTermination(self, timeout=None):\n", + "\n", + "def stop(self, stopSparkContext=True, stopGraceFully=False):\n", + "\n", + "def socketTextStream(self, hostname, port, storageLevel=StorageLevel.MEMORY_AND_DISK_2):\n", + "\n", + "def textFileStream(self, directory):\n", + "\n", + "def binaryRecordsStream(self, directory, recordLength):\n", + "\n", + "def queueStream(self, rdds, oneAtATime=True, default=None):\n", + "\n", + "def transform(self, dstreams, transformFunc):\n", + "\n", + "def union(self, *dstreams):\n", + "\n", + "def addStreamingListener(self, streamingListener):\n", + "\n", + "def load_tf_weights_in_gpt2(model, gpt2_checkpoint_path):\n", + "\n", + "def from_json_file(cls, json_file):\n", + "\n", + "def to_json_file(self, json_file_path):\n", + "\n", + "def init_weights(self, module):\n", + "\n", + " def load(module, prefix=\"\"):\n", + "\n", + "def convert_examples_to_features(examples, seq_length, tokenizer):\n", + "\n", + "def read_examples(input_file):\n", + "\n", + "def read_squad_examples(input_file, is_training, version_2_with_negative):\n", + "\n", + " def is_whitespace(c):\n", + "\n", + "def convert_examples_to_features(examples, tokenizer, max_seq_length,\n", + "\n", + "def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer,\n", + "\n", + "def _check_is_max_context(doc_spans, cur_span_index, position):\n", + "\n", + "def write_predictions(all_examples, all_features, all_results, n_best_size,\n", + "\n", + "def get_final_text(pred_text, orig_text, do_lower_case, verbose_logging=False):\n", + "\n", + " def _strip_spaces(text):\n", + "\n", + "def _get_best_indexes(logits, n_best_size):\n", + "\n", + "def _compute_softmax(scores):\n", + "\n", + "def convert_examples_to_features(examples, tokenizer, max_seq_length,\n", + "\n", + "def convert_examples_to_features(examples, label_list, max_seq_length,\n", + "\n", + "def _read_tsv(cls, input_file, quotechar=None):\n", + "\n", + "def get_train_examples(self, data_dir):\n", + "\n", + "def _create_examples(self, lines, set_type):\n", + "\n", + "def get_train_examples(self, data_dir):\n", + "\n", + "def get_dev_examples(self, data_dir):\n", + "\n", + "def top_k_logits(logits, k):\n", + "\n", + "def load_tf_weights_in_bert(model, tf_checkpoint_path):\n", + "\n", + "def from_pretrained(cls, pretrained_model_name_or_path, *inputs, **kwargs):\n", + "\n", + " def load(module, prefix=''):\n", + "\n", + "def load_tf_weights_in_openai_gpt(model, openai_checkpoint_folder_path):\n", + "\n", + "def from_dict(cls, json_object):\n", + "\n", + "def set_num_special_tokens(self, num_special_tokens):\n", + "\n", + "def set_num_special_tokens(self, num_special_tokens):\n", + "\n", + "def step(self, closure=None):\n", + "\n", + "def get_lr(self, step, nowarn=False):\n", + "\n", + "def step(self, closure=None):\n", + "\n", + "def whitespace_tokenize(text):\n", + "\n", + "def _is_punctuation(char):\n", + "\n", + "def convert_tokens_to_ids(self, tokens):\n", + "\n", + "def convert_ids_to_tokens(self, ids):\n", + "\n", + "def save_vocabulary(self, vocab_path):\n", + "\n", + "def from_pretrained(cls, pretrained_model_name_or_path, cache_dir=None, *inputs, **kwargs):\n", + "\n", + "def tokenize(self, text):\n", + "\n", + "def _run_strip_accents(self, text):\n", + "\n", + "def _tokenize_chinese_chars(self, text):\n", + "\n", + "def _is_chinese_char(self, cp):\n", + "\n", + "def tokenize(self, text):\n", + "\n", + "def load_rocstories_dataset(dataset_path):\n", + "\n", + "def pre_process_datasets(encoded_datasets, input_len, cap_length, start_token, delimiter_token, clf_token):\n", + "\n", + "def random_word(tokens, tokenizer):\n", + "\n", + "def convert_example_to_features(example, max_seq_length, tokenizer):\n", + "\n", + "def random_sent(self, index):\n", + "\n", + "def get_corpus_line(self, item):\n", + "\n", + "def get_random_line(self):\n", + "\n", + "def get_next_line(self):\n", + "\n", + "def create_masked_lm_predictions(tokens, masked_lm_prob, max_predictions_per_seq, vocab_list):\n", + "\n", + "def sample_logits(embedding, bias, labels, inputs, sampler):\n", + "\n", + "def forward(self, hidden, target=None, keep_order=False):\n", + "\n", + "def log_prob(self, hidden):\n", + "\n", + "def sample(self, labels):\n", + "\n", + "def build_tf_to_pytorch_map(model, config):\n", + "\n", + "def load_tf_weights_in_transfo_xl(model, config, tf_path):\n", + "\n", + "def init_weights(self, m):\n", + "\n", + "def from_pretrained(cls, pretrained_model_name_or_path, state_dict=None, cache_dir=None,\n", + "\n", + " def load(module, prefix=''):\n", + "\n", + "def forward(self, input_ids, mems=None):\n", + "\n", + "def tie_weights(self):\n", + "\n", + "def forward(self, input_ids, target=None, mems=None):\n", + "\n", + "def to_offset(freq):\n", + "\n", + "def get_offset(name):\n", + "\n", + "def infer_freq(index, warn=True):\n", + "\n", + "def get_freq(self):\n", + "\n", + "def load(fh, encoding=None, is_verbose=False):\n", + "\n", + "def _new_Index(cls, d):\n", + "\n", + "def ensure_index_from_sequences(sequences, names=None):\n", + "\n", + "def ensure_index(index_like, copy=False):\n", + "\n", + "def _trim_front(strings):\n", + "\n", + "def _simple_new(cls, values, name=None, dtype=None, **kwargs):\n", + "\n", + "def _shallow_copy_with_infer(self, values, **kwargs):\n", + "\n", + "def is_(self, other):\n", + "\n", + "def _assert_take_fillable(self, values, indices, allow_fill=True,\n", + "\n", + "def _format_data(self, name=None):\n", + "\n", + "def format(self, name=False, formatter=None, **kwargs):\n", + "\n", + "def to_native_types(self, slicer=None, **kwargs):\n", + "\n", + "def _format_native_types(self, na_rep='', quoting=None, **kwargs):\n", + "\n", + "def _summary(self, name=None):\n", + "\n", + "def summary(self, name=None):\n", + "\n", + "def to_series(self, index=None, name=None):\n", + "\n", + "def to_frame(self, index=True, name=None):\n", + "\n", + "def _validate_names(self, name=None, names=None, deep=False):\n", + "\n", + "def _set_names(self, values, level=None):\n", + "\n", + "def set_names(self, names, level=None, inplace=False):\n", + "\n", + "def rename(self, name, inplace=False):\n", + "\n", + "def _validate_index_level(self, level):\n", + "\n", + "def sortlevel(self, level=None, ascending=True, sort_remaining=None):\n", + "\n", + "def droplevel(self, level=0):\n", + "\n", + "def _isnan(self):\n", + "\n", + "def get_duplicates(self):\n", + "\n", + "def _get_unique_index(self, dropna=False):\n", + "\n", + "def _get_reconciled_name_object(self, other):\n", + "\n", + "def union(self, other, sort=None):\n", + "\n", + "def intersection(self, other, sort=False):\n", + "\n", + "def difference(self, other, sort=None):\n", + "\n", + "def symmetric_difference(self, other, result_name=None, sort=None):\n", + "\n", + "def _get_fill_indexer_searchsorted(self, target, method, limit=None):\n", + "\n", + "def _get_nearest_indexer(self, target, limit, tolerance):\n", + "\n", + "def _convert_listlike_indexer(self, keyarr, kind=None):\n", + "\n", + "def _invalid_indexer(self, form, key):\n", + "\n", + "def reindex(self, target, method=None, level=None, limit=None,\n", + "\n", + "def _reindex_non_unique(self, target):\n", + "\n", + "def _join_level(self, other, level, how='left', return_indexers=False,\n", + "\n", + " def _get_leaf_sorter(labels):\n", + "\n", + "def _try_convert_to_int_index(cls, data, copy, name, dtype):\n", + "\n", + "def _coerce_to_ndarray(cls, data):\n", + "\n", + "def _coerce_scalar_to_index(self, item):\n", + "\n", + "def _assert_can_do_op(self, value):\n", + "\n", + "def _can_hold_identifiers_and_holds_name(self, name):\n", + "\n", + "def append(self, other):\n", + "\n", + "def putmask(self, mask, value):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def identical(self, other):\n", + "\n", + "def asof(self, label):\n", + "\n", + "def asof_locs(self, where, mask):\n", + "\n", + "def sort_values(self, return_indexer=False, ascending=True):\n", + "\n", + "def argsort(self, *args, **kwargs):\n", + "\n", + "def get_value(self, series, key):\n", + "\n", + "def set_value(self, arr, key, value):\n", + "\n", + "def get_indexer_for(self, target, **kwargs):\n", + "\n", + "def groupby(self, values):\n", + "\n", + "def map(self, mapper, na_action=None):\n", + "\n", + "def isin(self, values, level=None):\n", + "\n", + "def slice_indexer(self, start=None, end=None, step=None, kind=None):\n", + "\n", + "def _maybe_cast_indexer(self, key):\n", + "\n", + "def _validate_indexer(self, form, key, kind):\n", + "\n", + "def get_slice_bound(self, label, side, kind):\n", + "\n", + "def slice_locs(self, start=None, end=None, step=None, kind=None):\n", + "\n", + "def delete(self, loc):\n", + "\n", + "def insert(self, loc, item):\n", + "\n", + "def drop(self, labels, errors='raise'):\n", + "\n", + "def _add_comparison_methods(cls):\n", + "\n", + "def _add_numeric_methods_add_sub_disabled(cls):\n", + "\n", + "def _add_numeric_methods_disabled(cls):\n", + "\n", + "def _validate_for_numeric_unaryop(self, op, opstr):\n", + "\n", + "def _validate_for_numeric_binop(self, other, op):\n", + "\n", + "def _add_numeric_methods_binary(cls):\n", + "\n", + "def _add_numeric_methods_unary(cls):\n", + "\n", + " def _make_evaluate_unary(op, opstr):\n", + "\n", + " def _evaluate_numeric_unary(self):\n", + "\n", + "def _add_logical_methods(cls):\n", + "\n", + " def _make_logical_function(name, desc, f):\n", + "\n", + " def logical_func(self, *args, **kwargs):\n", + "\n", + "def _get_grouper(obj, key=None, axis=0, level=None, sort=True,\n", + "\n", + " def is_in_axis(key):\n", + "\n", + " def is_in_obj(gpr):\n", + "\n", + "def _get_grouper(self, obj, validate=True):\n", + "\n", + "def _set_grouper(self, obj, sort=False):\n", + "\n", + "def to_pickle(obj, path, compression='infer',\n", + "\n", + "def read_pickle(path, compression='infer'):\n", + "\n", + "def mask_missing(arr, values_to_mask):\n", + "\n", + "def interpolate_1d(xvalues, yvalues, method='linear', limit=None,\n", + "\n", + "def _interpolate_scipy_wrapper(x, y, new_x, method, fill_value=None,\n", + "\n", + "def _from_derivatives(xi, yi, x, order=None, der=0, extrapolate=False):\n", + "\n", + "def _akima_interpolate(xi, yi, x, der=0, axis=0):\n", + "\n", + "def interpolate_2d(values, method='pad', axis=0, limit=None, fill_value=None,\n", + "\n", + "def _cast_values_for_fillna(values, dtype):\n", + "\n", + "def fill_zeros(result, x, y, name, fill):\n", + "\n", + "def mask_zero_div_zero(x, y, result, copy=False):\n", + "\n", + "def dispatch_missing(op, left, right, result):\n", + "\n", + "def _interp_limit(invalid, fw_limit, bw_limit):\n", + "\n", + " def _interp_limit(invalid, fw_limit, bw_limit):\n", + "\n", + " def inner(invalid, limit):\n", + "\n", + "def _rolling_window(a, window):\n", + "\n", + "def get_console_size():\n", + "\n", + "def in_interactive_session():\n", + "\n", + " def check_main():\n", + "\n", + "def recode_for_groupby(c, sort, observed):\n", + "\n", + "def recode_from_groupby(c, sort, ci):\n", + "\n", + "def get_engine(engine):\n", + "\n", + "def to_parquet(df, path, engine='auto', compression='snappy', index=None,\n", + "\n", + "def read_parquet(path, engine='auto', columns=None, **kwargs):\n", + "\n", + "def generate_bins_generic(values, binner, closed):\n", + "\n", + "def get_iterator(self, data, axis=0):\n", + "\n", + "def indices(self):\n", + "\n", + "def size(self):\n", + "\n", + "def groups(self):\n", + "\n", + "def groups(self):\n", + "\n", + "def get_iterator(self, data, axis=0):\n", + "\n", + "def json_normalize(data, record_path=None, meta=None,\n", + "\n", + " def _pull_field(js, spec):\n", + "\n", + " def _recursive_extract(data, path, seen_meta, level=0):\n", + "\n", + "def lreshape(data, groups, dropna=True, label=None):\n", + "\n", + "def wide_to_long(df, stubnames, i, j, sep=\"\", suffix=r'\\d+'):\n", + "\n", + " def get_var_names(df, stub, sep, suffix):\n", + "\n", + " def melt_stub(df, stub, i, j, value_vars, sep):\n", + "\n", + "def _get_indices(self, names):\n", + "\n", + " def get_converter(s):\n", + "\n", + "def _set_group_selection(self):\n", + "\n", + "def get_group(self, name, obj=None):\n", + "\n", + "def _cumcount_array(self, ascending=True):\n", + "\n", + "def _try_cast(self, result, obj, numeric_only=False):\n", + "\n", + "def _transform_should_cast(self, func_nm):\n", + "\n", + "def _bool_agg(self, val_test, skipna):\n", + "\n", + " def objs_to_bool(vals: np.ndarray) -> Tuple[np.ndarray, Type]:\n", + "\n", + " def result_to_bool(result: np.ndarray, inference: Type) -> np.ndarray:\n", + "\n", + "def mean(self, *args, **kwargs):\n", + "\n", + "def median(self, **kwargs):\n", + "\n", + " def f(x):\n", + "\n", + "def std(self, ddof=1, *args, **kwargs):\n", + "\n", + "def var(self, ddof=1, *args, **kwargs):\n", + "\n", + "def sem(self, ddof=1):\n", + "\n", + "def size(self):\n", + "\n", + "def _add_numeric_operations(cls):\n", + "\n", + " def groupby_function(name, alias, npfunc,\n", + "\n", + " def f(self, **kwargs):\n", + "\n", + " def first_compat(x, axis=0):\n", + "\n", + " def first(x):\n", + "\n", + " def last_compat(x, axis=0):\n", + "\n", + " def last(x):\n", + "\n", + "def resample(self, rule, *args, **kwargs):\n", + "\n", + "def rolling(self, *args, **kwargs):\n", + "\n", + "def expanding(self, *args, **kwargs):\n", + "\n", + "def _fill(self, direction, limit=None):\n", + "\n", + "def nth(self, n, dropna=None):\n", + "\n", + "def quantile(self, q=0.5, interpolation='linear'):\n", + "\n", + "def ngroup(self, ascending=True):\n", + "\n", + "def cumcount(self, ascending=True):\n", + "\n", + "def rank(self, method='average', ascending=True, na_option='keep',\n", + "\n", + "def cumprod(self, axis=0, *args, **kwargs):\n", + "\n", + "def cummin(self, axis=0, **kwargs):\n", + "\n", + "def cummax(self, axis=0, **kwargs):\n", + "\n", + "def _get_cythonized_result(self, how, grouper, aggregate=False,\n", + "\n", + "def shift(self, periods=1, freq=None, axis=0, fill_value=None):\n", + "\n", + "def head(self, n=5):\n", + "\n", + "def tail(self, n=5):\n", + "\n", + "def next_monday(dt):\n", + "\n", + "def next_monday_or_tuesday(dt):\n", + "\n", + "def previous_friday(dt):\n", + "\n", + "def weekend_to_monday(dt):\n", + "\n", + "def nearest_workday(dt):\n", + "\n", + "def next_workday(dt):\n", + "\n", + "def previous_workday(dt):\n", + "\n", + "def dates(self, start_date, end_date, return_name=False):\n", + "\n", + "def _reference_dates(self, start_date, end_date):\n", + "\n", + "def _apply_rule(self, dates):\n", + "\n", + "def holidays(self, start=None, end=None, return_name=False):\n", + "\n", + "def merge_class(base, other):\n", + "\n", + "def merge(self, other, inplace=False):\n", + "\n", + "def register_option(key, defval, doc='', validator=None, cb=None):\n", + "\n", + "def deprecate_option(key, msg=None, rkey=None, removal_ver=None):\n", + "\n", + "def _select_options(pat):\n", + "\n", + "def _translate_key(key):\n", + "\n", + "def _build_option_description(k):\n", + "\n", + "def config_prefix(prefix):\n", + "\n", + " def wrap(func):\n", + "\n", + " def inner(key, *args, **kwds):\n", + "\n", + "def parse(self, declarations_str):\n", + "\n", + "def array(data: Sequence[object],\n", + "\n", + "def maybe_convert_platform_interval(values):\n", + "\n", + "def is_file_like(obj):\n", + "\n", + "def is_list_like(obj, allow_sets=True):\n", + "\n", + "def is_nested_list_like(obj):\n", + "\n", + "def is_dict_like(obj):\n", + "\n", + "def is_sequence(obj):\n", + "\n", + "def _new_DatetimeIndex(cls, d):\n", + "\n", + "def date_range(start=None, end=None, periods=None, freq=None, tz=None,\n", + "\n", + "def bdate_range(start=None, end=None, periods=None, freq='B', tz=None,\n", + "\n", + "def cdate_range(start=None, end=None, periods=None, freq='C', tz=None,\n", + "\n", + "def _create_blocks(self):\n", + "\n", + "def _gotitem(self, key, ndim, subset=None):\n", + "\n", + "def _get_index(self, index=None):\n", + "\n", + "def _wrap_result(self, result, block=None, obj=None):\n", + "\n", + "def _wrap_results(self, results, blocks, obj):\n", + "\n", + "def _center_window(self, result, window):\n", + "\n", + "def _prep_window(self, **kwargs):\n", + "\n", + " def _validate_win_type(win_type, kwargs):\n", + "\n", + " def _pop_args(win_type, arg_names, kwargs):\n", + "\n", + "def _apply_window(self, mean=True, **kwargs):\n", + "\n", + " def f(arg, *args, **kwargs):\n", + "\n", + "def _apply(self, func, name, window=None, center=None,\n", + "\n", + " def f(x, name=name, *args):\n", + "\n", + "def _apply(self, func, name=None, window=None, center=None,\n", + "\n", + " def func(arg, window, min_periods=None, closed=None):\n", + "\n", + " def calc(x):\n", + "\n", + " def calc(x):\n", + "\n", + "def _validate_monotonic(self):\n", + "\n", + "def _validate_freq(self):\n", + "\n", + "def _get_window(self, other=None):\n", + "\n", + "def _apply(self, func, **kwargs):\n", + "\n", + " def func(arg):\n", + "\n", + "def mean(self, *args, **kwargs):\n", + "\n", + "def std(self, bias=False, *args, **kwargs):\n", + "\n", + "def var(self, bias=False, *args, **kwargs):\n", + "\n", + " def f(arg):\n", + "\n", + "def cov(self, other=None, pairwise=None, bias=False, **kwargs):\n", + "\n", + " def _get_cov(X, Y):\n", + "\n", + "def corr(self, other=None, pairwise=None, **kwargs):\n", + "\n", + " def _get_corr(X, Y):\n", + "\n", + " def _cov(x, y):\n", + "\n", + "def _ensure_like_indices(time, panels):\n", + "\n", + "def panel_index(time, panels, names=None):\n", + "\n", + "def _init_data(self, data, copy, dtype, **kwargs):\n", + "\n", + "def from_dict(cls, data, intersect=False, orient='items', dtype=None):\n", + "\n", + "def _get_plane_axes_index(self, axis):\n", + "\n", + "def _get_plane_axes(self, axis):\n", + "\n", + "def to_excel(self, path, na_rep='', engine=None, **kwargs):\n", + "\n", + "def get_value(self, *args, **kwargs):\n", + "\n", + "def set_value(self, *args, **kwargs):\n", + "\n", + "def conform(self, frame, axis='items'):\n", + "\n", + "def round(self, decimals=0, *args, **kwargs):\n", + "\n", + "def dropna(self, axis=0, how='any', inplace=False):\n", + "\n", + "def xs(self, key, axis=1):\n", + "\n", + "def _ixs(self, i, axis=0):\n", + "\n", + "def to_frame(self, filter_observations=True):\n", + "\n", + " def construct_multi_parts(idx, n_repeat, n_shuffle=1):\n", + "\n", + " def construct_index_parts(idx, major=True):\n", + "\n", + "def apply(self, func, axis='major', **kwargs):\n", + "\n", + "def _apply_2d(self, func, axis):\n", + "\n", + "def _construct_return_type(self, result, axes=None):\n", + "\n", + "def count(self, axis='major'):\n", + "\n", + "def shift(self, periods=1, freq=None, axis='major'):\n", + "\n", + "def join(self, other, how='left', lsuffix='', rsuffix=''):\n", + "\n", + "def update(self, other, join='left', overwrite=True, filter_func=None,\n", + "\n", + "def _extract_axes(self, data, axes, **kwargs):\n", + "\n", + "def _extract_axes_for_slice(self, axes):\n", + "\n", + "def _homogenize_dict(self, frames, intersect=True, dtype=None):\n", + "\n", + "def get_group_index(labels, shape, sort, xnull):\n", + "\n", + " def _int64_cut_off(shape):\n", + "\n", + " def maybe_lift(lab, size):\n", + "\n", + "def decons_obs_group_ids(comp_ids, obs_ids, shape, labels, xnull):\n", + "\n", + "def nargsort(items, kind='quicksort', ascending=True, na_position='last'):\n", + "\n", + "def get_indexer_dict(label_list, keys):\n", + "\n", + "def get_group_index_sorter(group_index, ngroups):\n", + "\n", + "def compress_group_index(group_index, sort=True):\n", + "\n", + "def safe_sort(values, labels=None, na_sentinel=-1, assume_unique=False):\n", + "\n", + " def sort_mixed(values):\n", + "\n", + "def _check_ne_builtin_clash(expr):\n", + "\n", + "def evaluate(self):\n", + "\n", + "def get_block_type(values, dtype=None):\n", + "\n", + "def _extend_blocks(result, blocks=None):\n", + "\n", + "def _block_shape(values, ndim=1, shape=None):\n", + "\n", + "def _safe_reshape(arr, new_shape):\n", + "\n", + "def _putmask_smart(v, m, n):\n", + "\n", + " def _putmask_preserve(nv, n):\n", + "\n", + "def _check_ndim(self, values, ndim):\n", + "\n", + "def is_categorical_astype(self, dtype):\n", + "\n", + "def get_values(self, dtype=None):\n", + "\n", + "def make_block(self, values, placement=None, ndim=None):\n", + "\n", + "def make_block_same_class(self, values, placement=None, ndim=None,\n", + "\n", + "def getitem_block(self, slicer, new_mgr_locs=None):\n", + "\n", + "def concat_same_type(self, to_concat, placement=None):\n", + "\n", + "def delete(self, loc):\n", + "\n", + "def apply(self, func, **kwargs):\n", + "\n", + "def fillna(self, value, limit=None, inplace=False, downcast=None):\n", + "\n", + " def f(m, v, i):\n", + "\n", + "def split_and_operate(self, mask, f, inplace):\n", + "\n", + " def make_a_block(nv, ref_loc):\n", + "\n", + "def downcast(self, dtypes=None):\n", + "\n", + " def f(m, v, i):\n", + "\n", + "def _astype(self, dtype, copy=False, errors='raise', values=None,\n", + "\n", + "def _can_hold_element(self, element):\n", + "\n", + "def _try_cast_result(self, result, dtype=None):\n", + "\n", + "def _try_coerce_args(self, values, other):\n", + "\n", + "def to_native_types(self, slicer=None, na_rep='nan', quoting=None,\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def replace(self, to_replace, value, inplace=False, filter=None,\n", + "\n", + "def setitem(self, indexer, value):\n", + "\n", + " def _is_scalar_indexer(indexer):\n", + "\n", + " def _is_empty_indexer(indexer):\n", + "\n", + "def putmask(self, mask, new, align=True, inplace=False, axis=0,\n", + "\n", + " def f(m, v, i):\n", + "\n", + "def coerce_to_target_dtype(self, other):\n", + "\n", + "def _interpolate_with_fill(self, method='pad', axis=0, inplace=False,\n", + "\n", + "def _interpolate(self, method=None, index=None, values=None,\n", + "\n", + " def func(x):\n", + "\n", + "def take_nd(self, indexer, axis, new_mgr_locs=None, fill_tuple=None):\n", + "\n", + "def diff(self, n, axis=1):\n", + "\n", + "def shift(self, periods, axis=0, fill_value=None):\n", + "\n", + "def where(self, other, cond, align=True, errors='raise',\n", + "\n", + " def func(cond, values, other):\n", + "\n", + "def _unstack(self, unstacker_func, new_columns, n_rows, fill_value):\n", + "\n", + "def quantile(self, qs, interpolation='linear', axis=0):\n", + "\n", + "def _replace_coerce(self, to_replace, value, inplace=True, regex=False,\n", + "\n", + "def putmask(self, mask, new, align=True, inplace=False, axis=0,\n", + "\n", + "def _get_unstack_items(self, unstacker, new_columns):\n", + "\n", + "def _maybe_coerce_values(self, values):\n", + "\n", + "def setitem(self, indexer, value):\n", + "\n", + "def take_nd(self, indexer, axis=0, new_mgr_locs=None, fill_tuple=None):\n", + "\n", + "def _slice(self, slicer):\n", + "\n", + "def concat_same_type(self, to_concat, placement=None):\n", + "\n", + "def shift(self,\n", + "\n", + "def to_native_types(self, slicer=None, na_rep='', float_format=None,\n", + "\n", + "def get_values(self, dtype=None):\n", + "\n", + "def _maybe_coerce_values(self, values):\n", + "\n", + "def _astype(self, dtype, **kwargs):\n", + "\n", + "def _try_coerce_args(self, values, other):\n", + "\n", + "def _try_coerce_result(self, result):\n", + "\n", + "def to_native_types(self, slicer=None, na_rep=None, date_format=None,\n", + "\n", + "def set(self, locs, values):\n", + "\n", + "def _maybe_coerce_values(self, values):\n", + "\n", + "def get_values(self, dtype=None):\n", + "\n", + "def _slice(self, slicer):\n", + "\n", + "def _try_coerce_args(self, values, other):\n", + "\n", + "def _try_coerce_result(self, result):\n", + "\n", + "def diff(self, n, axis=0):\n", + "\n", + "def _try_coerce_args(self, values, other):\n", + "\n", + "def _try_coerce_result(self, result):\n", + "\n", + "def to_native_types(self, slicer=None, na_rep=None, quoting=None,\n", + "\n", + "def convert(self, *args, **kwargs):\n", + "\n", + " def f(m, v, i):\n", + "\n", + "def set(self, locs, values):\n", + "\n", + "def _try_coerce_args(self, values, other):\n", + "\n", + "def _replace_single(self, to_replace, value, inplace=False, filter=None,\n", + "\n", + " def re_replacer(s):\n", + "\n", + " def re_replacer(s):\n", + "\n", + "def _replace_coerce(self, to_replace, value, inplace=True, regex=False,\n", + "\n", + "def _try_coerce_result(self, result):\n", + "\n", + "def to_native_types(self, slicer=None, na_rep='', quoting=None, **kwargs):\n", + "\n", + "def _style_to_xlwt(cls, item, firstlevel=True, field_sep=',',\n", + "\n", + "def _convert_to_style(cls, style_dict, num_format_str=None):\n", + "\n", + "def convert(cls, style_dict, num_format_str=None):\n", + "\n", + "def _unstack_extension_series(series, level, fill_value):\n", + "\n", + "def stack(frame, level=-1, dropna=True):\n", + "\n", + " def factorize(index):\n", + "\n", + "def get_dummies(data, prefix=None, prefix_sep='_', dummy_na=False,\n", + "\n", + " def check_len(item, name):\n", + "\n", + "def make_axis_dummies(frame, axis='minor', transform=None):\n", + "\n", + "def _reorder_for_extension_array_stack(arr, n_rows, n_columns):\n", + "\n", + "def _split_line(s, parts):\n", + "\n", + "def _parse_float_vec(vec):\n", + "\n", + "def _record_count(self):\n", + "\n", + "def get_chunk(self, size=None):\n", + "\n", + "def construction_error(tot_items, block_shape, axes, e=None):\n", + "\n", + "def _simple_blockify(tuples, dtype):\n", + "\n", + "def _multi_blockify(tuples, dtype=None):\n", + "\n", + "def _sparse_blockify(tuples, dtype=None):\n", + "\n", + "def _consolidate(blocks):\n", + "\n", + "def _compare_or_regex_search(a, b, regex=False):\n", + "\n", + "def items_overlap_with_suffix(left, lsuffix, right, rsuffix):\n", + "\n", + " def renamer(x, suffix):\n", + "\n", + "def _transform_index(index, func, level=None):\n", + "\n", + "def _fast_count_smallints(arr):\n", + "\n", + "def concatenate_block_managers(mgrs_indexers, axes, concat_axis, copy):\n", + "\n", + "def make_empty(self, axes=None):\n", + "\n", + "def rename_axis(self, mapper, axis, copy=True, level=None):\n", + "\n", + "def _rebuild_blknos_and_blklocs(self):\n", + "\n", + "def _get_counts(self, f):\n", + "\n", + "def apply(self, f, axes=None, filter=None, do_integrity_check=False,\n", + "\n", + "def quantile(self, axis=0, consolidate=True, transposed=False,\n", + "\n", + " def get_axe(block, qs, axes):\n", + "\n", + "def replace_list(self, src_list, dest_list, inplace=False, regex=False):\n", + "\n", + " def comp(s, regex=False):\n", + "\n", + "def get_bool_data(self, copy=False):\n", + "\n", + "def get_numeric_data(self, copy=False):\n", + "\n", + "def combine(self, blocks, copy=True):\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def as_array(self, transpose=False, items=None):\n", + "\n", + "def _interleave(self):\n", + "\n", + "def to_dict(self, copy=True):\n", + "\n", + "def fast_xs(self, loc):\n", + "\n", + "def consolidate(self):\n", + "\n", + "def get(self, item, fastpath=True):\n", + "\n", + "def iget(self, i, fastpath=True):\n", + "\n", + "def delete(self, item):\n", + "\n", + "def set(self, item, value):\n", + "\n", + " def value_getitem(placement):\n", + "\n", + " def value_getitem(placement):\n", + "\n", + " def value_getitem(placement):\n", + "\n", + "def insert(self, loc, item, value, allow_duplicates=False):\n", + "\n", + "def reindex_axis(self, new_index, axis, method=None, limit=None,\n", + "\n", + "def reindex_indexer(self, new_axis, indexer, axis, fill_value=None,\n", + "\n", + "def _slice_take_blocks_ax0(self, slice_or_indexer, fill_tuple=None):\n", + "\n", + "def take(self, indexer, axis=1, verify=True, convert=True):\n", + "\n", + "def unstack(self, unstacker_func, fill_value):\n", + "\n", + "def delete(self, item):\n", + "\n", + "def concat(self, to_concat, new_axis):\n", + "\n", + "def from_array(cls, arr, index=None, name=None, copy=False,\n", + "\n", + "def as_sparse_array(self, kind=None, fill_value=None, copy=False):\n", + "\n", + "def _reduce(self, op, name, axis=0, skipna=True, numeric_only=None,\n", + "\n", + "def _ixs(self, i, axis=0):\n", + "\n", + "def abs(self):\n", + "\n", + "def get(self, label, default=None):\n", + "\n", + "def get_value(self, label, takeable=False):\n", + "\n", + "def set_value(self, label, value, takeable=False):\n", + "\n", + "def to_dense(self):\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def sparse_reindex(self, new_index):\n", + "\n", + "def cumsum(self, axis=0, *args, **kwargs):\n", + "\n", + "def dropna(self, axis=0, inplace=False, **kwargs):\n", + "\n", + "def combine_first(self, other):\n", + "\n", + "def _maybe_cache(arg, format, cache, convert_listlike):\n", + "\n", + "def _convert_and_box_cache(arg, cache_array, box, errors, name=None):\n", + "\n", + "def _return_parsed_timezone_results(result, timezones, box, tz, name):\n", + "\n", + "def _convert_listlike_datetimes(arg, box, format, name=None, tz=None,\n", + "\n", + "def _adjust_to_origin(arg, origin, unit):\n", + "\n", + "def to_datetime(arg, errors='raise', dayfirst=False, yearfirst=False,\n", + "\n", + "def _assemble_from_unit_mappings(arg, errors, box, tz):\n", + "\n", + " def f(value):\n", + "\n", + " def coerce(values):\n", + "\n", + "def _attempt_YYYYMMDD(arg, errors):\n", + "\n", + " def calc(carg):\n", + "\n", + " def calc_with_mask(carg, mask):\n", + "\n", + "def to_time(arg, format=None, infer_time_format=False, errors='raise'):\n", + "\n", + " def _convert_listlike(arg, format):\n", + "\n", + "def deprecate(name, alternative, version, alt_name=None,\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def deprecate_kwarg(old_arg_name, new_arg_name, mapping=None, stacklevel=2):\n", + "\n", + " def _deprecate_kwarg(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def make_signature(func):\n", + "\n", + "def period_range(start=None, end=None, periods=None, freq=None, name=None):\n", + "\n", + "def from_range(cls, data, name=None, dtype=None, **kwargs):\n", + "\n", + "def _format_attrs(self):\n", + "\n", + "def min(self, axis=None, skipna=True):\n", + "\n", + "def max(self, axis=None, skipna=True):\n", + "\n", + "def argsort(self, *args, **kwargs):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def intersection(self, other, sort=False):\n", + "\n", + "def _min_fitting_element(self, lower_limit):\n", + "\n", + "def _max_fitting_element(self, upper_limit):\n", + "\n", + "def _extended_gcd(self, a, b):\n", + "\n", + "def union(self, other, sort=None):\n", + "\n", + "def _add_numeric_methods_binary(cls):\n", + "\n", + " def _make_evaluate_binop(op, step=False):\n", + "\n", + " def _evaluate_numeric_binop(self, other):\n", + "\n", + "def to_numpy(self, dtype=None, copy=False):\n", + "\n", + "def adjoin(space, *lists, **kwargs):\n", + "\n", + "def justify(texts, max_len, mode='right'):\n", + "\n", + "def _pprint_seq(seq, _nest_lvl=0, max_seq_items=None, **kwds):\n", + "\n", + "def _pprint_dict(seq, _nest_lvl=0, max_seq_items=None, **kwds):\n", + "\n", + "def pprint_thing(thing, _nest_lvl=0, escape_chars=None, default_escapes=False,\n", + "\n", + " def as_escaped_unicode(thing, escape_chars=escape_chars):\n", + "\n", + "def format_object_summary(obj, formatter, is_justify=True, name=None,\n", + "\n", + " def _extend_line(s, line, value, display_width, next_line_prefix):\n", + "\n", + " def best_len(values):\n", + "\n", + "def format_object_attrs(obj):\n", + "\n", + "def read_gbq(query, project_id=None, index_col=None, col_order=None,\n", + "\n", + "def scatter_matrix(frame, alpha=0.5, figsize=None, ax=None, grid=False,\n", + "\n", + "def radviz(frame, class_column, ax=None, color=None, colormap=None, **kwds):\n", + "\n", + " def normalize(series):\n", + "\n", + "def andrews_curves(frame, class_column, ax=None, samples=200, color=None,\n", + "\n", + " def function(amplitudes):\n", + "\n", + " def f(t):\n", + "\n", + "def bootstrap_plot(series, fig=None, size=50, samples=500, **kwds):\n", + "\n", + "def parallel_coordinates(frame, class_column, cols=None, ax=None, color=None,\n", + "\n", + "def lag_plot(series, lag=1, ax=None, **kwds):\n", + "\n", + "def autocorrelation_plot(series, ax=None, **kwds):\n", + "\n", + " def r(h):\n", + "\n", + "def _any_pandas_objects(terms):\n", + "\n", + "def _align(terms):\n", + "\n", + "def _reconstruct_object(typ, obj, axes, dtype):\n", + "\n", + "def tsplot(series, plotf, ax=None, **kwargs):\n", + "\n", + "def _decorate_axes(ax, freq, kwargs):\n", + "\n", + "def _get_ax_freq(ax):\n", + "\n", + "def format_timedelta_ticks(x, pos, n_decimals):\n", + "\n", + "def format_dateaxis(subplot, freq, index):\n", + "\n", + "def _is_homogeneous_type(self):\n", + "\n", + "def _repr_html_(self):\n", + "\n", + "def to_string(self, buf=None, columns=None, col_space=None, header=True,\n", + "\n", + "def iteritems(self):\n", + "\n", + "def iterrows(self):\n", + "\n", + "def itertuples(self, index=True, name=\"Pandas\"):\n", + "\n", + "def dot(self, other):\n", + "\n", + "def from_dict(cls, data, orient='columns', dtype=None, columns=None):\n", + "\n", + "def to_numpy(self, dtype=None, copy=False):\n", + "\n", + "def to_dict(self, orient='dict', into=dict):\n", + "\n", + "def to_gbq(self, destination_table, project_id=None, chunksize=None,\n", + "\n", + "def from_records(cls, data, index=None, exclude=None, columns=None,\n", + "\n", + "def to_records(self, index=True, convert_datetime64=None,\n", + "\n", + "def from_items(cls, items, columns=None, orient='columns'):\n", + "\n", + "def from_csv(cls, path, header=0, sep=',', index_col=0, parse_dates=True,\n", + "\n", + "def to_sparse(self, fill_value=None, kind='block'):\n", + "\n", + "def to_stata(self, fname, convert_dates=None, write_index=True,\n", + "\n", + "def to_feather(self, fname):\n", + "\n", + "def to_parquet(self, fname, engine='auto', compression='snappy',\n", + "\n", + "def to_html(self, buf=None, columns=None, col_space=None, header=True,\n", + "\n", + "def info(self, verbose=None, buf=None, max_cols=None, memory_usage=None,\n", + "\n", + " def _verbose_repr():\n", + "\n", + " def _non_verbose_repr():\n", + "\n", + " def _sizeof_fmt(num, size_qualifier):\n", + "\n", + "def memory_usage(self, index=True, deep=False):\n", + "\n", + "def transpose(self, *args, **kwargs):\n", + "\n", + "def get_value(self, index, col, takeable=False):\n", + "\n", + "def set_value(self, index, col, value, takeable=False):\n", + "\n", + "def _ixs(self, i, axis=0):\n", + "\n", + "def query(self, expr, inplace=False, **kwargs):\n", + "\n", + "def eval(self, expr, inplace=False, **kwargs):\n", + "\n", + "def select_dtypes(self, include=None, exclude=None):\n", + "\n", + " def _get_info_slice(obj, indexer):\n", + "\n", + " def is_dtype_instance_mapper(idx, dtype):\n", + "\n", + "def _box_col_values(self, values, items):\n", + "\n", + "def _ensure_valid_index(self, value):\n", + "\n", + "def _set_item(self, key, value):\n", + "\n", + "def insert(self, loc, column, value, allow_duplicates=False):\n", + "\n", + "def assign(self, **kwargs):\n", + "\n", + "def _sanitize_column(self, key, value, broadcast=True):\n", + "\n", + " def reindexer(value):\n", + "\n", + "def lookup(self, row_labels, col_labels):\n", + "\n", + "def _reindex_multi(self, axes, copy, fill_value):\n", + "\n", + "def drop(self, labels=None, axis=0, index=None, columns=None,\n", + "\n", + "def rename(self, *args, **kwargs):\n", + "\n", + "def set_index(self, keys, drop=True, append=False, inplace=False,\n", + "\n", + "def reset_index(self, level=None, drop=False, inplace=False, col_level=0,\n", + "\n", + " def _maybe_casted_values(index, labels=None):\n", + "\n", + "def dropna(self, axis=0, how='any', thresh=None, subset=None,\n", + "\n", + "def drop_duplicates(self, subset=None, keep='first', inplace=False):\n", + "\n", + "def duplicated(self, subset=None, keep='first'):\n", + "\n", + " def f(vals):\n", + "\n", + "def nlargest(self, n, columns, keep='first'):\n", + "\n", + "def nsmallest(self, n, columns, keep='first'):\n", + "\n", + "def swaplevel(self, i=-2, j=-1, axis=0):\n", + "\n", + "def reorder_levels(self, order, axis=0):\n", + "\n", + "def combine(self, other, func, fill_value=None, overwrite=True):\n", + "\n", + "def combine_first(self, other):\n", + "\n", + " def extract_values(arr):\n", + "\n", + " def combiner(x, y):\n", + "\n", + "def update(self, other, join='left', overwrite=True, filter_func=None,\n", + "\n", + "def stack(self, level=-1, dropna=True):\n", + "\n", + "def unstack(self, level=-1, fill_value=None):\n", + "\n", + "def diff(self, periods=1, axis=0):\n", + "\n", + "def _gotitem(self,\n", + "\n", + "def apply(self, func, axis=0, broadcast=None, raw=False, reduce=None,\n", + "\n", + "def applymap(self, func):\n", + "\n", + " def infer(x):\n", + "\n", + "def append(self, other, ignore_index=False,\n", + "\n", + "def join(self, other, on=None, how='left', lsuffix='', rsuffix='',\n", + "\n", + "def round(self, decimals=0, *args, **kwargs):\n", + "\n", + " def _dict_round(df, decimals):\n", + "\n", + " def _series_round(s, decimals):\n", + "\n", + "def corr(self, method='pearson', min_periods=1):\n", + "\n", + "def cov(self, min_periods=None):\n", + "\n", + "def corrwith(self, other, axis=0, drop=False, method='pearson'):\n", + "\n", + " def c(x):\n", + "\n", + "def count(self, axis=0, level=None, numeric_only=False):\n", + "\n", + "def nunique(self, axis=0, dropna=True):\n", + "\n", + "def idxmin(self, axis=0, skipna=True):\n", + "\n", + "def _get_agg_axis(self, axis_num):\n", + "\n", + "def mode(self, axis=0, numeric_only=False, dropna=True):\n", + "\n", + " def f(s):\n", + "\n", + "def quantile(self, q=0.5, axis=0, numeric_only=True,\n", + "\n", + "def to_timestamp(self, freq=None, how='start', axis=0, copy=True):\n", + "\n", + "def isin(self, values):\n", + "\n", + "def integer_array(values, dtype=None, copy=False):\n", + "\n", + "def safe_cast(values, dtype, copy):\n", + "\n", + "def coerce_to_array(values, dtype, mask=None, copy=False):\n", + "\n", + "def construct_from_string(cls, string):\n", + "\n", + "def _coerce_to_ndarray(self):\n", + "\n", + "def astype(self, dtype, copy=True):\n", + "\n", + "def value_counts(self, dropna=True):\n", + "\n", + "def _values_for_argsort(self) -> np.ndarray:\n", + "\n", + "def _maybe_mask_result(self, result, mask, other, op_name):\n", + "\n", + "def length_of_indexer(indexer, target=None):\n", + "\n", + "def convert_to_index_sliceable(obj, key):\n", + "\n", + "def check_setitem_lengths(indexer, value, values):\n", + "\n", + "def convert_missing_indexer(indexer):\n", + "\n", + "def convert_from_missing_indexer_tuple(indexer, axes):\n", + "\n", + " def get_indexer(_i, _idx):\n", + "\n", + "def maybe_convert_indices(indices, n):\n", + "\n", + "def validate_indices(indices, n):\n", + "\n", + "def maybe_convert_ix(*args):\n", + "\n", + "def _non_reducing_slice(slice_):\n", + "\n", + " def pred(part):\n", + "\n", + "def _maybe_numeric_slice(df, slice_, include_bool=False):\n", + "\n", + "def _has_valid_tuple(self, key):\n", + "\n", + "def _has_valid_positional_setitem_indexer(self, indexer):\n", + "\n", + "def _align_series(self, indexer, ser, multiindex_indexer=False):\n", + "\n", + " def ravel(i):\n", + "\n", + "def _multi_take_opportunity(self, tup):\n", + "\n", + "def _multi_take(self, tup):\n", + "\n", + "def _get_listlike_indexer(self, key, axis, raise_missing=False):\n", + "\n", + "def _getitem_iterable(self, key, axis=None):\n", + "\n", + "def _validate_read_indexer(self, key, indexer, axis, raise_missing=False):\n", + "\n", + "def _convert_to_indexer(self, obj, axis=None, is_setter=False,\n", + "\n", + "def _convert_for_reindex(self, key, axis=None):\n", + "\n", + "def _get_slice_axis(self, slice_obj, axis=None):\n", + "\n", + "def _get_partial_string_timestamp_match_key(self, key, labels):\n", + "\n", + "def _validate_integer(self, key, axis):\n", + "\n", + "def _get_list_axis(self, key, axis=None):\n", + "\n", + "def _convert_to_indexer(self, obj, axis=None, is_setter=False):\n", + "\n", + "def _convert_key(self, key, is_setter=False):\n", + "\n", + "def _convert_key(self, key, is_setter=False):\n", + "\n", + "def to_manager(sdf, columns, index):\n", + "\n", + "def stack_sparse_frame(frame):\n", + "\n", + "def homogenize(series_dict):\n", + "\n", + "def _init_matrix(self, data, index, columns, dtype=None):\n", + "\n", + "def _init_spmatrix(self, data, index, columns, dtype=None,\n", + "\n", + "def to_coo(self):\n", + "\n", + "def _unpickle_sparse_frame_compat(self, state):\n", + "\n", + "def to_dense(self):\n", + "\n", + "def _apply_columns(self, func):\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def density(self):\n", + "\n", + "def _sanitize_column(self, key, value, **kwargs):\n", + "\n", + " def sp_maker(x, index=None):\n", + "\n", + "def xs(self, key, axis=0, copy=False):\n", + "\n", + "def transpose(self, *args, **kwargs):\n", + "\n", + "def cumsum(self, axis=0, *args, **kwargs):\n", + "\n", + "def apply(self, func, axis=0, broadcast=None, reduce=None,\n", + "\n", + "def conda_package_to_pip(package):\n", + "\n", + "def main(conda_fname, pip_fname, compare=False):\n", + "\n", + "def maybe_convert_platform(values):\n", + "\n", + "def is_nested_object(obj):\n", + "\n", + "def maybe_downcast_to_dtype(result, dtype):\n", + "\n", + " def trans(x):\n", + "\n", + "def maybe_upcast_putmask(result, mask, other):\n", + "\n", + " def changeit():\n", + "\n", + "def infer_dtype_from(val, pandas_dtype=False):\n", + "\n", + "def infer_dtype_from_scalar(val, pandas_dtype=False):\n", + "\n", + "def infer_dtype_from_array(arr, pandas_dtype=False):\n", + "\n", + "def maybe_infer_dtype_type(element):\n", + "\n", + "def maybe_upcast(values, fill_value=np.nan, dtype=None, copy=False):\n", + "\n", + "def invalidate_string_dtypes(dtype_set):\n", + "\n", + "def coerce_indexer_dtype(indexer, categories):\n", + "\n", + "def coerce_to_dtypes(result, dtypes):\n", + "\n", + " def conv(r, dtype):\n", + "\n", + "def astype_nansafe(arr, dtype, copy=True, skipna=False):\n", + "\n", + "def maybe_convert_objects(values, convert_dates=True, convert_numeric=True,\n", + "\n", + "def soft_convert_objects(values, datetime=True, numeric=True, timedelta=True,\n", + "\n", + "def maybe_infer_to_datetimelike(value, convert_dates=False):\n", + "\n", + " def try_datetime(v):\n", + "\n", + " def try_timedelta(v):\n", + "\n", + "def maybe_cast_to_datetime(value, dtype, errors='raise'):\n", + "\n", + "def find_common_type(types):\n", + "\n", + "def cast_scalar_to_array(shape, value, dtype=None):\n", + "\n", + "def construct_1d_arraylike_from_scalar(value, length, dtype):\n", + "\n", + "def construct_1d_object_array_from_listlike(values):\n", + "\n", + "def construct_1d_ndarray_preserving_na(values, dtype=None, copy=False):\n", + "\n", + "def maybe_cast_to_integer_array(arr, dtype, copy=False):\n", + "\n", + "def scatter_plot(data, x, y, by=None, ax=None, figsize=None, grid=False,\n", + "\n", + " def plot_group(group, ax):\n", + "\n", + "def hist_frame(data, column=None, by=None, grid=True, xlabelsize=None,\n", + "\n", + "def hist_series(self, by=None, ax=None, grid=True, xlabelsize=None,\n", + "\n", + "def grouped_hist(data, column=None, by=None, ax=None, bins=50, figsize=None,\n", + "\n", + " def plot_group(group, ax):\n", + "\n", + "def boxplot_frame_groupby(grouped, subplots=True, column=None, fontsize=None,\n", + "\n", + "def _has_plotted_object(self, ax):\n", + "\n", + "def result(self):\n", + "\n", + "def _post_plot_logic_common(self, ax, data):\n", + "\n", + " def get_label(i):\n", + "\n", + "def _adorn_subplots(self):\n", + "\n", + "def _apply_axis_properties(self, axis, rot=None, fontsize=None):\n", + "\n", + "def _get_ax_layer(cls, ax, primary=True):\n", + "\n", + "def _apply_style_colors(self, colors, kwds, col_num, label):\n", + "\n", + "def _parse_errorbars(self, label, err):\n", + "\n", + " def match_labels(data, e):\n", + "\n", + "def _make_plot_keywords(self, kwds, y):\n", + "\n", + "def line(self, x=None, y=None, **kwds):\n", + "\n", + "def bar(self, x=None, y=None, **kwds):\n", + "\n", + "def barh(self, x=None, y=None, **kwds):\n", + "\n", + "def hist(self, by=None, bins=10, **kwds):\n", + "\n", + "def area(self, x=None, y=None, **kwds):\n", + "\n", + "def scatter(self, x, y, s=None, c=None, **kwds):\n", + "\n", + "def hexbin(self, x, y, C=None, reduce_C_function=None, gridsize=None,\n", + "\n", + "def _get_objs_combined_axis(objs, intersect=False, axis=0, sort=True):\n", + "\n", + "def _get_distinct_objs(objs):\n", + "\n", + "def _get_combined_index(indexes, intersect=False, sort=False):\n", + "\n", + "def _union_indexes(indexes, sort=True):\n", + "\n", + " def _unique_indices(inds):\n", + "\n", + " def conv(i):\n", + "\n", + "def _sanitize_and_check(indexes):\n", + "\n", + "def _get_consensus_names(indexes):\n", + "\n", + "def _all_indexes_same(indexes):\n", + "\n", + "def _convert_params(sql, params):\n", + "\n", + "def _process_parse_dates_argument(parse_dates):\n", + "\n", + "def _parse_date_columns(data_frame, parse_dates):\n", + "\n", + "def _wrap_result(data, columns, index_col=None, coerce_float=True,\n", + "\n", + "def execute(sql, con, cur=None, params=None):\n", + "\n", + "def read_sql_table(table_name, con, schema=None, index_col=None,\n", + "\n", + "def read_sql_query(sql, con, index_col=None, coerce_float=True, params=None,\n", + "\n", + "def read_sql(sql, con, index_col=None, coerce_float=True, params=None,\n", + "\n", + "def to_sql(frame, name, con, schema=None, if_exists='fail', index=True,\n", + "\n", + "def has_table(table_name, con, schema=None):\n", + "\n", + "def _engine_builder(con):\n", + "\n", + "def pandasSQL_builder(con, schema=None, meta=None,\n", + "\n", + "def get_schema(frame, name, keys=None, con=None, dtype=None):\n", + "\n", + "def _execute_insert(self, conn, keys, data_iter):\n", + "\n", + "def _query_iterator(self, result, chunksize, columns, coerce_float=True,\n", + "\n", + "def _harmonize_columns(self, parse_dates=None):\n", + "\n", + "def read_table(self, table_name, index_col=None, coerce_float=True,\n", + "\n", + "def _query_iterator(result, chunksize, columns, index_col=None,\n", + "\n", + "def read_query(self, sql, index_col=None, coerce_float=True,\n", + "\n", + "def to_sql(self, frame, name, if_exists='fail', index=True,\n", + "\n", + "def _create_table_setup(self):\n", + "\n", + "def _query_iterator(cursor, chunksize, columns, index_col=None,\n", + "\n", + "def to_sql(self, frame, name, if_exists='fail', index=True,\n", + "\n", + "def _maybe_to_categorical(array):\n", + "\n", + "def contains(cat, key, container):\n", + "\n", + "def _get_codes_for_values(values, categories):\n", + "\n", + "def _recode_for_categories(codes, old_categories, new_categories):\n", + "\n", + "def _factorize_from_iterable(values):\n", + "\n", + "def _factorize_from_iterables(iterables):\n", + "\n", + "def copy(self):\n", + "\n", + "def astype(self, dtype, copy=True):\n", + "\n", + "def _from_inferred_categories(cls, inferred_categories, inferred_codes,\n", + "\n", + "def from_codes(cls, codes, categories=None, ordered=None, dtype=None):\n", + "\n", + "def _get_codes(self):\n", + "\n", + "def _set_categories(self, categories, fastpath=False):\n", + "\n", + "def _set_dtype(self, dtype):\n", + "\n", + "def set_ordered(self, value, inplace=False):\n", + "\n", + "def as_ordered(self, inplace=False):\n", + "\n", + "def as_unordered(self, inplace=False):\n", + "\n", + "def set_categories(self, new_categories, ordered=None, rename=False,\n", + "\n", + "def rename_categories(self, new_categories, inplace=False):\n", + "\n", + "def reorder_categories(self, new_categories, ordered=None, inplace=False):\n", + "\n", + "def add_categories(self, new_categories, inplace=False):\n", + "\n", + "def remove_categories(self, removals, inplace=False):\n", + "\n", + "def remove_unused_categories(self, inplace=False):\n", + "\n", + "def map(self, mapper):\n", + "\n", + "def shift(self, periods, fill_value=None):\n", + "\n", + "def memory_usage(self, deep=False):\n", + "\n", + "def value_counts(self, dropna=True):\n", + "\n", + "def get_values(self):\n", + "\n", + "def sort_values(self, inplace=False, ascending=True, na_position='last'):\n", + "\n", + "def _values_for_rank(self):\n", + "\n", + "def fillna(self, value=None, method=None, limit=None):\n", + "\n", + "def take_nd(self, indexer, allow_fill=None, fill_value=None):\n", + "\n", + "def _slice(self, slicer):\n", + "\n", + "def _tidy_repr(self, max_vals=10, footer=True):\n", + "\n", + "def _repr_categories(self):\n", + "\n", + "def _repr_categories_info(self):\n", + "\n", + "def _maybe_coerce_indexer(self, indexer):\n", + "\n", + "def _reverse_indexer(self):\n", + "\n", + "def min(self, numeric_only=None, **kwargs):\n", + "\n", + "def mode(self, dropna=True):\n", + "\n", + "def unique(self):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def is_dtype_equal(self, other):\n", + "\n", + "def describe(self):\n", + "\n", + "def isin(self, values):\n", + "\n", + "def to_timedelta(arg, unit='ns', box=True, errors='raise'):\n", + "\n", + "def _coerce_scalar_to_timedelta_type(r, unit='ns', box=True, errors='raise'):\n", + "\n", + "def _convert_listlike(arg, unit='ns', box=True, errors='raise', name=None):\n", + "\n", + "def generate_range(start=None, end=None, periods=None, offset=BDay()):\n", + "\n", + "def apply_index(self, i):\n", + "\n", + "def rollback(self, dt):\n", + "\n", + "def rollforward(self, dt):\n", + "\n", + "def next_bday(self):\n", + "\n", + "def _next_opening_time(self, other):\n", + "\n", + "def _get_business_hours_by_sec(self):\n", + "\n", + "def rollback(self, dt):\n", + "\n", + "def rollforward(self, dt):\n", + "\n", + "def _onOffset(self, dt, businesshours):\n", + "\n", + "def cbday_roll(self):\n", + "\n", + "def month_roll(self):\n", + "\n", + "def _apply_index_days(self, i, roll):\n", + "\n", + "def _end_apply_index(self, dtindex):\n", + "\n", + "def _get_offset_day(self, other):\n", + "\n", + "def _get_offset_day(self, other):\n", + "\n", + "def _rollback_to_year(self, other):\n", + "\n", + "def concat(objs, axis=0, join='outer', join_axes=None, ignore_index=False,\n", + "\n", + "def _get_concat_axis(self):\n", + "\n", + "def _in(x, y):\n", + "\n", + "def _not_in(x, y):\n", + "\n", + "def _cast_inplace(terms, acceptable_dtypes, dtype):\n", + "\n", + "def update(self, value):\n", + "\n", + "def evaluate(self, env, engine, parser, term_type, eval_in_python):\n", + "\n", + "def convert_values(self):\n", + "\n", + " def stringify(value):\n", + "\n", + "def crosstab(index, columns, values=None, rownames=None, colnames=None,\n", + "\n", + "def _shape(self, df):\n", + "\n", + "def _get_cells(self, left, right, vertical):\n", + "\n", + "def plot(self, left, right, labels=None, vertical=True):\n", + "\n", + "def _conv(self, data):\n", + "\n", + "def cut(x, bins, right=True, labels=None, retbins=False, precision=3,\n", + "\n", + "def qcut(x, q, labels=None, retbins=False, precision=3, duplicates='raise'):\n", + "\n", + "def _coerce_to_type(x):\n", + "\n", + "def _convert_bin_to_numeric_type(bins, dtype):\n", + "\n", + "def _convert_bin_to_datelike_type(bins, dtype):\n", + "\n", + "def _format_labels(bins, precision, right=True,\n", + "\n", + "def _preprocess_for_cut(x):\n", + "\n", + "def _postprocess_for_cut(fac, bins, retbins, x_is_series,\n", + "\n", + "def _round_frac(x, precision):\n", + "\n", + "def _infer_precision(base_precision, bins):\n", + "\n", + "def detect_console_encoding():\n", + "\n", + "def _check_arg_length(fname, args, max_fname_arg_count, compat_args):\n", + "\n", + "def _check_for_default_values(fname, arg_val_dict, compat_args):\n", + "\n", + "def validate_args(fname, args, max_fname_arg_count, compat_args):\n", + "\n", + "def _check_for_invalid_keys(fname, kwargs, compat_args):\n", + "\n", + "def validate_kwargs(fname, kwargs, compat_args):\n", + "\n", + "def validate_args_and_kwargs(fname, args, kwargs,\n", + "\n", + "def validate_bool_kwarg(value, arg_name):\n", + "\n", + "def validate_axis_style_args(data, args, kwargs, arg_name, method_name):\n", + "\n", + "def validate_fillna_kwargs(value, method, validate_scalar_dict_value=True):\n", + "\n", + "def _maybe_process_deprecations(r, how=None, fill_method=None, limit=None):\n", + "\n", + "def resample(obj, kind=None, **kwds):\n", + "\n", + "def get_resampler_for_grouping(groupby, rule, how=None, fill_method=None,\n", + "\n", + "def _get_timestamp_range_edges(first, last, offset, closed='left', base=0):\n", + "\n", + "def _get_period_range_edges(first, last, offset, closed='left', base=0):\n", + "\n", + "def asfreq(obj, freq, method=None, how=None, normalize=False, fill_value=None):\n", + "\n", + "def _from_selection(self):\n", + "\n", + "def _set_binner(self):\n", + "\n", + "def _get_binner(self):\n", + "\n", + "def transform(self, arg, *args, **kwargs):\n", + "\n", + "def _gotitem(self, key, ndim, subset=None):\n", + "\n", + "def _groupby_and_aggregate(self, how, grouper=None, *args, **kwargs):\n", + "\n", + "def _apply_loffset(self, result):\n", + "\n", + "def _get_resampler_for_grouping(self, groupby, **kwargs):\n", + "\n", + "def _wrap_result(self, result):\n", + "\n", + "def interpolate(self, method='linear', axis=0, limit=None, inplace=False,\n", + "\n", + "def std(self, ddof=1, *args, **kwargs):\n", + "\n", + "def var(self, ddof=1, *args, **kwargs):\n", + "\n", + "def _apply(self, f, grouper=None, *args, **kwargs):\n", + "\n", + " def func(x):\n", + "\n", + "def _downsample(self, how, **kwargs):\n", + "\n", + "def _adjust_binner_for_upsample(self, binner):\n", + "\n", + "def _upsample(self, method, limit=None, fill_value=None):\n", + "\n", + "def _downsample(self, how, **kwargs):\n", + "\n", + "def _upsample(self, method, limit=None, fill_value=None):\n", + "\n", + "def _get_resampler(self, obj, kind=None):\n", + "\n", + "def _combine_hash_arrays(arrays, num_items):\n", + "\n", + "def hash_pandas_object(obj, index=True, encoding='utf8', hash_key=None,\n", + "\n", + "def hash_tuples(vals, encoding='utf8', hash_key=None):\n", + "\n", + "def hash_tuple(val, encoding='utf8', hash_key=None):\n", + "\n", + "def _hash_categorical(c, encoding, hash_key):\n", + "\n", + "def hash_array(vals, encoding='utf8', hash_key=None, categorize=True):\n", + "\n", + "def _hash_scalar(val, encoding='utf8', hash_key=None):\n", + "\n", + "def _process_single_doc(self, single_doc):\n", + "\n", + "def _run_os(*args):\n", + "\n", + "def _sphinx_build(self, kind):\n", + "\n", + "def _open_browser(self, single_doc_html):\n", + "\n", + "def _get_page_title(self, page):\n", + "\n", + "def _add_redirects(self):\n", + "\n", + "def html(self):\n", + "\n", + "def latex(self, force=False):\n", + "\n", + "def clean():\n", + "\n", + "def zip_html(self):\n", + "\n", + "def write_result(self, buf):\n", + "\n", + " def get_col_type(dtype):\n", + "\n", + " def pad_empties(x):\n", + "\n", + "def _format_multicolumn(self, row, ilevels):\n", + "\n", + " def append_col():\n", + "\n", + "def _format_multirow(self, row, ilevels, i, rows):\n", + "\n", + "def _print_cline(self, buf, i, icol):\n", + "\n", + "def _validate_integer(name, val, min_val=0):\n", + "\n", + "def _validate_names(names):\n", + "\n", + "def _read(filepath_or_buffer: FilePathOrBuffer, kwds):\n", + "\n", + "def read_fwf(filepath_or_buffer: FilePathOrBuffer,\n", + "\n", + "def _is_potential_multi_index(columns):\n", + "\n", + "def _evaluate_usecols(usecols, names):\n", + "\n", + "def _validate_usecols_names(usecols, names):\n", + "\n", + "def _validate_usecols_arg(usecols):\n", + "\n", + "def _validate_parse_dates_arg(parse_dates):\n", + "\n", + "def _stringify_na_values(na_values):\n", + "\n", + "def _get_na_values(col, na_values, na_fvalues, keep_default_na):\n", + "\n", + "def _extract_multi_indexer_columns(self, header, index_names, col_names,\n", + "\n", + " def extract(r):\n", + "\n", + "def _infer_types(self, values, na_values, try_num_bool=True):\n", + "\n", + "def _cast_types(self, values, cast_type, column):\n", + "\n", + "def _set_noconvert_columns(self):\n", + "\n", + " def _set(x):\n", + "\n", + "def _handle_usecols(self, columns, usecols_key):\n", + "\n", + "def _check_for_bom(self, first_row):\n", + "\n", + "def _alert_malformed(self, msg, row_num):\n", + "\n", + "def _next_iter_line(self, row_num):\n", + "\n", + "def _remove_empty_lines(self, lines):\n", + "\n", + "def _get_index_name(self, columns):\n", + "\n", + "def get_rows(self, infer_nrows, skiprows=None):\n", + "\n", + "def linkcode_resolve(domain, info):\n", + "\n", + "def process_class_docstrings(app, what, name, obj, options, lines):\n", + "\n", + "def pack(o, stream, **kwargs):\n", + "\n", + "def get_mgr_concatenation_plan(mgr, indexers):\n", + "\n", + "def concatenate_join_units(join_units, concat_axis, copy):\n", + "\n", + "def get_empty_dtype_and_na(join_units):\n", + "\n", + "def is_uniform_join_units(join_units):\n", + "\n", + "def trim_join_unit(join_unit, length):\n", + "\n", + "def combine_concat_plans(plans, concat_axis):\n", + "\n", + " def _next_or_none(seq):\n", + "\n", + "def use(self, key, value):\n", + "\n", + "def _stata_elapsed_date_to_datetime_vec(dates, fmt):\n", + "\n", + " def convert_year_month_safe(year, month):\n", + "\n", + " def convert_year_days_safe(year, days):\n", + "\n", + " def convert_delta_safe(base, deltas, unit):\n", + "\n", + "def _datetime_to_stata_elapsed_vec(dates, fmt):\n", + "\n", + " def parse_dates_safe(dates, delta=False, year=False, days=False):\n", + "\n", + "def _cast_to_stata_types(data):\n", + "\n", + "def _dtype_to_stata_type(dtype, column):\n", + "\n", + "def _dtype_to_default_stata_fmt(dtype, column, dta_version=114,\n", + "\n", + "def _pad_bytes_new(name, length):\n", + "\n", + "def generate_value_label(self, byteorder, encoding):\n", + "\n", + "def _setup_dtype(self):\n", + "\n", + "def _do_convert_categoricals(self, data, value_label_dict, lbllist,\n", + "\n", + "def _write(self, to_write):\n", + "\n", + "def _prepare_categoricals(self, data):\n", + "\n", + "def _replace_nans(self, data):\n", + "\n", + "def _check_column_names(self, data):\n", + "\n", + "def _close(self):\n", + "\n", + "def generate_table(self):\n", + "\n", + "def generate_blob(self, gso_table):\n", + "\n", + "def _tag(val, tag):\n", + "\n", + "def _write_header(self, data_label=None, time_stamp=None):\n", + "\n", + "def _write_map(self):\n", + "\n", + "def _update_strl_names(self):\n", + "\n", + "def _convert_strls(self, data):\n", + "\n", + "def register(explicit=True):\n", + "\n", + "def deregister():\n", + "\n", + "def _dt_to_float_ordinal(dt):\n", + "\n", + "def _get_default_annual_spacing(nyears):\n", + "\n", + "def period_break(dates, period):\n", + "\n", + "def has_level_label(label_flags, vmin):\n", + "\n", + "def axisinfo(unit, axis):\n", + "\n", + "def get_locator(self, dmin, dmax):\n", + "\n", + "def autoscale(self):\n", + "\n", + "def _get_default_locs(self, vmin, vmax):\n", + "\n", + "def autoscale(self):\n", + "\n", + "def _set_default_format(self, vmin, vmax):\n", + "\n", + "def set_locs(self, locs):\n", + "\n", + "def set_default_names(data):\n", + "\n", + "def convert_json_field_to_pandas_type(field):\n", + "\n", + "def build_table_schema(data, index=True, primary_key=None, version=True):\n", + "\n", + "def parse_table_schema(json, precise_float):\n", + "\n", + "def get_op_result_name(left, right):\n", + "\n", + "def _maybe_match_name(a, b):\n", + "\n", + "def maybe_upcast_for_op(obj):\n", + "\n", + "def make_invalid_op(name):\n", + "\n", + " def invalid_op(self, other=None):\n", + "\n", + "def _gen_eval_kwargs(name):\n", + "\n", + "def _gen_fill_zeros(name):\n", + "\n", + "def _get_opstr(op, cls):\n", + "\n", + "def _get_op_name(op, special):\n", + "\n", + "def _make_flex_doc(op_name, typ):\n", + "\n", + "def fill_binop(left, right, fill_value):\n", + "\n", + "def mask_cmp_op(x, y, op, allowed_types):\n", + "\n", + "def masked_arith_op(x, y, op):\n", + "\n", + "def invalid_comparison(left, right, op):\n", + "\n", + "def should_series_dispatch(left, right, op):\n", + "\n", + "def dispatch_to_series(left, right, func, str_rep=None, axis=None):\n", + "\n", + " def column_op(a, b):\n", + "\n", + " def column_op(a, b):\n", + "\n", + " def column_op(a, b):\n", + "\n", + " def column_op(a, b):\n", + "\n", + "def dispatch_to_index_op(op, left, right, index_class):\n", + "\n", + "def dispatch_to_extension_op(op, left, right):\n", + "\n", + "def _get_method_wrappers(cls):\n", + "\n", + "def add_special_arithmetic_methods(cls):\n", + "\n", + " def _wrap_inplace_method(method):\n", + "\n", + " def f(self, other):\n", + "\n", + "def add_flex_arithmetic_methods(cls):\n", + "\n", + "def _align_method_SERIES(left, right, align_asobject=False):\n", + "\n", + "def _construct_result(left, result, index, name, dtype=None):\n", + "\n", + "def _construct_divmod_result(left, result, index, name, dtype=None):\n", + "\n", + "def _arith_method_SERIES(cls, op, special):\n", + "\n", + " def na_op(x, y):\n", + "\n", + " def safe_na_op(lvalues, rvalues):\n", + "\n", + " def wrapper(left, right):\n", + "\n", + "def _comp_method_SERIES(cls, op, special):\n", + "\n", + " def na_op(x, y):\n", + "\n", + " def wrapper(self, other, axis=None):\n", + "\n", + "def _bool_method_SERIES(cls, op, special):\n", + "\n", + " def na_op(x, y):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def _combine_series_frame(self, other, func, fill_value=None, axis=None,\n", + "\n", + "def _align_method_FRAME(left, right, axis):\n", + "\n", + " def to_series(right):\n", + "\n", + "def _cast_sparse_series_op(left, right, opname):\n", + "\n", + "def _arith_method_SPARSE_SERIES(cls, op, special):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def _arith_method_SPARSE_ARRAY(cls, op, special):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def validate_periods(periods):\n", + "\n", + "def validate_endpoints(closed):\n", + "\n", + "def validate_inferred_freq(freq, inferred_freq, freq_infer):\n", + "\n", + "def maybe_infer_freq(freq):\n", + "\n", + "def _ensure_datetimelike_to_i8(other, to_utc=False):\n", + "\n", + "def strftime(self, date_format):\n", + "\n", + "def searchsorted(self, value, side='left', sorter=None):\n", + "\n", + "def repeat(self, repeats, *args, **kwargs):\n", + "\n", + "def value_counts(self, dropna=False):\n", + "\n", + "def _maybe_mask_results(self, result, fill_value=iNaT, convert=None):\n", + "\n", + "def _validate_frequency(cls, index, freq, **kwargs):\n", + "\n", + "def _add_delta(self, other):\n", + "\n", + "def _add_timedeltalike_scalar(self, other):\n", + "\n", + "def _add_delta_tdi(self, other):\n", + "\n", + "def _add_nat(self):\n", + "\n", + "def _sub_nat(self):\n", + "\n", + "def _sub_period_array(self, other):\n", + "\n", + "def _addsub_int_array(self, other, op):\n", + "\n", + "def _addsub_offset_array(self, other, op):\n", + "\n", + "def _time_shift(self, periods, freq=None):\n", + "\n", + "def _ensure_localized(self, arg, ambiguous='raise', nonexistent='raise',\n", + "\n", + "def min(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def max(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def _period_array_cmp(cls, op):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def _raise_on_incompatible(left, right):\n", + "\n", + "def validate_dtype_freq(dtype, freq):\n", + "\n", + "def dt64arr_to_periodarr(data, freq, tz=None):\n", + "\n", + "def _from_datetime64(cls, data, freq, tz=None):\n", + "\n", + "def to_timestamp(self, freq=None, how='start'):\n", + "\n", + "def _time_shift(self, periods, freq=None):\n", + "\n", + "def asfreq(self, freq=None, how='E'):\n", + "\n", + "def _format_native_types(self, na_rep='NaT', date_format=None, **kwargs):\n", + "\n", + "def _add_timedeltalike_scalar(self, other):\n", + "\n", + "def _add_delta_tdi(self, other):\n", + "\n", + "def _add_delta(self, other):\n", + "\n", + "def _check_timedeltalike_freq_compat(self, other):\n", + "\n", + "def _isna_old(obj):\n", + "\n", + "def _use_inf_as_na(key):\n", + "\n", + "def _isna_compat(arr, fill_value=np.nan):\n", + "\n", + "def array_equivalent(left, right, strict_nan=False):\n", + "\n", + "def _infer_fill_value(val):\n", + "\n", + "def _maybe_fill(arr, fill_value=np.nan):\n", + "\n", + "def na_value_for_dtype(dtype, compat=True):\n", + "\n", + "def remove_na_arraylike(arr):\n", + "\n", + "def table(ax, data, rowLabels=None, colLabels=None, **kwargs):\n", + "\n", + "def _subplots(naxes=None, sharex=False, sharey=False, squeeze=True,\n", + "\n", + "def maybe_cythonize(extensions, *args, **kwargs):\n", + "\n", + "def _transform_fast(self, result, obj, func_nm):\n", + "\n", + "def _wrap_output(self, output, index, names=None):\n", + "\n", + "def _transform_fast(self, func, func_nm):\n", + "\n", + " def true_and_notna(x, *args, **kwargs):\n", + "\n", + "def nunique(self, dropna=True):\n", + "\n", + "def count(self):\n", + "\n", + "def pct_change(self, periods=1, fill_method='pad', limit=None, freq=None):\n", + "\n", + "def _gotitem(self, key, ndim, subset=None):\n", + "\n", + "def _reindex_output(self, result):\n", + "\n", + "def _fill(self, direction, limit=None):\n", + "\n", + "def count(self):\n", + "\n", + "def nunique(self, dropna=True):\n", + "\n", + " def groupby_series(obj, col=None):\n", + "\n", + "def extract_array(obj, extract_numpy=False):\n", + "\n", + "def flatten(l):\n", + "\n", + "def is_bool_indexer(key: Any) -> bool:\n", + "\n", + "def cast_scalar_indexer(val):\n", + "\n", + "def index_labels_to_array(labels, dtype=None):\n", + "\n", + "def is_null_slice(obj):\n", + "\n", + "def is_full_slice(obj, l):\n", + "\n", + "def apply_if_callable(maybe_callable, obj, **kwargs):\n", + "\n", + "def standardize_mapping(into):\n", + "\n", + "def random_state(state=None):\n", + "\n", + "def _pipe(obj, func, *args, **kwargs):\n", + "\n", + "def _get_rename_function(mapper):\n", + "\n", + " def f(x):\n", + "\n", + "def _get_fill_value(dtype, fill_value=None, fill_value_typ=None):\n", + "\n", + "def _get_values(values, skipna, fill_value=None, fill_value_typ=None,\n", + "\n", + "def _wrap_results(result, dtype, fill_value=None):\n", + "\n", + "def _na_for_min_count(values, axis):\n", + "\n", + "def nanany(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nanall(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nansum(values, axis=None, skipna=True, min_count=0, mask=None):\n", + "\n", + "def nanmean(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nanmedian(values, axis=None, skipna=True, mask=None):\n", + "\n", + " def get_median(x):\n", + "\n", + "def nanstd(values, axis=None, skipna=True, ddof=1, mask=None):\n", + "\n", + "def nanvar(values, axis=None, skipna=True, ddof=1, mask=None):\n", + "\n", + "def nansem(values, axis=None, skipna=True, ddof=1, mask=None):\n", + "\n", + "def nanargmax(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nanargmin(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nanskew(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nankurt(values, axis=None, skipna=True, mask=None):\n", + "\n", + "def nanprod(values, axis=None, skipna=True, min_count=0, mask=None):\n", + "\n", + "def nancorr(a, b, method='pearson', min_periods=None):\n", + "\n", + "def _nanpercentile_1d(values, mask, q, na_value, interpolation):\n", + "\n", + "def nanpercentile(values, q, axis, na_value, mask, ndim, interpolation):\n", + "\n", + "def write_th(self, s, header=False, indent=0, tags=None):\n", + "\n", + "def _get_skiprows(skiprows):\n", + "\n", + "def _read(obj):\n", + "\n", + "def _build_xpath_expr(attrs):\n", + "\n", + "def _parser_dispatch(flavor):\n", + "\n", + "def read_html(io, match='.+', flavor=None, header=None, index_col=None,\n", + "\n", + "def parse_tables(self):\n", + "\n", + "def _parse_thead_tbody_tfoot(self, table_html):\n", + "\n", + " def row_is_all_th(row):\n", + "\n", + "def _expand_colspan_rowspan(self, rows):\n", + "\n", + "def _handle_hidden_tables(self, tbl_list, attr_name):\n", + "\n", + "def _build_doc(self):\n", + "\n", + "def get_dtype_kinds(l):\n", + "\n", + "def _get_series_result_type(result, objs=None):\n", + "\n", + "def _get_frame_result_type(result, objs):\n", + "\n", + "def _concat_compat(to_concat, axis=0):\n", + "\n", + " def is_nonempty(x):\n", + "\n", + "def _concat_categorical(to_concat, axis=0):\n", + "\n", + "def union_categoricals(to_union, sort_categories=False, ignore_order=False):\n", + "\n", + " def _maybe_unwrap(x):\n", + "\n", + "def _concat_datetime(to_concat, axis=0, typs=None):\n", + "\n", + "def _concat_datetimetz(to_concat, name=None):\n", + "\n", + "def _concat_index_asobject(to_concat, name=None):\n", + "\n", + "def _concat_sparse(to_concat, axis=0, typs=None):\n", + "\n", + "def _concat_rangeindex_same_dtype(indexes):\n", + "\n", + "def rewrite_exception(old_name, new_name):\n", + "\n", + "def _get_level_lengths(index, hidden_elements=None):\n", + "\n", + "def _translate(self):\n", + "\n", + " def format_attr(pair):\n", + "\n", + "def format(self, formatter, subset=None):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def _update_ctx(self, attrs):\n", + "\n", + "def _compute(self):\n", + "\n", + "def apply(self, func, axis=0, subset=None, **kwargs):\n", + "\n", + "def applymap(self, func, subset=None, **kwargs):\n", + "\n", + "def where(self, cond, value, other=None, subset=None, **kwargs):\n", + "\n", + "def hide_columns(self, subset):\n", + "\n", + "def highlight_null(self, null_color='red'):\n", + "\n", + "def background_gradient(self, cmap='PuBu', low=0, high=0, axis=0,\n", + "\n", + "def _background_gradient(s, cmap='PuBu', low=0, high=0,\n", + "\n", + " def relative_luminance(rgba):\n", + "\n", + " def css(rgba):\n", + "\n", + "def set_properties(self, subset=None, **kwargs):\n", + "\n", + "def _bar(s, align, colors, width=100, vmin=None, vmax=None):\n", + "\n", + " def css_bar(start, end, color):\n", + "\n", + " def css(x):\n", + "\n", + "def bar(self, subset=None, axis=0, color='#d65f5f', width=100,\n", + "\n", + "def highlight_max(self, subset=None, color='yellow', axis=0):\n", + "\n", + "def highlight_min(self, subset=None, color='yellow', axis=0):\n", + "\n", + "def _highlight_extrema(data, color='yellow', max_=True):\n", + "\n", + "def from_custom_template(cls, searchpath, name):\n", + "\n", + "def register(self, dtype):\n", + "\n", + "def find(self, dtype):\n", + "\n", + "def np_datetime64_compat(s, *args, **kwargs):\n", + "\n", + "def np_array_datetime64_compat(arr, *args, **kwargs):\n", + "\n", + "def _assert_safe_casting(cls, data, subarr):\n", + "\n", + "def get_value(self, series, key):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def _ensure_decoded(s):\n", + "\n", + "def _ensure_term(where, scope_level):\n", + "\n", + "def to_hdf(path_or_buf, key, value, mode=None, complevel=None, complib=None,\n", + "\n", + "def read_hdf(path_or_buf, key=None, mode='r', **kwargs):\n", + "\n", + "def _is_metadata_of(group, parent_group):\n", + "\n", + "def _get_info(info, name):\n", + "\n", + "def _get_tz(tz):\n", + "\n", + "def _set_tz(values, tz, preserve_UTC=False, coerce=False):\n", + "\n", + "def _convert_string_array(data, encoding, errors, itemsize=None):\n", + "\n", + "def _unconvert_string_array(data, nan_rep=None, encoding=None,\n", + "\n", + "def open(self, mode='a', **kwargs):\n", + "\n", + "def flush(self, fsync=False):\n", + "\n", + "def get(self, key):\n", + "\n", + "def select(self, key, where=None, start=None, stop=None, columns=None,\n", + "\n", + " def func(_start, _stop, _where):\n", + "\n", + "def select_column(self, key, column, **kwargs):\n", + "\n", + "def select_as_multiple(self, keys, where=None, selector=None, columns=None,\n", + "\n", + " def func(_start, _stop, _where):\n", + "\n", + "def put(self, key, value, format=None, append=False, **kwargs):\n", + "\n", + "def remove(self, key, where=None, start=None, stop=None):\n", + "\n", + "def append(self, key, value, format=None, append=True, columns=None,\n", + "\n", + "def append_to_multiple(self, d, value, selector, data_columns=None,\n", + "\n", + "def create_table_index(self, key, **kwargs):\n", + "\n", + "def groups(self):\n", + "\n", + "def walk(self, where=\"/\"):\n", + "\n", + "def get_node(self, key):\n", + "\n", + "def get_storer(self, key):\n", + "\n", + "def copy(self, file, mode='w', propindexes=True, keys=None, complib=None,\n", + "\n", + "def info(self):\n", + "\n", + "def _validate_format(self, format, kwargs):\n", + "\n", + "def _create_storer(self, group, format=None, value=None, append=False,\n", + "\n", + " def error(t):\n", + "\n", + "def set_name(self, name, kind_attr=None):\n", + "\n", + "def set_pos(self, pos):\n", + "\n", + "def is_indexed(self):\n", + "\n", + "def infer(self, handler):\n", + "\n", + "def convert(self, values, nan_rep, encoding, errors):\n", + "\n", + "def maybe_set_size(self, min_itemsize=None):\n", + "\n", + "def validate_col(self, itemsize=None):\n", + "\n", + "def update_info(self, info):\n", + "\n", + "def set_info(self, info):\n", + "\n", + "def validate_metadata(self, handler):\n", + "\n", + "def write_metadata(self, handler):\n", + "\n", + "def convert(self, values, nan_rep, encoding, errors):\n", + "\n", + "def set_metadata(self, metadata):\n", + "\n", + "def set_atom(self, block, block_items, existing_col, min_itemsize,\n", + "\n", + "def get_atom_coltype(self, kind=None):\n", + "\n", + "def validate_attr(self, append):\n", + "\n", + "def convert(self, values, nan_rep, encoding, errors):\n", + "\n", + "def get_attr(self):\n", + "\n", + "def set_attr(self):\n", + "\n", + "def set_version(self):\n", + "\n", + "def set_object_info(self):\n", + "\n", + "def infer_axes(self):\n", + "\n", + "def delete(self, where=None, start=None, stop=None, **kwargs):\n", + "\n", + "def validate_read(self, kwargs):\n", + "\n", + "def set_attrs(self):\n", + "\n", + "def get_attrs(self):\n", + "\n", + "def read_array(self, key, start=None, stop=None):\n", + "\n", + "def write_array_empty(self, key, value):\n", + "\n", + "def validate_read(self, kwargs):\n", + "\n", + "def write(self, obj, **kwargs):\n", + "\n", + "def validate(self, other):\n", + "\n", + "def validate_metadata(self, existing):\n", + "\n", + "def validate_multiindex(self, obj):\n", + "\n", + "def nrows_expected(self):\n", + "\n", + "def data_orientation(self):\n", + "\n", + "def queryables(self):\n", + "\n", + "def _get_metadata_path(self, key):\n", + "\n", + "def write_metadata(self, key, values):\n", + "\n", + "def read_metadata(self, key):\n", + "\n", + "def set_attrs(self):\n", + "\n", + "def get_attrs(self):\n", + "\n", + "def validate_version(self, where=None):\n", + "\n", + "def validate_min_itemsize(self, min_itemsize):\n", + "\n", + "def indexables(self):\n", + "\n", + " def f(i, c):\n", + "\n", + "def create_index(self, columns=None, optlevel=None, kind=None):\n", + "\n", + "def read_axes(self, where, **kwargs):\n", + "\n", + "def validate_data_columns(self, data_columns, min_itemsize):\n", + "\n", + "def create_axes(self, axes, obj, validate=True, nan_rep=None,\n", + "\n", + " def get_blk_items(mgr, blocks):\n", + "\n", + "def process_axes(self, obj, columns=None):\n", + "\n", + " def process_filter(field, filt):\n", + "\n", + "def create_description(self, complib=None, complevel=None,\n", + "\n", + "def read_coordinates(self, where=None, start=None, stop=None, **kwargs):\n", + "\n", + "def read_column(self, column, where=None, start=None, stop=None):\n", + "\n", + "def read(self, where=None, columns=None, **kwargs):\n", + "\n", + "def write_data(self, chunksize, dropna=False):\n", + "\n", + "def write_data_chunk(self, rows, indexes, mask, values):\n", + "\n", + "def write(self, obj, data_columns=None, **kwargs):\n", + "\n", + "def write(self, obj, **kwargs):\n", + "\n", + "def get_attrs(self):\n", + "\n", + "def indexables(self):\n", + "\n", + "def generate(self, where):\n", + "\n", + "def select(self):\n", + "\n", + "def select_coords(self):\n", + "\n", + "def astype(self, dtype, copy=True):\n", + "\n", + "def argsort(self, ascending=True, kind='quicksort', *args, **kwargs):\n", + "\n", + "def fillna(self, value=None, method=None, limit=None):\n", + "\n", + "def unique(self):\n", + "\n", + "def searchsorted(self, value, side=\"left\", sorter=None):\n", + "\n", + "def _values_for_factorize(self) -> Tuple[np.ndarray, Any]:\n", + "\n", + " def take(self, indices, allow_fill=False, fill_value=None):\n", + "\n", + "def _reduce(self, name, skipna=True, **kwargs):\n", + "\n", + "def _create_method(cls, op, coerce_to_dtype=True):\n", + "\n", + " def _binop(self, other):\n", + "\n", + " def convert_values(param):\n", + "\n", + " def _maybe_convert(arr):\n", + "\n", + "def ea_passthrough(array_method):\n", + "\n", + " def method(self, *args, **kwargs):\n", + "\n", + "def _create_comparison_method(cls, op):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def _join_i8_wrapper(joinf, dtype, with_indexers=True):\n", + "\n", + " def wrapper(left, right):\n", + "\n", + "def sort_values(self, return_indexer=False, ascending=True):\n", + "\n", + "def min(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def argmin(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def max(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def argmax(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def _format_attrs(self):\n", + "\n", + "def _convert_scalar_indexer(self, key, kind=None):\n", + "\n", + "def _add_datetimelike_methods(cls):\n", + "\n", + " def __add__(self, other):\n", + "\n", + " def __radd__(self, other):\n", + "\n", + " def __sub__(self, other):\n", + "\n", + " def __rsub__(self, other):\n", + "\n", + "def isin(self, values):\n", + "\n", + "def _summary(self, name=None):\n", + "\n", + "def _concat_same_dtype(self, to_concat, name):\n", + "\n", + "def shift(self, periods, freq=None):\n", + "\n", + "def _single_replace(self, to_replace, method, inplace, limit):\n", + "\n", + "def _doc_parms(cls):\n", + "\n", + "def _init_mgr(self, mgr, axes=None, dtype=None, copy=False):\n", + "\n", + "def _validate_dtype(self, dtype):\n", + "\n", + "def _setup_axes(cls, axes, info_axis=None, stat_axis=None, aliases=None,\n", + "\n", + " def set_axis(a, i):\n", + "\n", + "def _construct_axes_dict(self, axes=None, **kwargs):\n", + "\n", + "def _construct_axes_dict_from(self, axes, **kwargs):\n", + "\n", + "def _construct_axes_dict_for_slice(self, axes=None, **kwargs):\n", + "\n", + "def _get_block_manager_axis(cls, axis):\n", + "\n", + "def _get_space_character_free_column_resolvers(self):\n", + "\n", + "def shape(self):\n", + "\n", + "def transpose(self, *args, **kwargs):\n", + "\n", + "def swapaxes(self, axis1, axis2, copy=True):\n", + "\n", + "def droplevel(self, level, axis=0):\n", + "\n", + "def pop(self, item):\n", + "\n", + "def squeeze(self, axis=None):\n", + "\n", + "def swaplevel(self, i=-2, j=-1, axis=0):\n", + "\n", + "def rename(self, *args, **kwargs):\n", + "\n", + "def rename_axis(self, mapper=sentinel, **kwargs):\n", + "\n", + "def _set_axis_name(self, name, axis=0, inplace=False):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def bool(self):\n", + "\n", + "def _is_level_reference(self, key, axis=0):\n", + "\n", + "def _is_label_reference(self, key, axis=0):\n", + "\n", + "def _is_label_or_level_reference(self, key, axis=0):\n", + "\n", + "def _check_label_or_level_ambiguity(self, key, axis=0):\n", + "\n", + "def _get_label_or_level_values(self, key, axis=0):\n", + "\n", + "def _drop_labels_or_levels(self, keys, axis=0):\n", + "\n", + "def empty(self):\n", + "\n", + "def _repr_data_resource_(self):\n", + "\n", + "def to_json(self, path_or_buf=None, orient=None, date_format=None,\n", + "\n", + "def to_hdf(self, path_or_buf, key, **kwargs):\n", + "\n", + "def to_msgpack(self, path_or_buf=None, encoding='utf-8', **kwargs):\n", + "\n", + "def to_sql(self, name, con, schema=None, if_exists='fail', index=True,\n", + "\n", + "def to_pickle(self, path, compression='infer',\n", + "\n", + "def to_clipboard(self, excel=True, sep=None, **kwargs):\n", + "\n", + "def to_xarray(self):\n", + "\n", + "def to_latex(self, buf=None, columns=None, col_space=None, header=True,\n", + "\n", + "def to_csv(self, path_or_buf=None, sep=\",\", na_rep='', float_format=None,\n", + "\n", + "def _create_indexer(cls, name, indexer):\n", + "\n", + "def get(self, key, default=None):\n", + "\n", + "def _get_item_cache(self, item):\n", + "\n", + "def _set_as_cached(self, item, cacher):\n", + "\n", + "def _iget_item_cache(self, item):\n", + "\n", + "def _maybe_update_cacher(self, clear=False, verify_is_copy=True):\n", + "\n", + "def _slice(self, slobj, axis=0, kind=None):\n", + "\n", + "def _check_is_chained_assignment_possible(self):\n", + "\n", + "def _take(self, indices, axis=0, is_copy=True):\n", + "\n", + "def take(self, indices, axis=0, convert=None, is_copy=True, **kwargs):\n", + "\n", + "def xs(self, key, axis=0, level=None, drop_level=True):\n", + "\n", + "def select(self, crit, axis=0):\n", + "\n", + "def reindex_like(self, other, method=None, copy=True, limit=None,\n", + "\n", + "def _drop_axis(self, labels, axis, level=None, errors='raise'):\n", + "\n", + "def _update_inplace(self, result, verify_is_copy=True):\n", + "\n", + "def add_prefix(self, prefix):\n", + "\n", + "def add_suffix(self, suffix):\n", + "\n", + "def sort_values(self, by=None, axis=0, ascending=True, inplace=False,\n", + "\n", + "def sort_index(self, axis=0, level=None, ascending=True, inplace=False,\n", + "\n", + "def reindex(self, *args, **kwargs):\n", + "\n", + "def _reindex_axes(self, axes, level, limit, tolerance, method, fill_value,\n", + "\n", + "def _needs_reindex_multi(self, axes, method, level):\n", + "\n", + "def _reindex_with_indexers(self, reindexers, fill_value=None, copy=False,\n", + "\n", + "def filter(self, items=None, like=None, regex=None, axis=None):\n", + "\n", + " def f(x):\n", + "\n", + " def f(x):\n", + "\n", + "def sample(self, n=None, frac=None, replace=False, weights=None,\n", + "\n", + "def _dir_additions(self):\n", + "\n", + "def _protect_consolidate(self, f):\n", + "\n", + "def _consolidate_inplace(self):\n", + "\n", + " def f():\n", + "\n", + "def _consolidate(self, inplace=False):\n", + "\n", + "def _check_inplace_setting(self, value):\n", + "\n", + "def as_matrix(self, columns=None):\n", + "\n", + "def values(self):\n", + "\n", + "def get_ftype_counts(self):\n", + "\n", + "def dtypes(self):\n", + "\n", + "def ftypes(self):\n", + "\n", + "def as_blocks(self, copy=True):\n", + "\n", + "def _to_dict_of_blocks(self, copy=True):\n", + "\n", + "def astype(self, dtype, copy=True, errors='raise', **kwargs):\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def _convert(self, datetime=False, numeric=False, timedelta=False,\n", + "\n", + "def convert_objects(self, convert_dates=True, convert_numeric=False,\n", + "\n", + "def infer_objects(self):\n", + "\n", + "def fillna(self, value=None, method=None, axis=None, inplace=False,\n", + "\n", + "def interpolate(self, method='linear', axis=0, limit=None, inplace=False,\n", + "\n", + "def asof(self, where, subset=None):\n", + "\n", + "def clip(self, lower=None, upper=None, axis=None, inplace=False,\n", + "\n", + "def clip_upper(self, threshold, axis=None, inplace=False):\n", + "\n", + "def clip_lower(self, threshold, axis=None, inplace=False):\n", + "\n", + "def groupby(self, by=None, axis=0, level=None, as_index=True, sort=True,\n", + "\n", + "def asfreq(self, freq, method=None, how=None, normalize=False,\n", + "\n", + "def at_time(self, time, asof=False, axis=None):\n", + "\n", + "def between_time(self, start_time, end_time, include_start=True,\n", + "\n", + "def resample(self, rule, how=None, axis=0, fill_method=None, closed=None,\n", + "\n", + "def first(self, offset):\n", + "\n", + "def last(self, offset):\n", + "\n", + "def rank(self, axis=0, method='average', numeric_only=None,\n", + "\n", + " def ranker(data):\n", + "\n", + "def _where(self, cond, other=np.nan, inplace=False, axis=None, level=None,\n", + "\n", + "def slice_shift(self, periods=1, axis=0):\n", + "\n", + "def tshift(self, periods=1, freq=None, axis=0):\n", + "\n", + "def truncate(self, before=None, after=None, axis=None, copy=True):\n", + "\n", + "def tz_convert(self, tz, axis=0, level=None, copy=True):\n", + "\n", + " def _tz_convert(ax, tz):\n", + "\n", + "def tz_localize(self, tz, axis=0, level=None, copy=True,\n", + "\n", + " def _tz_localize(ax, tz, ambiguous, nonexistent):\n", + "\n", + "def describe(self, percentiles=None, include=None, exclude=None):\n", + "\n", + " def describe_numeric_1d(series):\n", + "\n", + " def describe_categorical_1d(data):\n", + "\n", + " def describe_1d(data):\n", + "\n", + "def _check_percentile(self, q):\n", + "\n", + "def _add_numeric_operations(cls):\n", + "\n", + " def mad(self, axis=None, skipna=None, level=None):\n", + "\n", + " def compound(self, axis=None, skipna=None, level=None):\n", + "\n", + "def _add_series_only_operations(cls):\n", + "\n", + " def nanptp(values, axis=0, skipna=True):\n", + "\n", + "def _add_series_or_dataframe_operations(cls):\n", + "\n", + " def rolling(self, window, min_periods=None, center=False,\n", + "\n", + " def expanding(self, min_periods=1, center=False, axis=0):\n", + "\n", + " def ewm(self, com=None, span=None, halflife=None, alpha=None,\n", + "\n", + "def _find_valid_index(self, how):\n", + "\n", + "def _reset_cache(self, key=None):\n", + "\n", + "def _try_aggregate_string_function(self, arg, *args, **kwargs):\n", + "\n", + "def _aggregate(self, arg, *args, **kwargs):\n", + "\n", + " def nested_renaming_depr(level=4):\n", + "\n", + " def _agg_1dim(name, how, subset=None):\n", + "\n", + " def _agg_2dim(name, how):\n", + "\n", + " def _agg(arg, func):\n", + "\n", + " def is_any_series():\n", + "\n", + " def is_any_frame():\n", + "\n", + "def _shallow_copy(self, obj=None, obj_type=None, **kwargs):\n", + "\n", + "def itemsize(self):\n", + "\n", + "def base(self):\n", + "\n", + "def array(self) -> ExtensionArray:\n", + "\n", + "def to_numpy(self, dtype=None, copy=False):\n", + "\n", + "def _ndarray_values(self) -> np.ndarray:\n", + "\n", + "def max(self, axis=None, skipna=True):\n", + "\n", + "def argmax(self, axis=None, skipna=True):\n", + "\n", + "def min(self, axis=None, skipna=True):\n", + "\n", + "def argmin(self, axis=None, skipna=True):\n", + "\n", + "def tolist(self):\n", + "\n", + "def _reduce(self, op, name, axis=0, skipna=True, numeric_only=None,\n", + "\n", + "def _map_values(self, mapper, na_action=None):\n", + "\n", + " def map_f(values, f):\n", + "\n", + "def value_counts(self, normalize=False, sort=True, ascending=False,\n", + "\n", + "def nunique(self, dropna=True):\n", + "\n", + "def memory_usage(self, deep=False):\n", + "\n", + "def _expand_user(filepath_or_buffer):\n", + "\n", + "def _stringify_path(filepath_or_buffer):\n", + "\n", + "def get_filepath_or_buffer(filepath_or_buffer, encoding=None,\n", + "\n", + "def _infer_compression(filepath_or_buffer, compression):\n", + "\n", + "def _get_handle(path_or_buf, mode, encoding=None, compression=None,\n", + "\n", + "def _td_array_cmp(cls, op):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def sequence_to_td64ns(data, copy=False, unit=\"ns\", errors=\"raise\"):\n", + "\n", + "def ints_to_td64ns(data, unit=\"ns\"):\n", + "\n", + "def objects_to_td64ns(data, unit=\"ns\", errors=\"raise\"):\n", + "\n", + "def _add_datetime_arraylike(self, other):\n", + "\n", + "def components(self):\n", + "\n", + " def f(x):\n", + "\n", + " def f(x):\n", + "\n", + "def register_writer(klass):\n", + "\n", + "def _excel2num(x):\n", + "\n", + "def _range2cols(areas):\n", + "\n", + "def _maybe_convert_usecols(usecols):\n", + "\n", + "def _fill_mi_header(row, control_row):\n", + "\n", + "def _pop_header_name(row, index_col):\n", + "\n", + "def _ensure_scope(level, global_dict=None, local_dict=None, resolvers=(),\n", + "\n", + "def _replacer(x):\n", + "\n", + "def _raw_hex_id(obj):\n", + "\n", + "def _get_pretty_string(obj):\n", + "\n", + "def resolve(self, key, is_local):\n", + "\n", + "def swapkey(self, old_key, new_key, new_value=None):\n", + "\n", + "def _get_vars(self, stack, scopes):\n", + "\n", + "def update(self, level):\n", + "\n", + "def add_tmp(self, value):\n", + "\n", + "def full_scope(self):\n", + "\n", + "def read_sas(filepath_or_buffer, format=None, index=None, encoding=None,\n", + "\n", + "def _coerce_method(converter):\n", + "\n", + " def wrapper(self):\n", + "\n", + "def _init_dict(self, data, index=None, dtype=None):\n", + "\n", + "def from_array(cls, arr, index=None, name=None, dtype=None, copy=False,\n", + "\n", + "def _set_axis(self, axis, labels, fastpath=False):\n", + "\n", + "def asobject(self):\n", + "\n", + "def compress(self, condition, *args, **kwargs):\n", + "\n", + "def nonzero(self):\n", + "\n", + "def view(self, dtype=None):\n", + "\n", + "def _ixs(self, i, axis=0):\n", + "\n", + "def repeat(self, repeats, axis=None):\n", + "\n", + "def reset_index(self, level=None, drop=False, name=None, inplace=False):\n", + "\n", + "def to_string(self, buf=None, na_rep='NaN', float_format=None, header=True,\n", + "\n", + "def to_dict(self, into=dict):\n", + "\n", + "def to_frame(self, name=None):\n", + "\n", + "def to_sparse(self, kind='block', fill_value=None):\n", + "\n", + "def _set_name(self, name, inplace=False):\n", + "\n", + "def count(self, level=None):\n", + "\n", + "def drop_duplicates(self, keep='first', inplace=False):\n", + "\n", + "def idxmin(self, axis=0, skipna=True, *args, **kwargs):\n", + "\n", + "def idxmax(self, axis=0, skipna=True, *args, **kwargs):\n", + "\n", + "def round(self, decimals=0, *args, **kwargs):\n", + "\n", + "def quantile(self, q=0.5, interpolation='linear'):\n", + "\n", + "def corr(self, other, method='pearson', min_periods=None):\n", + "\n", + "def cov(self, other, min_periods=None):\n", + "\n", + "def diff(self, periods=1):\n", + "\n", + "def dot(self, other):\n", + "\n", + "def append(self, to_append, ignore_index=False, verify_integrity=False):\n", + "\n", + "def _binop(self, other, func, level=None, fill_value=None):\n", + "\n", + "def combine(self, other, func, fill_value=None):\n", + "\n", + "def combine_first(self, other):\n", + "\n", + "def update(self, other):\n", + "\n", + "def sort_values(self, axis=0, ascending=True, inplace=False,\n", + "\n", + " def _try_kind_sort(arr):\n", + "\n", + "def sort_index(self, axis=0, level=None, ascending=True, inplace=False,\n", + "\n", + "def argsort(self, axis=0, kind='quicksort', order=None):\n", + "\n", + "def nlargest(self, n=5, keep='first'):\n", + "\n", + "def nsmallest(self, n=5, keep='first'):\n", + "\n", + "def swaplevel(self, i=-2, j=-1, copy=True):\n", + "\n", + "def reorder_levels(self, order):\n", + "\n", + "def map(self, arg, na_action=None):\n", + "\n", + "def apply(self, func, convert_dtype=True, args=(), **kwds):\n", + "\n", + " def f(x):\n", + "\n", + "def _reduce(self, op, name, axis=0, skipna=True, numeric_only=None,\n", + "\n", + "def rename(self, index=None, **kwargs):\n", + "\n", + "def reindex_axis(self, labels, axis=0, **kwargs):\n", + "\n", + "def memory_usage(self, index=True, deep=False):\n", + "\n", + "def isin(self, values):\n", + "\n", + "def between(self, left, right, inclusive=True):\n", + "\n", + "def from_csv(cls, path, sep=',', parse_dates=True, header=None,\n", + "\n", + "def dropna(self, axis=0, inplace=False, **kwargs):\n", + "\n", + "def valid(self, inplace=False, **kwargs):\n", + "\n", + "def to_timestamp(self, freq=None, how='start', copy=True):\n", + "\n", + "def to_period(self, freq=None, copy=True):\n", + "\n", + "def to_numeric(arg, errors='raise', downcast=None):\n", + "\n", + "def _get_fill(arr: ABCSparseArray) -> np.ndarray:\n", + "\n", + "def _wrap_result(name, data, sparse_index, fill_value, dtype=None):\n", + "\n", + "def _maybe_to_sparse(array):\n", + "\n", + "def _sanitize_values(arr):\n", + "\n", + "def make_sparse(arr, kind='block', fill_value=None, dtype=None, copy=False):\n", + "\n", + "def density(self):\n", + "\n", + "def fillna(self, value=None, method=None, limit=None):\n", + "\n", + "def _first_fill_value_loc(self):\n", + "\n", + "def value_counts(self, dropna=True):\n", + "\n", + "def astype(self, dtype=None, copy=True):\n", + "\n", + "def map(self, mapper):\n", + "\n", + "def all(self, axis=None, *args, **kwargs):\n", + "\n", + "def any(self, axis=0, *args, **kwargs):\n", + "\n", + "def sum(self, axis=0, *args, **kwargs):\n", + "\n", + "def cumsum(self, axis=0, *args, **kwargs):\n", + "\n", + "def mean(self, axis=0, *args, **kwargs):\n", + "\n", + "def tokenize_string(source):\n", + "\n", + "def _replace_booleans(tok):\n", + "\n", + "def _replace_locals(tok):\n", + "\n", + "def _clean_spaces_backtick_quoted_names(tok):\n", + "\n", + "def _preparse(source, f=_compose(_replace_locals, _replace_booleans,\n", + "\n", + "def _filter_nodes(superclass, all_nodes=_all_nodes):\n", + "\n", + "def _node_not_implemented(node_name, cls):\n", + "\n", + " def f(self, *args, **kwargs):\n", + "\n", + "def disallow(nodes):\n", + "\n", + " def disallowed(cls):\n", + "\n", + "def _op_maker(op_class, op_symbol):\n", + "\n", + " def f(self, node, *args, **kwargs):\n", + "\n", + "def add_ops(op_classes):\n", + "\n", + " def f(cls):\n", + "\n", + "def names(self):\n", + "\n", + "def _is_convertible_to_index(other):\n", + "\n", + "def timedelta_range(start=None, end=None, periods=None, freq=None,\n", + "\n", + "def union(self, other):\n", + "\n", + "def difference(self, other):\n", + "\n", + "def searchsorted(self, value, side=\"left\", sorter=None):\n", + "\n", + "def arrays_to_mgr(arrays, arr_names, index, columns, dtype=None):\n", + "\n", + "def masked_rec_array_to_mgr(data, index, columns, dtype, copy):\n", + "\n", + "def init_dict(data, index, columns, dtype=None):\n", + "\n", + "def to_arrays(data, columns, coerce_float=False, dtype=None):\n", + "\n", + "def sanitize_index(data, index, copy=False):\n", + "\n", + "def sanitize_array(data, index, dtype=None, copy=False,\n", + "\n", + "def _check_engine(engine):\n", + "\n", + "def _check_parser(parser):\n", + "\n", + "def eval(expr, parser='pandas', engine=None, truediv=True,\n", + "\n", + "def _codes_to_ints(self, codes):\n", + "\n", + "def from_arrays(cls, arrays, sortorder=None, names=None):\n", + "\n", + "def from_tuples(cls, tuples, sortorder=None, names=None):\n", + "\n", + "def from_product(cls, iterables, sortorder=None, names=None):\n", + "\n", + "def from_frame(cls, df, sortorder=None, names=None):\n", + "\n", + "def set_levels(self, levels, level=None, inplace=False,\n", + "\n", + "def set_codes(self, codes, level=None, inplace=False,\n", + "\n", + "def copy(self, names=None, dtype=None, levels=None, codes=None,\n", + "\n", + "def view(self, cls=None):\n", + "\n", + "def _is_memory_usage_qualified(self):\n", + "\n", + " def f(l):\n", + "\n", + "def _nbytes(self, deep=False):\n", + "\n", + "def _format_attrs(self):\n", + "\n", + "def _set_names(self, names, level=None, validate=True):\n", + "\n", + "def is_monotonic_increasing(self):\n", + "\n", + "def _hashed_indexing_key(self, key):\n", + "\n", + " def f(k, stringify):\n", + "\n", + "def _get_level_values(self, level, unique=False):\n", + "\n", + "def get_level_values(self, level):\n", + "\n", + "def to_frame(self, index=True, name=None):\n", + "\n", + "def to_hierarchical(self, n_repeat, n_shuffle=1):\n", + "\n", + "def _sort_levels_monotonic(self):\n", + "\n", + "def remove_unused_levels(self):\n", + "\n", + "def _assert_take_fillable(self, values, indices, allow_fill=True,\n", + "\n", + "def append(self, other):\n", + "\n", + "def drop(self, codes, level=None, errors='raise'):\n", + "\n", + "def swaplevel(self, i=-2, j=-1):\n", + "\n", + "def reorder_levels(self, order):\n", + "\n", + "def _get_codes_for_sorting(self):\n", + "\n", + " def cats(level_codes):\n", + "\n", + "def sortlevel(self, level=0, ascending=True, sort_remaining=True):\n", + "\n", + "def _convert_listlike_indexer(self, keyarr, kind=None):\n", + "\n", + "def reindex(self, target, method=None, level=None, limit=None,\n", + "\n", + "def slice_locs(self, start=None, end=None, step=None, kind=None):\n", + "\n", + "def get_loc(self, key, method=None):\n", + "\n", + " def _maybe_to_slice(loc):\n", + "\n", + "def get_loc_level(self, key, level=0, drop_level=True):\n", + "\n", + " def maybe_droplevels(indexer, levels, drop_level):\n", + "\n", + " def partial_selection(key, indexer=None):\n", + "\n", + "def get_locs(self, seq):\n", + "\n", + " def _convert_to_indexer(r):\n", + "\n", + " def _update_indexer(idxr, indexer=indexer):\n", + "\n", + "def truncate(self, before=None, after=None):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def equal_levels(self, other):\n", + "\n", + "def union(self, other, sort=None):\n", + "\n", + "def intersection(self, other, sort=False):\n", + "\n", + "def difference(self, other, sort=None):\n", + "\n", + "def insert(self, loc, item):\n", + "\n", + "def delete(self, loc):\n", + "\n", + "def _ensure_data(values, dtype=None):\n", + "\n", + "def _reconstruct_data(values, dtype, original):\n", + "\n", + "def _ensure_arraylike(values):\n", + "\n", + "def _get_hashtable_algo(values):\n", + "\n", + "def match(to_match, values, na_sentinel=-1):\n", + "\n", + "def unique(values):\n", + "\n", + "def isin(comps, values):\n", + "\n", + "def _factorize_array(values, na_sentinel=-1, size_hint=None,\n", + "\n", + "def value_counts(values, sort=True, ascending=False, normalize=False,\n", + "\n", + "def _value_counts_arraylike(values, dropna):\n", + "\n", + "def duplicated(values, keep='first'):\n", + "\n", + "def mode(values, dropna=True):\n", + "\n", + "def rank(values, axis=0, method='average', na_option='keep',\n", + "\n", + "def checked_add_with_arr(arr, b, arr_mask=None, b_mask=None):\n", + "\n", + "def quantile(x, q, interpolation_method='fraction'):\n", + "\n", + " def _interpolate(a, b, fraction):\n", + "\n", + " def _get_score(at):\n", + "\n", + "def take(arr, indices, axis=0, allow_fill=False, fill_value=None):\n", + "\n", + "def take_nd(arr, indexer, axis=0, out=None, fill_value=np.nan, mask_info=None,\n", + "\n", + "def take_2d_multi(arr, indexer, out=None, fill_value=np.nan, mask_info=None,\n", + "\n", + " def func(arr, indexer, out, fill_value=np.nan):\n", + "\n", + "def searchsorted(arr, value, side=\"left\", sorter=None):\n", + "\n", + "def diff(arr, n, axis=0):\n", + "\n", + "def _to_ijv(ss, row_levels=(0, ), column_levels=(1, ), sort_labels=False):\n", + "\n", + " def get_indexers(levels):\n", + "\n", + " def _get_label_to_i_dict(labels, sort_labels=False):\n", + "\n", + " def _get_index_subset_to_coord_dict(index, subset, sort_labels=False):\n", + "\n", + "def _sparse_series_to_coo(ss, row_levels=(0, ), column_levels=(1, ),\n", + "\n", + "def _coo_to_sparse_series(A, dense_index=False):\n", + "\n", + "def _to_M8(key, tz=None):\n", + "\n", + "def _dt_array_cmp(cls, op):\n", + "\n", + " def wrapper(self, other):\n", + "\n", + "def sequence_to_dt64ns(data, dtype=None, copy=False,\n", + "\n", + "def objects_to_datetime64ns(data, dayfirst, yearfirst,\n", + "\n", + "def maybe_convert_dtype(data, copy):\n", + "\n", + "def maybe_infer_tz(tz, inferred_tz):\n", + "\n", + "def _validate_dt64_dtype(dtype):\n", + "\n", + "def validate_tz_from_dtype(dtype, tz):\n", + "\n", + "def _infer_tz_from_endpoints(start, end, tz):\n", + "\n", + "def _maybe_localize_point(ts, is_none, is_not_none, freq, tz):\n", + "\n", + "def _sub_datetime_arraylike(self, other):\n", + "\n", + "def _add_delta(self, delta):\n", + "\n", + "def tz_convert(self, tz):\n", + "\n", + "def tz_localize(self, tz, ambiguous='raise', nonexistent='raise',\n", + "\n", + "def normalize(self):\n", + "\n", + "def to_period(self, freq=None):\n", + "\n", + "def to_perioddelta(self, freq):\n", + "\n", + "def month_name(self, locale=None):\n", + "\n", + "def time(self):\n", + "\n", + "def to_julian_date(self):\n", + "\n", + "def get_api_items(api_doc_fd):\n", + "\n", + "def get_validation_data(doc):\n", + "\n", + "def validate_one(func_name):\n", + "\n", + "def validate_all(prefix, ignore_deprecated=False):\n", + "\n", + "def _load_obj(name):\n", + "\n", + "def _to_original_callable(obj):\n", + "\n", + "def source_file_name(self):\n", + "\n", + "def method_returns_something(self):\n", + "\n", + " def get_returns_not_on_nested_functions(node):\n", + "\n", + "def _value_with_fmt(self, val):\n", + "\n", + "def check_extension(cls, ext):\n", + "\n", + "def parse(self,\n", + "\n", + "def _validate_where(w):\n", + "\n", + "def maybe_expression(s):\n", + "\n", + "def conform(self, rhs):\n", + "\n", + "def generate(self, v):\n", + "\n", + "def convert_value(self, v):\n", + "\n", + " def stringify(value):\n", + "\n", + "def invert(self):\n", + "\n", + "def evaluate(self):\n", + "\n", + "def tostring(self, encoding):\n", + "\n", + "def _ensure_decoded(s):\n", + "\n", + "def _result_type_many(*arrays_and_dtypes):\n", + "\n", + "def validate_argmin_with_skipna(skipna, args, kwargs):\n", + "\n", + "def validate_argmax_with_skipna(skipna, args, kwargs):\n", + "\n", + "def validate_argsort_with_ascending(ascending, args, kwargs):\n", + "\n", + "def validate_clip_with_axis(axis, args, kwargs):\n", + "\n", + "def validate_cum_func_with_skipna(skipna, args, kwargs, name):\n", + "\n", + "def validate_take_with_convert(convert, args, kwargs):\n", + "\n", + "def validate_groupby_func(name, args, kwargs, allowed=None):\n", + "\n", + "def validate_resampler_func(method, args, kwargs):\n", + "\n", + "def validate_minmax_axis(axis):\n", + "\n", + "def to_msgpack(path_or_buf, *args, **kwargs):\n", + "\n", + " def writer(fh):\n", + "\n", + "def read_msgpack(path_or_buf, encoding='utf-8', iterator=False, **kwargs):\n", + "\n", + " def read(fh):\n", + "\n", + "def dtype_for(t):\n", + "\n", + "def c2f(r, i, ctype_name):\n", + "\n", + "def convert(values):\n", + "\n", + "def encode(obj):\n", + "\n", + "def decode(obj):\n", + "\n", + " def create_block(b):\n", + "\n", + "def pack(o, default=encode,\n", + "\n", + "def unpack(packed, object_hook=decode,\n", + "\n", + "def read_json(path_or_buf=None, orient=None, typ='frame', dtype=None,\n", + "\n", + "def _format_axes(self):\n", + "\n", + "def _preprocess_data(self, data):\n", + "\n", + "def _get_data_from_filepath(self, filepath_or_buffer):\n", + "\n", + "def _combine_lines(self, lines):\n", + "\n", + "def read(self):\n", + "\n", + "def _get_object_parser(self, json):\n", + "\n", + "def check_keys_split(self, decoded):\n", + "\n", + "def _convert_axes(self):\n", + "\n", + "def _process_converter(self, f, filt=None):\n", + "\n", + "def format_array(values, formatter, float_format=None, na_rep='NaN',\n", + "\n", + "def format_percentiles(percentiles):\n", + "\n", + "def _get_format_timedelta64(values, nat_rep='NaT', box=False):\n", + "\n", + " def _formatter(x):\n", + "\n", + "def _trim_zeros_complex(str_complexes, na_rep='NaN'):\n", + "\n", + " def separate_and_trim(str_complex, na_rep):\n", + "\n", + "def _trim_zeros_float(str_floats, na_rep='NaN'):\n", + "\n", + " def _is_number(x):\n", + "\n", + " def _cond(values):\n", + "\n", + "def set_eng_float_format(accuracy=3, use_eng_prefix=False):\n", + "\n", + "def get_level_lengths(levels, sentinel=''):\n", + "\n", + "def buffer_put_lines(buf, lines):\n", + "\n", + "def len(self, text):\n", + "\n", + "def _to_str_columns(self):\n", + "\n", + "def to_string(self):\n", + "\n", + "def to_latex(self, column_format=None, longtable=False, encoding=None,\n", + "\n", + "def to_html(self, classes=None, notebook=False, border=None):\n", + "\n", + "def _value_formatter(self, float_format=None, threshold=None):\n", + "\n", + " def base_formatter(v):\n", + "\n", + " def base_formatter(v):\n", + "\n", + " def decimal_formatter(v):\n", + "\n", + " def formatter(value):\n", + "\n", + "def get_result_as_array(self):\n", + "\n", + " def format_values_with(float_format):\n", + "\n", + "def _format_strings(self):\n", + "\n", + "def _format_strings(self):\n", + "\n", + "def _get_interval_closed_bounds(interval):\n", + "\n", + "def _is_valid_endpoint(endpoint):\n", + "\n", + "def _is_type_compatible(a, b):\n", + "\n", + "def interval_range(start=None, end=None, periods=None, freq=None,\n", + "\n", + "def save(self):\n", + "\n", + "def delegate_names(delegate, accessors, typ, overwrite=False):\n", + "\n", + " def add_delegate_accessors(cls):\n", + "\n", + "def _dir_additions(self):\n", + "\n", + "def _add_delegate_accessors(cls, delegate, accessors, typ,\n", + "\n", + " def _create_delegator_property(name):\n", + "\n", + " def _getter(self):\n", + "\n", + " def _setter(self, new_values):\n", + "\n", + " def _create_delegator_method(name):\n", + "\n", + " def f(self, *args, **kwargs):\n", + "\n", + "def _evaluate_standard(op, op_str, a, b, **eval_kwargs):\n", + "\n", + "def _can_use_numexpr(op, op_str, a, b, dtype_check):\n", + "\n", + "def evaluate(op, op_str, a, b, use_numexpr=True,\n", + "\n", + "def where(cond, a, b, use_numexpr=True):\n", + "\n", + "def write(self, writer, sheet_name='Sheet1', startrow=0,\n", + "\n", + "def to_feather(df, path):\n", + "\n", + "def read_feather(path, columns=None, use_threads=True):\n", + "\n", + "def generate_regular_range(start, end, periods, freq):\n", + "\n", + "def _generate_range_overflow_safe(endpoint, periods, stride, side='start'):\n", + "\n", + "def _generate_range_overflow_safe_signed(endpoint, periods, stride, side):\n", + "\n", + "def set_locale(new_locale, lc_var=locale.LC_ALL):\n", + "\n", + "def can_set_locale(lc, lc_var=locale.LC_ALL):\n", + "\n", + "def _valid_locales(locales, normalize):\n", + "\n", + "def get_locales(prefix=None, normalize=True,\n", + "\n", + "def ensure_float(arr):\n", + "\n", + "def ensure_categorical(arr):\n", + "\n", + "def ensure_int64_or_float64(arr, copy=False):\n", + "\n", + "def classes_and_not_datetimelike(*klasses):\n", + "\n", + "def is_sparse(arr):\n", + "\n", + "def is_scipy_sparse(arr):\n", + "\n", + "def is_offsetlike(arr_or_obj):\n", + "\n", + "def is_period(arr):\n", + "\n", + "def is_string_dtype(arr_or_dtype):\n", + "\n", + " def condition(dtype):\n", + "\n", + "def is_period_arraylike(arr):\n", + "\n", + "def is_datetime_arraylike(arr):\n", + "\n", + "def is_datetimelike(arr):\n", + "\n", + "def is_dtype_equal(source, target):\n", + "\n", + "def is_dtype_union_equal(source, target):\n", + "\n", + "def is_datetime64_ns_dtype(arr_or_dtype):\n", + "\n", + "def is_numeric_v_string_like(a, b):\n", + "\n", + "def is_datetimelike_v_numeric(a, b):\n", + "\n", + " def is_numeric(x):\n", + "\n", + "def is_datetimelike_v_object(a, b):\n", + "\n", + "def needs_i8_conversion(arr_or_dtype):\n", + "\n", + "def is_bool_dtype(arr_or_dtype):\n", + "\n", + "def is_extension_type(arr):\n", + "\n", + "def is_extension_array_dtype(arr_or_dtype):\n", + "\n", + "def _is_dtype(arr_or_dtype, condition):\n", + "\n", + "def _get_dtype(arr_or_dtype):\n", + "\n", + "def _is_dtype_type(arr_or_dtype, condition):\n", + "\n", + "def infer_dtype_from_object(dtype):\n", + "\n", + "def _validate_date_like_dtype(dtype):\n", + "\n", + "def pandas_dtype(dtype):\n", + "\n", + "def _groupby_and_merge(by, on, left, right, _merge_pieces,\n", + "\n", + "def merge_ordered(left, right, on=None,\n", + "\n", + " def _merger(x, y):\n", + "\n", + "def merge_asof(left, right, on=None,\n", + "\n", + "def _restore_dropped_levels_multijoin(left, right, dropped_level_names,\n", + "\n", + " def _convert_to_mulitindex(index):\n", + "\n", + "def _maybe_restore_index_levels(self, result):\n", + "\n", + "def _get_join_indexers(self):\n", + "\n", + "def _create_join_index(self, index, other_index, indexer,\n", + "\n", + "def _get_merge_keys(self):\n", + "\n", + "def _get_join_indexers(self):\n", + "\n", + " def flip(xs):\n", + "\n", + "def is_dtype(cls, dtype):\n", + "\n", + "def cat_core(list_of_columns, sep):\n", + "\n", + "def str_count(arr, pat, flags=0):\n", + "\n", + "def str_contains(arr, pat, case=True, flags=0, na=np.nan, regex=True):\n", + "\n", + "def str_startswith(arr, pat, na=np.nan):\n", + "\n", + "def str_endswith(arr, pat, na=np.nan):\n", + "\n", + "def str_replace(arr, pat, repl, n=-1, case=None, flags=0, regex=True):\n", + "\n", + "def str_repeat(arr, repeats):\n", + "\n", + " def scalar_rep(x):\n", + "\n", + " def rep(x, r):\n", + "\n", + "def str_match(arr, pat, case=True, flags=0, na=np.nan):\n", + "\n", + "def _groups_or_na_fun(regex):\n", + "\n", + " def f(x):\n", + "\n", + "def _str_extract_noexpand(arr, pat, flags=0):\n", + "\n", + "def _str_extract_frame(arr, pat, flags=0):\n", + "\n", + "def str_extract(arr, pat, flags=0, expand=True):\n", + "\n", + "def str_extractall(arr, pat, flags=0):\n", + "\n", + "def str_get_dummies(arr, sep='|'):\n", + "\n", + "def str_findall(arr, pat, flags=0):\n", + "\n", + "def str_find(arr, sub, start=0, end=None, side='left'):\n", + "\n", + "def str_pad(arr, width, side='left', fillchar=' '):\n", + "\n", + "def str_slice(arr, start=None, stop=None, step=None):\n", + "\n", + "def str_slice_replace(arr, start=None, stop=None, repl=None):\n", + "\n", + " def f(x):\n", + "\n", + "def str_strip(arr, to_strip=None, side='both'):\n", + "\n", + "def str_wrap(arr, width, **kwargs):\n", + "\n", + "def str_get(arr, i):\n", + "\n", + " def f(x):\n", + "\n", + "def str_decode(arr, encoding, errors=\"strict\"):\n", + "\n", + "def str_encode(arr, encoding, errors=\"strict\"):\n", + "\n", + "def copy(source):\n", + "\n", + " def do_copy(target):\n", + "\n", + "def _get_series_list(self, others, ignore_index=False):\n", + "\n", + "def cat(self, others=None, sep=None, na_rep=None, join=None):\n", + "\n", + "def zfill(self, width):\n", + "\n", + "def normalize(self, form):\n", + "\n", + "def get_sys_info():\n", + "\n", + "def whitelist_method_generator(base, klass, whitelist):\n", + "\n", + "def %(name)s(self) :\n", + "\n", + "def _dispatch(name, *args, **kwargs):\n", + "\n", + " def outer(self, *args, **kwargs):\n", + "\n", + " def f(x):\n", + "\n", + "def _gotitem(self, key, ndim, subset=None):\n", + "\n", + "def to_str(s):\n", + "\n", + "def set_function_name(f, name, cls):\n", + "\n", + "def raise_with_traceback(exc, traceback=Ellipsis):\n", + "\n", + "def _convert_to_style(cls, style_dict):\n", + "\n", + "def _convert_to_style_kwargs(cls, style_dict):\n", + "\n", + "def _convert_to_color(cls, color_spec):\n", + "\n", + "def _convert_to_font(cls, font_dict):\n", + "\n", + "def _convert_to_fill(cls, fill_dict):\n", + "\n", + "def _convert_to_side(cls, side_spec):\n", + "\n", + "def _convert_to_border(cls, border_dict):\n", + "\n", + "def frame_apply(obj, func, axis=0, broadcast=None,\n", + "\n", + "def get_result(self):\n", + "\n", + "def apply_empty_result(self):\n", + "\n", + "def apply_raw(self):\n", + "\n", + "def wrap_results_for_axis(self):\n", + "\n", + "def wrap_results_for_axis(self):\n", + "\n", + "def infer_to_same_shape(self):\n", + "\n", + "def cartesian_product(X):\n", + "\n", + "def _strip_schema(url):\n", + "\n", + "def xception(c, k=8, n_middle=8):\n", + "\n", + "def get_model(self, opt_fn, emb_sz, n_hid, n_layers, **kwargs):\n", + "\n", + "def from_text_files(cls, path, field, train, validation, test=None, bs=64, bptt=70, **kwargs):\n", + "\n", + "def get_files(path:PathOrStr, extensions:Collection[str]=None, recurse:bool=False,\n", + "\n", + "def _databunch_load_empty(cls, path, fname:str='export.pkl'):\n", + "\n", + "def process(self, processor:PreProcessors=None):\n", + "\n", + "def process_one(self, item:ItemBase, processor:PreProcessors=None):\n", + "\n", + "def reconstruct(self, t:Tensor, x:Tensor=None):\n", + "\n", + "def new(self, items:Iterator, processor:PreProcessors=None, **kwargs)->'ItemList':\n", + "\n", + "def from_folder(cls, path:PathOrStr, extensions:Collection[str]=None, recurse:bool=True,\n", + "\n", + "def from_df(cls, df:DataFrame, path:PathOrStr='.', cols:IntsOrStrs=0, processor:PreProcessors=None, **kwargs)->'ItemList':\n", + "\n", + "def from_csv(cls, path:PathOrStr, csv_name:str, cols:IntsOrStrs=0, delimiter:str=None, header:str='infer',\n", + "\n", + "def use_partial_data(self, sample_pct:float=0.01, seed:int=None)->'ItemList':\n", + "\n", + "def to_text(self, fn:str):\n", + "\n", + "def filter_by_func(self, func:Callable)->'ItemList':\n", + "\n", + "def filter_by_folder(self, include=None, exclude=None):\n", + "\n", + " def _inner(o):\n", + "\n", + "def filter_by_rand(self, p:float, seed:int=None):\n", + "\n", + "def split_none(self):\n", + "\n", + "def split_by_list(self, train, valid):\n", + "\n", + "def split_by_idxs(self, train_idx, valid_idx):\n", + "\n", + "def split_by_idx(self, valid_idx:Collection[int])->'ItemLists':\n", + "\n", + "def split_by_folder(self, train:str='train', valid:str='valid')->'ItemLists':\n", + "\n", + "def split_by_rand_pct(self, valid_pct:float=0.2, seed:int=None)->'ItemLists':\n", + "\n", + "def split_subsets(self, train_size:float, valid_size:float, seed=None) -> 'ItemLists':\n", + "\n", + "def split_by_valid_func(self, func:Callable)->'ItemLists':\n", + "\n", + "def split_by_files(self, valid_names:'ItemList')->'ItemLists':\n", + "\n", + "def split_by_fname_file(self, fname:PathOrStr, path:PathOrStr=None)->'ItemLists':\n", + "\n", + "def split_from_df(self, col:IntsOrStrs=2):\n", + "\n", + "def get_label_cls(self, labels, label_cls:Callable=None, label_delim:str=None, **kwargs):\n", + "\n", + "def _label_from_list(self, labels:Iterator, label_cls:Callable=None, from_item_lists:bool=False, **kwargs)->'LabelList':\n", + "\n", + "def label_from_df(self, cols:IntsOrStrs=1, label_cls:Callable=None, **kwargs):\n", + "\n", + "def label_const(self, const:Any=0, label_cls:Callable=None, **kwargs)->'LabelList':\n", + "\n", + "def label_empty(self, **kwargs):\n", + "\n", + "def label_from_func(self, func:Callable, label_cls:Callable=None, **kwargs)->'LabelList':\n", + "\n", + "def label_from_folder(self, label_cls:Callable=None, **kwargs)->'LabelList':\n", + "\n", + "def label_from_re(self, pat:str, full_path:bool=False, label_cls:Callable=None, **kwargs)->'LabelList':\n", + "\n", + " def _inner(o):\n", + "\n", + "def generate_classes(self, items):\n", + "\n", + "def label_from_lists(self, train_labels:Iterator, valid_labels:Iterator, label_cls:Callable=None, **kwargs)->'LabelList':\n", + "\n", + "def transform(self, tfms:Optional[Tuple[TfmList,TfmList]]=(None,None), **kwargs):\n", + "\n", + "def transform_y(self, tfms:Optional[Tuple[TfmList,TfmList]]=(None,None), **kwargs):\n", + "\n", + "def get_processors(self):\n", + "\n", + "def process(self):\n", + "\n", + "def databunch(self, path:PathOrStr=None, bs:int=64, val_bs:int=None, num_workers:int=defaults.cpus,\n", + "\n", + "def load_state(cls, path:PathOrStr, state:dict):\n", + "\n", + "def load_empty(cls, path:PathOrStr, fn:PathOrStr='export.pkl'):\n", + "\n", + "def set_item(self,item):\n", + "\n", + "def to_df(self)->None:\n", + "\n", + "def to_csv(self, dest:str)->None:\n", + "\n", + "def get_state(self, **kwargs):\n", + "\n", + "def export(self, fn:PathOrStr, **kwargs):\n", + "\n", + "def load_empty(cls, path:PathOrStr, fn:PathOrStr):\n", + "\n", + "def load_state(cls, path:PathOrStr, state:dict) -> 'LabelList':\n", + "\n", + "def process(self, xp:PreProcessor=None, yp:PreProcessor=None, name:str=None):\n", + "\n", + "def transform(self, tfms:TfmList, tfm_y:bool=None, **kwargs):\n", + "\n", + "def transform_y(self, tfms:TfmList=None, **kwargs):\n", + "\n", + "def new(self, item_lists, processor:PreProcessor=None, **kwargs)->'ItemList':\n", + "\n", + "def parse_docstring(docstring):\n", + "\n", + "def get_env(name):\n", + "\n", + "def show_install(show_nvidia_smi:bool=False):\n", + "\n", + "def pypi_module_version_is_available(module, version):\n", + "\n", + "def check_perf():\n", + "\n", + "def annealing_linear(start:Number, end:Number, pct:float)->Number:\n", + "\n", + "def annealing_exp(start:Number, end:Number, pct:float)->Number:\n", + "\n", + "def annealing_cos(start:Number, end:Number, pct:float)->Number:\n", + "\n", + "def do_annealing_poly(start:Number, end:Number, pct:float, degree:Number)->Number:\n", + "\n", + "def create(cls, opt_func:Union[type,Callable], lr:Union[float,Tuple,List], layer_groups:ModuleList, wd:Floats=0., \n", + "\n", + "def new(self, layer_groups:Collection[nn.Module], split_no_wd:bool=True):\n", + "\n", + "def new_with_params(self, param_groups:Collection[Collection[nn.Parameter]]):\n", + "\n", + "def step(self)->None:\n", + "\n", + "def beta(self, val:float)->None:\n", + "\n", + "def wd(self, val:float)->None:\n", + "\n", + "def read_defaults(self)->None:\n", + "\n", + "def set_val(self, key:str, val:Any, bn_groups:bool=True)->Any:\n", + "\n", + "def read_val(self, key:str) -> Union[List[float],Tuple[List[float],List[float]]]:\n", + "\n", + "def get_state(self):\n", + "\n", + "def get_state(self, minimal:bool=True):\n", + "\n", + "def add_value(self, val:float)->None:\n", + "\n", + "def on_batch_end(self, last_output, last_target, **kwargs):\n", + "\n", + "def on_epoch_end(self, last_metrics, **kwargs):\n", + "\n", + "def step(self)->Number:\n", + "\n", + "def steps(self, *steps_cfg:StartOptEnd):\n", + "\n", + "def on_train_begin(self, n_epochs:int, epoch:int, **kwargs:Any)->None:\n", + "\n", + "def on_batch_end(self, train, **kwargs:Any)->None:\n", + "\n", + "def basic_critic(in_size:int, n_channels:int, n_features:int=64, n_extra_layers:int=0, **conv_kwargs):\n", + "\n", + "def basic_generator(in_size:int, n_channels:int, noise_sz:int=100, n_features:int=64, n_extra_layers=0, **conv_kwargs):\n", + "\n", + "def gan_loss_from_func(loss_gen, loss_crit, weights_gen:Tuple[float,float]=None):\n", + "\n", + " def _loss_G(fake_pred, output, target, weights_gen=weights_gen):\n", + "\n", + " def _loss_C(real_pred, fake_pred):\n", + "\n", + "def gan_critic(n_channels:int=3, nf:int=128, n_blocks:int=3, p:int=0.15):\n", + "\n", + "def accuracy_thresh_expand(y_pred:Tensor, y_true:Tensor, thresh:float=0.5, sigmoid:bool=True)->Rank0Tensor:\n", + "\n", + "def switch(self, gen_mode:bool=None):\n", + "\n", + "def generator(self, output, target):\n", + "\n", + "def critic(self, real_pred, input):\n", + "\n", + "def on_train_begin(self, **kwargs):\n", + "\n", + "def on_batch_begin(self, last_input, last_target, **kwargs):\n", + "\n", + "def on_backward_begin(self, last_loss, last_output, **kwargs):\n", + "\n", + "def on_epoch_end(self, pbar, epoch, last_metrics, **kwargs):\n", + "\n", + "def switch(self, gen_mode:bool=None):\n", + "\n", + "def on_batch_end(self, iteration, **kwargs):\n", + "\n", + "def from_learners(cls, learn_gen:Learner, learn_crit:Learner, switcher:Callback=None,\n", + "\n", + "def wgan(cls, data:DataBunch, generator:nn.Module, critic:nn.Module, switcher:Callback=None, clip:float=0.01, **learn_kwargs):\n", + "\n", + "def show_xys(self, xs, ys, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, **kwargs):\n", + "\n", + "def on_batch_begin(self, train, **kwargs):\n", + "\n", + "def on_step_end(self, **kwargs):\n", + "\n", + "def _get_sfs_idxs(sizes:Sizes) -> List[int]:\n", + "\n", + "def download_google_images(path:PathOrStr, search_term:str, size:str='>400*300', n_images:int=10, format:str='jpg',\n", + "\n", + "def _url_params(size:str='>400*300', format:str='jpg') -> str:\n", + "\n", + "def _search_url(search_term:str, size:str='>400*300', format:str='jpg') -> str:\n", + "\n", + "def _fetch_img_tuples(url:str, format:str='jpg', n_images:int=10) -> list:\n", + "\n", + "def _html_to_img_tuples(html:str, format:str='jpg', n_images:int=10) -> list: \n", + "\n", + "def _fetch_img_tuples_webdriver(url:str, format:str='jpg', n_images:int=150) -> list:\n", + "\n", + "def _download_images(label_path:PathOrStr, img_tuples:list, max_workers:int=defaults.cpus, timeout:int=4) -> FilePathList:\n", + "\n", + "def _download_single_image(label_path:Path, img_tuple:tuple, i:int, timeout:int=4) -> None:\n", + "\n", + "def _init_ui(self) -> VBox:\n", + "\n", + "def clear_imgs(self) -> None:\n", + "\n", + "def validate_search_input(self) -> bool:\n", + "\n", + "def on_download_button_click(self, btn) -> None:\n", + "\n", + "def display_images_widgets(self, fnames:list) -> None:\n", + "\n", + "def on_train_begin(self, pbar, **kwargs:Any)->None:\n", + "\n", + "def on_batch_end(self, iteration:int, smooth_loss:TensorOrNumber, **kwargs:Any)->None:\n", + "\n", + "def on_train_end(self, **kwargs:Any)->None:\n", + "\n", + "def dropout_mask(x, sz, dropout):\n", + "\n", + "def _setup(self):\n", + "\n", + "def _setweights(self):\n", + "\n", + "def load_data(path:PathOrStr, file:PathLikeOrBinaryStream='data_save.pkl', bs:int=64, val_bs:int=None, num_workers:int=defaults.cpus,\n", + "\n", + "def create(cls, train_ds:Dataset, valid_ds:Dataset, test_ds:Optional[Dataset]=None, path:PathOrStr='.', bs:int=64,\n", + "\n", + "def dl(self, ds_type:DatasetType=DatasetType.Valid)->DeviceDataLoader:\n", + "\n", + "def dls(self)->List[DeviceDataLoader]:\n", + "\n", + "def save(self, file:PathLikeOrBinaryStream= 'data_save.pkl')->None:\n", + "\n", + "def one_batch(self, ds_type:DatasetType=DatasetType.Train, detach:bool=True, denorm:bool=True, cpu:bool=True)->Collection[Tensor]:\n", + "\n", + "def one_item(self, item, detach:bool=False, denorm:bool=False, cpu:bool=False):\n", + "\n", + "def show_batch(self, rows:int=5, ds_type:DatasetType=DatasetType.Train, reverse:bool=False, **kwargs)->None:\n", + "\n", + "def export(self, file:PathLikeOrBinaryStream='export.pkl'):\n", + "\n", + "def sanity_check(self):\n", + "\n", + "def one_cycle_scheduler(lr_max:float, **kwargs:Any)->OneCycleScheduler:\n", + "\n", + "def fit_one_cycle(learn:Learner, cyc_len:int, max_lr:Union[Floats,slice]=defaults.lr,\n", + "\n", + "def lr_find(learn:Learner, start_lr:Floats=1e-7, end_lr:Floats=10, num_it:int=100, stop_div:bool=True, wd:float=None):\n", + "\n", + "def to_fp16(learn:Learner, loss_scale:float=None, max_noskip:int=1000, dynamic:bool=True, clip:float=None,\n", + "\n", + "def to_fp32(learn:Learner):\n", + "\n", + "def mixup(learn:Learner, alpha:float=0.4, stack_x:bool=False, stack_y:bool=True) -> Learner:\n", + "\n", + "def clip_grad(learn:Learner, clip:float=0.1)->Learner:\n", + "\n", + "def _learner_interpret(learn:Learner, ds_type:DatasetType=DatasetType.Valid):\n", + "\n", + "def on_epoch_end(self, n_epochs:int, last_metrics:MetricsList, **kwargs)->bool:\n", + "\n", + "def on_backward_end(self, **kwargs):\n", + "\n", + "def on_train_begin(self, **kwargs):\n", + "\n", + "def on_batch_begin(self, last_input, last_target, **kwargs):\n", + "\n", + "def on_backward_end(self, **kwargs):\n", + "\n", + "def on_epoch_end(self, **kwargs):\n", + "\n", + "def from_learner(cls, learn: Learner, ds_type:DatasetType=DatasetType.Valid):\n", + "\n", + "def confusion_matrix(self, slice_size:int=1):\n", + "\n", + "def plot_confusion_matrix(self, normalize:bool=False, title:str='Confusion matrix', cmap:Any=\"Blues\", slice_size:int=1,\n", + "\n", + "def most_confused(self, min_val:int=1, slice_size:int=1)->Collection[Tuple[str,str,int]]:\n", + "\n", + "def top_losses(self, k:int=None, largest=True):\n", + "\n", + "def fbeta(log_preds, targs, beta, thresh=0.5, epsilon=1e-8):\n", + "\n", + "def fbeta_np(preds, targs, beta, thresh=0.5, epsilon=1e-8):\n", + "\n", + "def main( gpu:Param(\"GPU to run on\", str)=None ):\n", + "\n", + "def cnn_config(arch):\n", + "\n", + "def create_body(arch:Callable, pretrained:bool=True, cut:Optional[Union[int, Callable]]=None):\n", + "\n", + "def create_head(nf:int, nc:int, lin_ftrs:Optional[Collection[int]]=None, ps:Floats=0.5,\n", + "\n", + "def create_cnn_model(base_arch:Callable, nc:int, cut:Union[int,Callable]=None, pretrained:bool=True,\n", + "\n", + "def cnn_learner(data:DataBunch, base_arch:Callable, cut:Union[int,Callable]=None, pretrained:bool=True,\n", + "\n", + "def unet_learner(data:DataBunch, arch:Callable, pretrained:bool=True, blur_final:bool=True,\n", + "\n", + "def _cl_int_from_learner(cls, learn:Learner, ds_type:DatasetType=DatasetType.Valid, tta=False):\n", + "\n", + "def _cl_int_plot_top_losses(self, k, largest=True, figsize=(12,12), heatmap:bool=True, heatmap_thresh:int=16,\n", + "\n", + "def _cl_int_plot_multi_top_losses(self, samples:int=3, figsize:Tuple[int,int]=(8,8), save_misclassified:bool=False):\n", + "\n", + "def from_toplosses(cls, learn, n_imgs=None, **kwargs):\n", + "\n", + "def get_toplosses_idxs(cls, learn, n_imgs, **kwargs):\n", + "\n", + "def padded_ds(ll_input, size=(250, 300), resize_method=ResizeMethod.CROP, padding_mode='zeros', **kwargs):\n", + "\n", + "def from_similars(cls, learn, layer_ls:list=[0, 7, 2], **kwargs):\n", + "\n", + "def get_similars_idxs(cls, learn, layer_ls, **kwargs):\n", + "\n", + "def get_actns(learn, hook:Hook, dl:DataLoader, pool=AdaptiveConcatPool2d, pool_dim:int=4, **kwargs):\n", + "\n", + "def comb_similarity(t1: torch.Tensor, t2: torch.Tensor, **kwargs):\n", + "\n", + "def largest_indices(arr, n):\n", + "\n", + "def sort_idxs(cls, similarities):\n", + "\n", + "def make_img_widget(cls, img, layout=Layout(), format='jpg'):\n", + "\n", + "def make_button_widget(cls, label, file_path=None, handler=None, style=None, layout=Layout(width='auto')):\n", + "\n", + "def make_dropdown_widget(cls, description='Description', options=['Label 1', 'Label 2'], value='Label 1',\n", + "\n", + "def make_horizontal_box(cls, children, layout=Layout()):\n", + "\n", + "def make_vertical_box(cls, children, layout=Layout(), duplicates=False):\n", + "\n", + "def create_image_list(self, dataset, fns_idxs):\n", + "\n", + "def relabel(self, change):\n", + "\n", + "def next_batch(self, _):\n", + "\n", + "def on_delete(self, btn):\n", + "\n", + "def get_widgets(self, duplicates):\n", + "\n", + "def batch_contains_deleted(self):\n", + "\n", + "def render(self):\n", + "\n", + "def _line_shift(x:Tensor, mask:bool=False):\n", + "\n", + "def tfmer_lm_split(model:nn.Module) -> List[nn.Module]:\n", + "\n", + "def tfmer_clas_split(model:nn.Module) -> List[nn.Module]:\n", + "\n", + "def tfmerXL_lm_split(model:nn.Module) -> List[nn.Module]:\n", + "\n", + "def reset(self):\n", + "\n", + "def make_report(self, outcome):\n", + "\n", + "def batchnorm_to_fp32(module):\n", + "\n", + "def copy_model_to_fp32(m, optim):\n", + "\n", + "def setup_coverage(config, kernel, floc, output_loc=None):\n", + "\n", + "def teardown_coverage(config, kernel, output_loc=None):\n", + "\n", + "def get_cov(config):\n", + "\n", + "def _make_suffix(cov):\n", + "\n", + "def _merge_nbval_coverage_data(cov):\n", + "\n", + "def chunks(l:Collection, n:int)->Iterable:\n", + "\n", + "def to_int(b:Any)->Union[int,List[int]]:\n", + "\n", + "def is1d(a:Collection)->bool:\n", + "\n", + "def uniqueify(x:Series, sort:bool=False)->List:\n", + "\n", + "def find_classes(folder:Path)->FilePathList:\n", + "\n", + "def arrays_split(mask:NPArrayMask, *arrs:NPArrayableList)->SplitArrayList:\n", + "\n", + "def random_split(valid_pct:float, *arrs:NPArrayableList)->SplitArrayList:\n", + "\n", + "def listify(p:OptListOrItem=None, q:OptListOrItem=None):\n", + "\n", + "def camel2snake(name:str)->str:\n", + "\n", + "def even_mults(start:float, stop:float, n:int)->np.ndarray:\n", + "\n", + "def extract_kwargs(names:Collection[str], kwargs:KWArgs):\n", + "\n", + "def partition(a:Collection, sz:int)->List[Collection]:\n", + "\n", + "def partition_by_cores(a:Collection, n_cpus:int)->List[Collection]:\n", + "\n", + "def series2cat(df:DataFrame, *col_names):\n", + "\n", + "def download_url(url:str, dest:str, overwrite:bool=False, pbar:ProgressBar=None,\n", + "\n", + "def join_path(fname:PathOrStr, path:PathOrStr='.')->Path:\n", + "\n", + "def join_paths(fnames:FilePathList, path:PathOrStr='.')->Collection[Path]:\n", + "\n", + "def loadtxt_str(path:PathOrStr)->np.ndarray:\n", + "\n", + "def save_texts(fname:PathOrStr, texts:Collection[str]):\n", + "\n", + "def df_names_to_idx(names:IntsOrStrs, df:DataFrame):\n", + "\n", + "def one_hot(x:Collection[int], c:int):\n", + "\n", + "def index_row(a:Union[Collection,pd.DataFrame,pd.Series], idxs:Collection[int])->Any:\n", + "\n", + "def func_args(func)->bool:\n", + "\n", + "def split_kwargs_by_func(kwargs, func):\n", + "\n", + "def array(a, dtype:type=None, **kwargs)->np.ndarray:\n", + "\n", + "def text2html_table(items:Collection[Collection[str]])->str:\n", + "\n", + "def parallel(func, arr:Collection, max_workers:int=None):\n", + "\n", + "def subplots(rows:int, cols:int, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, title=None, **kwargs):\n", + "\n", + "def show_some(items:Collection, n_max:int=5, sep:str=','):\n", + "\n", + "def get_tmp_file(dir=None):\n", + "\n", + "def compose(funcs:List[Callable])->Callable:\n", + "\n", + " def compose_(funcs, x, *args, **kwargs):\n", + "\n", + "def show(self, ax:plt.Axes, **kwargs):\n", + "\n", + "def init_params(net):\n", + "\n", + "def conv_bn_lrelu(ni:int, nf:int, ks:int=3, stride:int=1)->nn.Sequential:\n", + "\n", + "def make_group_layer(self, ch_in:int, num_blocks:int, stride:int=1):\n", + "\n", + "def collab_learner(data, n_factors:int=None, use_nn:bool=False, emb_szs:Dict[str,int]=None, layers:Collection[int]=None, \n", + "\n", + "def from_df(cls, ratings:DataFrame, valid_pct:float=0.2, user_name:Optional[str]=None, item_name:Optional[str]=None,\n", + "\n", + "def get_idx(self, arr:Collection, is_item:bool=True):\n", + "\n", + "def bias(self, arr:Collection, is_item:bool=True):\n", + "\n", + "def weight(self, arr:Collection, is_item:bool=True):\n", + "\n", + "def draw_tree(t, df, size=10, ratio=0.6, precision=0):\n", + "\n", + "def get_sample(df,n):\n", + "\n", + "def add_datepart(df, fldname, drop=True, time=False, errors=\"raise\"):\t\n", + "\n", + "def train_cats(df):\n", + "\n", + "def apply_cats(df, trn):\n", + "\n", + "def fix_missing(df, col, name, na_dict):\n", + "\n", + "def numericalize(df, col, name, max_n_cat):\n", + "\n", + "def proc_df(df, y_fld=None, skip_flds=None, ignore_flds=None, do_scale=False, na_dict=None,\n", + "\n", + "def set_rf_samples(n):\n", + "\n", + "def reset_rf_samples():\n", + "\n", + "def get_global_vars(mod):\n", + "\n", + "def execute_nb(fname, metadata=None, save=True, show_doc_only=False):\n", + "\n", + "def create_module_page(mod, dest_path, force=False):\n", + "\n", + "def get_module_names(path_dir, exclude=None):\n", + "\n", + "def read_nb(fname):\n", + "\n", + "def read_nb_content(cells, mod_name):\n", + "\n", + "def link_markdown_cells(cells, modules):\n", + "\n", + "def get_insert_idx(pos_dict, name):\n", + "\n", + "def update_pos(pos_dict, start_key, nbr=2):\n", + "\n", + "def insert_cells(cells, pos_dict, ft_name, append=False):\n", + "\n", + "def update_nb_metadata(nb_path=None, title=None, summary=None, keywords='fastai', overwrite=True, **kwargs):\n", + "\n", + "def get_imported_modules(cells, nb_module_name=''):\n", + "\n", + "def update_module_page(mod, dest_path='.'):\n", + "\n", + "def update_notebooks(source_path, dest_path=None, update_html=True, document_new_fns=False,\n", + "\n", + "def dropout_mask(x:Tensor, sz:Collection[int], p:float):\n", + "\n", + "def awd_lstm_lm_split(model:nn.Module) -> List[nn.Module]:\n", + "\n", + "def value2rgba(x:float, cmap:Callable=cm.RdYlGn, alpha_mult:float=1.0)->Tuple:\n", + "\n", + "def _setweights(self):\n", + "\n", + "def _one_hidden(self, l:int)->Tensor:\n", + "\n", + "def reset(self):\n", + "\n", + "def intrinsic_attention(self, text:str, class_id:int=None):\n", + "\n", + "def show_top_losses(self, k:int, max_len:int=70)->None:\n", + "\n", + "def on_train_begin(self, epoch:int, **kwargs:Any)->None:\n", + "\n", + "def on_batch_end(self, train, **kwargs:Any)->None:\n", + "\n", + "def tensor(x:Any, *rest)->Tensor:\n", + "\n", + "def to_detach(b:Tensors, cpu:bool=True):\n", + "\n", + "def to_data(b:ItemsList):\n", + "\n", + "def to_cpu(b:ItemsList):\n", + "\n", + "def to_half(b:Collection[Tensor])->Collection[Tensor]:\n", + "\n", + "def to_float(b:Collection[Tensor])->Collection[Tensor]:\n", + "\n", + "def to_device(b:Tensors, device:torch.device):\n", + "\n", + "def data_collate(batch:ItemsList)->Tensor:\n", + "\n", + "def requires_grad(m:nn.Module, b:Optional[bool]=None)->Optional[bool]:\n", + "\n", + "def trainable_params(m:nn.Module)->ParamList:\n", + "\n", + "def children_and_parameters(m:nn.Module):\n", + "\n", + "def split_model_idx(model:nn.Module, idxs:Collection[int])->ModuleList:\n", + "\n", + "def split_model(model:nn.Module=None, splits:Collection[Union[nn.Module,ModuleList]]=None):\n", + "\n", + "def split_no_wd_params(layer_groups:Collection[nn.Module])->List[List[nn.Parameter]]:\n", + "\n", + "def set_bn_eval(m:nn.Module)->None:\n", + "\n", + "def bn2float(module:nn.Module)->nn.Module:\n", + "\n", + "def init_default(m:nn.Module, func:LayerFunc=nn.init.kaiming_normal_)->None:\n", + "\n", + "def cond_init(m:nn.Module, init_func:LayerFunc):\n", + "\n", + "def apply_init(m, init_func:LayerFunc):\n", + "\n", + "def in_channels(m:nn.Module) -> List[int]:\n", + "\n", + "def model_type(dtype):\n", + "\n", + "def np2model_tensor(a):\n", + "\n", + "def _pca(x, k=2):\n", + "\n", + "def grab_idx(x,i,batch_first:bool=True):\n", + "\n", + "def logit_(x:Tensor)->Tensor:\n", + "\n", + "def uniform(low:Number, high:Number=None, size:Optional[List[int]]=None)->FloatOrTensor:\n", + "\n", + "def log_uniform(low, high, size:Optional[List[int]]=None)->FloatOrTensor:\n", + "\n", + "def rand_bool(p:float, size:Optional[List[int]]=None)->BoolOrTensor:\n", + "\n", + "def uniform_int(low:int, high:int, size:Optional[List[int]]=None)->IntOrTensor:\n", + "\n", + "def try_int(o:Any)->Any:\n", + "\n", + "def get_model(model:nn.Module):\n", + "\n", + "def flatten_check(out:Tensor, targ:Tensor) -> Tensor:\n", + "\n", + "def remove_module_load(state_dict):\n", + "\n", + "def add_metrics(last_metrics:Collection[Rank0Tensor], mets:Union[Rank0Tensor, Collection[Rank0Tensor]]):\n", + "\n", + "def map(self, fn, *iterables, timeout=None, chunksize=1, prefetch=None):\n", + "\n", + " def result_iterator():\n", + "\n", + "def gen_ascii_docs(src='fastai'):\n", + "\n", + "def _get_new_batch(self, ds_type:DatasetType)->Collection[Tensor]:\n", + "\n", + "def _update_batches_if_needed(self)->None:\n", + "\n", + "def _write_model_stats(self, iteration:int)->None:\n", + "\n", + "def _write_training_loss(self, iteration:int, last_loss:Tensor)->None:\n", + "\n", + "def _write_weight_histograms(self, iteration:int)->None:\n", + "\n", + "def _write_scalar(self, name:str, scalar_value, iteration:int)->None:\n", + "\n", + "def _write_metrics(self, iteration:int, last_metrics:MetricsList, start_idx:int=2)->None:\n", + "\n", + "def on_batch_end(self, last_loss:Tensor, iteration:int, **kwargs)->None:\n", + "\n", + "def on_backward_end(self, iteration:int, **kwargs)->None:\n", + "\n", + "def on_epoch_end(self, last_metrics:MetricsList, iteration:int, **kwargs)->None:\n", + "\n", + "def _write_weight_histograms(self, iteration:int)->None:\n", + "\n", + "def _write_gen_model_stats(self, iteration:int)->None:\n", + "\n", + "def _write_critic_model_stats(self, iteration:int)->None:\n", + "\n", + "def _write_model_stats(self, iteration:int)->None:\n", + "\n", + "def _write_training_loss(self, iteration:int, last_loss:Tensor)->None:\n", + "\n", + "def _write_images(self, iteration:int)->None:\n", + "\n", + "def on_batch_end(self, iteration:int, **kwargs)->None:\n", + "\n", + "def on_backward_end(self, iteration:int, **kwargs)->None:\n", + "\n", + "def _write_images(self, iteration:int)->None:\n", + "\n", + "def request_write(self, request: TBWriteRequest)->None:\n", + "\n", + "def _queue_processor(self)->None:\n", + "\n", + "def get_list_from_model(learn:Learner, ds_type:DatasetType, batch:Tuple)->[]:\n", + "\n", + "def _write_histogram(self, param_name:str, values)->None:\n", + "\n", + "def write(self)->None:\n", + "\n", + "def write(self, model:nn.Module, iteration:int, tbwriter:SummaryWriter, name:str='model')->None:\n", + "\n", + "def _add_gradient_scalar(self, name:str, scalar_value)->None:\n", + "\n", + "def _write_avg_norm(self, norms:[])->None:\n", + "\n", + "def _write_median_norm(self, norms:[])->None:\n", + "\n", + "def _write_max_norm(self, norms:[])->None:\n", + "\n", + "def _write_min_norm(self, norms:[])->None:\n", + "\n", + "def _write_num_zeros(self)->None:\n", + "\n", + "def _write_avg_gradient(self)->None:\n", + "\n", + "def _write_median_gradient(self)->None:\n", + "\n", + "def _write_max_gradient(self)->None:\n", + "\n", + "def _write_min_gradient(self)->None:\n", + "\n", + "def write(self)->None:\n", + "\n", + "def _write_images(self, name:str, images:[Tensor])->None:\n", + "\n", + "def _get_image_tensors(self)->([Tensor], [Tensor], [Tensor]):\n", + "\n", + "def write(self)->None:\n", + "\n", + "def write(self, learn:Learner, trn_batch:Tuple, val_batch:Tuple, iteration:int, tbwriter:SummaryWriter)->None:\n", + "\n", + "def _write_for_dstype(self, learn:Learner, batch:Tuple, iteration:int, tbwriter:SummaryWriter, ds_type:DatasetType)->None:\n", + "\n", + "def write(self)->None:\n", + "\n", + "def write(self, model:nn.Module, tbwriter:SummaryWriter, input_to_model:torch.Tensor)->None:\n", + "\n", + "def fix_batchnorm(swa_model, train_dl):\n", + "\n", + "def repackage_var(h):\n", + "\n", + "def get_language_model(n_tok, emb_sz, n_hid, n_layers, pad_token,\n", + "\n", + "def forward(self, input):\n", + "\n", + "def replace_rep(t:str) -> str:\n", + "\n", + " def _replace_rep(m:Collection[str]) -> str:\n", + "\n", + "def replace_wrep(t:str) -> str:\n", + "\n", + " def _replace_wrep(m:Collection[str]) -> str:\n", + "\n", + "def fix_html(x:str) -> str:\n", + "\n", + "def replace_all_caps(x:Collection[str]) -> Collection[str]:\n", + "\n", + "def deal_caps(x:Collection[str]) -> Collection[str]:\n", + "\n", + "def process_text(self, t:str, tok:BaseTokenizer) -> List[str]:\n", + "\n", + "def _process_all_1(self, texts:Collection[str]) -> List[List[str]]:\n", + "\n", + "def process_all(self, texts:Collection[str]) -> List[List[str]]:\n", + "\n", + "def numericalize(self, t:Collection[str]) -> List[int]:\n", + "\n", + "def textify(self, nums:Collection[int], sep=' ') -> List[str]:\n", + "\n", + "def create(cls, tokens:Tokens, max_vocab:int, min_freq:int) -> 'Vocab':\n", + "\n", + "def load(cls, path):\n", + "\n", + "def plot_loss(self, n_skip=10, n_skip_end=5):\n", + "\n", + "def plot_lr(self):\n", + "\n", + "def plot(self, n_skip=10, n_skip_end=5):\n", + "\n", + "def plot_lr(self, show_text=True, show_moms=True):\n", + "\n", + "def on_batch_end(self, last_loss, epoch, num_batch, **kwargs:Any)->None:\n", + "\n", + "def on_train_begin(self, **kwargs:Any)->None:\n", + "\n", + "def get_monitor_value(self):\n", + "\n", + "def on_epoch_end(self, epoch:int, **kwargs:Any)->None:\n", + "\n", + "def on_train_end(self, **kwargs):\n", + "\n", + "def on_train_begin(self, **kwargs:Any)->None:\n", + "\n", + "def on_epoch_end(self, epoch, **kwargs:Any)->None:\n", + "\n", + "def convert_nb(fname, dest_path='.'):\n", + "\n", + "def convert_all(folder, dest_path='.', force_all=False):\n", + "\n", + "def pad_collate(samples:BatchSamples, pad_idx:int=1, pad_first:bool=True, backwards:bool=False) -> Tuple[LongTensor, LongTensor]:\n", + "\n", + "def open_text(fn:PathOrStr, enc='utf-8'):\n", + "\n", + "def allocate_buffers(self):\n", + "\n", + "def fill_row(self, forward, items, idx, row, ro, ri, overlap,lengths):\n", + "\n", + "def from_ids(cls, path:PathOrStr, vocab:Vocab, train_ids:Collection[Collection[int]], valid_ids:Collection[Collection[int]],\n", + "\n", + "def load(cls, path:PathOrStr, cache_name:PathOrStr='tmp', processor:PreProcessor=None, **kwargs):\n", + "\n", + "def from_tokens(cls, path:PathOrStr, trn_tok:Collection[Collection[str]], trn_lbls:Collection[Union[int,float]],\n", + "\n", + "def from_df(cls, path:PathOrStr, train_df:DataFrame, valid_df:DataFrame, test_df:Optional[DataFrame]=None,\n", + "\n", + "def from_csv(cls, path:PathOrStr, csv_name, valid_pct:float=0.2, test:Optional[str]=None,\n", + "\n", + "def from_folder(cls, path:PathOrStr, train:str='train', valid:str='valid', test:Optional[str]=None,\n", + "\n", + "def create(cls, train_ds, valid_ds, test_ds=None, path:PathOrStr='.', no_check:bool=False, bs=64, val_bs:int=None,\n", + "\n", + "def create(cls, train_ds, valid_ds, test_ds=None, path:PathOrStr='.', bs:int=32, val_bs:int=None, pad_idx=1,\n", + "\n", + "def label_for_lm(self, **kwargs):\n", + "\n", + "def from_folder(cls, path:PathOrStr='.', extensions:Collection[str]=text_extensions, vocab:Vocab=None,\n", + "\n", + "def show_xys(self, xs, ys, max_len:int=70)->None:\n", + "\n", + "def inceptionv4(pretrained=True):\n", + "\n", + "def predict_array(self, arr):\n", + "\n", + "def main( gpu:Param(\"GPU to run on\", str)=None ):\n", + "\n", + "def initialize_options(self):\n", + "\n", + "def run(self):\n", + "\n", + "def get_sfs_idxs(sfs, last=True):\n", + "\n", + "def hook_output (module:nn.Module, detach:bool=True, grad:bool=False)->Hook:\n", + "\n", + "def hook_outputs(modules:Collection[nn.Module], detach:bool=True, grad:bool=False)->Hooks:\n", + "\n", + "def dummy_batch(m: nn.Module, size:tuple=(64,64))->Tensor:\n", + "\n", + "def dummy_eval(m:nn.Module, size:tuple=(64,64)):\n", + "\n", + "def model_sizes(m:nn.Module, size:tuple=(64,64))->Tuple[Sizes,Tensor,Hooks]:\n", + "\n", + "def num_features_model(m:nn.Module)->int:\n", + "\n", + "def params_size(m: Union[nn.Module,Learner], size: tuple = (3, 64, 64))->Tuple[Sizes, Tensor, Hooks]:\n", + "\n", + "def model_summary(m:Learner, n:int=70):\n", + "\n", + "def hook_fn(self, module:nn.Module, input:Tensors, output:Tensors):\n", + "\n", + "def remove(self):\n", + "\n", + "def on_train_begin(self, **kwargs):\n", + "\n", + "def hook(self, m:nn.Module, i:Tensors, o:Tensors)->Tuple[Rank0Tensor,Rank0Tensor]:\n", + "\n", + "def on_batch_end(self, train, **kwargs):\n", + "\n", + "def plots_from_files(imspaths, figsize=(10,5), rows=1, titles=None, maintitle=None):\n", + "\n", + "def plot_val_with_title(self, idxs, y):\n", + "\n", + "def most_by_mask(self, mask, y, mult):\n", + "\n", + "def most_uncertain_by_mask(self, mask, y):\n", + "\n", + "def most_by_correct(self, y, is_correct):\n", + "\n", + "def plot_by_correct(self, y, is_correct):\n", + "\n", + "def most_by_uncertain(self, y):\n", + "\n", + "def on_train_begin(self, **kwargs):\n", + "\n", + "def on_epoch_begin(self, **kwargs):\n", + "\n", + "def on_batch_end(self, last_target, train, **kwargs):\n", + "\n", + "def on_epoch_end(self, last_metrics, **kwargs):\n", + "\n", + "def on_train_begin(self, **kwargs):\n", + "\n", + "def on_batch_end(self, last_input, last_output, **kwargs):\n", + "\n", + "def on_epoch_end(self, last_metrics, **kwargs):\n", + "\n", + "def on_train_begin(self, **kwargs: Any) -> None:\n", + "\n", + "def on_epoch_end(self, epoch: int, smooth_loss: Tensor, last_metrics: MetricsList, **kwargs: Any) -> bool:\n", + "\n", + "def get_master(layer_groups:ModuleList, flat_master:bool=False) -> Tuple[List[List[Tensor]], List[List[Tensor]]]:\n", + "\n", + "def model_g2master_g(model_params:Sequence[Tensor], master_params:Sequence[Tensor], flat_master:bool=False)->None:\n", + "\n", + "def master2model(model_params:Sequence[Tensor], master_params:Sequence[Tensor], flat_master:bool=False)->None:\n", + "\n", + "def on_train_begin(self, **kwargs:Any)->None:\n", + "\n", + "def on_backward_begin(self, last_loss:Rank0Tensor, **kwargs:Any) -> Rank0Tensor:\n", + "\n", + "def on_backward_end(self, **kwargs:Any)->None:\n", + "\n", + "def on_step_end(self, **kwargs:Any)->None:\n", + "\n", + "def scale_min(im, targ, interpolation=cv2.INTER_AREA):\n", + "\n", + "def zoom_cv(x,z):\n", + "\n", + "def stretch_cv(x,sr,sc,interpolation=cv2.INTER_AREA):\n", + "\n", + "def dihedral(x, dih):\n", + "\n", + "def lighting(im, b, c):\n", + "\n", + "def no_crop(im, min_sz=None, interpolation=cv2.INTER_AREA):\n", + "\n", + "def center_crop(im, min_sz=None):\n", + "\n", + "def googlenet_resize(im, targ, min_area_frac, min_aspect_ratio, max_aspect_ratio, flip_hw_p, interpolation=cv2.INTER_AREA):\n", + "\n", + "def cutout(im, n_holes, length):\n", + "\n", + "def scale_to(x, ratio, targ): \n", + "\n", + "def crop(im, r, c, sz): \n", + "\n", + "def to_bb(YY, y=\"deprecated\"):\n", + "\n", + "def coords2px(y, x):\n", + "\n", + "def compose(im, y, fns):\n", + "\n", + "def image_gen(normalizer, denorm, sz, tfms=None, max_zoom=None, pad=0, crop_type=None,\n", + "\n", + "def tfms_from_stats(stats, sz, aug_tfms=None, max_zoom=None, pad=0, crop_type=CropType.RANDOM,\n", + "\n", + "def tfms_from_model(f_model, sz, aug_tfms=None, max_zoom=None, pad=0, crop_type=CropType.RANDOM,\n", + "\n", + "def get_image_files(c:PathOrStr, check_ext:bool=True, recurse=False)->FilePathList:\n", + "\n", + "def get_annotations(fname, prefix=None):\n", + "\n", + "def bb_pad_collate(samples:BatchSamples, pad_idx:int=0) -> Tuple[FloatTensor, Tuple[LongTensor, LongTensor]]:\n", + "\n", + "def normalize(x:TensorImage, mean:FloatTensor,std:FloatTensor)->TensorImage:\n", + "\n", + "def denormalize(x:TensorImage, mean:FloatTensor,std:FloatTensor, do_x:bool=True)->TensorImage:\n", + "\n", + "def _normalize_batch(b:Tuple[Tensor,Tensor], mean:FloatTensor, std:FloatTensor, do_x:bool=True, do_y:bool=False)->Tuple[Tensor,Tensor]:\n", + "\n", + "def normalize_funcs(mean:FloatTensor, std:FloatTensor, do_x:bool=True, do_y:bool=False)->Tuple[Callable,Callable]:\n", + "\n", + "def channel_view(x:Tensor)->Tensor:\n", + "\n", + "def download_images(urls:Collection[str], dest:PathOrStr, max_pics:int=1000, max_workers:int=8, timeout=4):\n", + "\n", + "def resize_to(img, targ_sz:int, use_min:bool=False):\n", + "\n", + "def verify_image(file:Path, idx:int, delete:bool, max_size:Union[int,Tuple[int,int]]=None, dest:Path=None, n_channels:int=3,\n", + "\n", + "def verify_images(path:PathOrStr, delete:bool=True, max_workers:int=4, max_size:Union[int]=None, recurse:bool=False,\n", + "\n", + "def _ll_pre_transform(self, train_tfm:List[Callable], valid_tfm:List[Callable]):\n", + "\n", + "def _db_pre_transform(self, train_tfm:List[Callable], valid_tfm:List[Callable]):\n", + "\n", + "def _presize(self, size:int, val_xtra_size:int=32, scale:Tuple[float]=(0.08, 1.0), ratio:Tuple[float]=(0.75, 4./3.),\n", + "\n", + "def create_from_ll(cls, lls:LabelLists, bs:int=64, val_bs:int=None, ds_tfms:Optional[TfmList]=None,\n", + "\n", + "def from_folder(cls, path:PathOrStr, train:PathOrStr='train', valid:PathOrStr='valid',\n", + "\n", + "def from_df(cls, path:PathOrStr, df:pd.DataFrame, folder:PathOrStr=None, label_delim:str=None, valid_pct:float=0.2,\n", + "\n", + "def from_csv(cls, path:PathOrStr, folder:PathOrStr=None, label_delim:str=None, csv_labels:PathOrStr='labels.csv',\n", + "\n", + "def from_lists(cls, path:PathOrStr, fnames:FilePathList, labels:Collection[str], valid_pct:float=0.2,\n", + "\n", + "def from_name_func(cls, path:PathOrStr, fnames:FilePathList, label_func:Callable, valid_pct:float=0.2, **kwargs):\n", + "\n", + "def from_name_re(cls, path:PathOrStr, fnames:FilePathList, pat:str, valid_pct:float=0.2, **kwargs):\n", + "\n", + " def _get_label(fn):\n", + "\n", + "def single_from_classes(path:Union[Path, str], classes:Collection[str], ds_tfms:TfmList=None, **kwargs):\n", + "\n", + "def batch_stats(self, funcs:Collection[Callable]=None, ds_type:DatasetType=DatasetType.Train)->Tensor:\n", + "\n", + "def normalize(self, stats:Collection[Tensor]=None, do_x:bool=True, do_y:bool=False)->None:\n", + "\n", + "def open(self, fn):\n", + "\n", + "def from_folder(cls, path:PathOrStr='.', extensions:Collection[str]=None, **kwargs)->ItemList:\n", + "\n", + "def from_df(cls, df:DataFrame, path:PathOrStr, cols:IntsOrStrs=0, folder:PathOrStr=None, suffix:str='', **kwargs)->'ItemList':\n", + "\n", + "def from_csv(cls, path:PathOrStr, csv_name:str, header:str='infer', **kwargs)->'ItemList':\n", + "\n", + "def show_xys(self, xs, ys, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, **kwargs):\n", + "\n", + "def show_xyzs(self, xs, ys, zs, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, **kwargs):\n", + "\n", + "def generate_classes(self, items):\n", + "\n", + "def show_xys(self, xs, ys, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, **kwargs):\n", + "\n", + "def show_xyzs(self, xs, ys, zs, imgsize:int=4, figsize:Optional[Tuple[int,int]]=None, **kwargs):\n", + "\n", + "def gpu_mem_get(id=None):\n", + "\n", + "def gpu_with_max_free_mem():\n", + "\n", + "def gpu_mem_trace(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def reduce_mem_usage(df):\n", + "\n", + "def _get_ctx(self, subctx=None):\n", + "\n", + "def _learner_distributed(learn:Learner, cuda_id:int, cache_dir:PathOrStr='tmp'):\n", + "\n", + "def xresnet18(pretrained=False, **kwargs):\n", + "\n", + "def xresnet50_2(pretrained=False, **kwargs):\n", + "\n", + "def loss_batch(model:nn.Module, xb:Tensor, yb:Tensor, loss_func:OptLossFunc=None, opt:OptOptimizer=None,\n", + "\n", + "def get_preds(model:nn.Module, dl:DataLoader, pbar:Optional[PBar]=None, cb_handler:Optional[CallbackHandler]=None,\n", + "\n", + "def validate(model:nn.Module, dl:DataLoader, loss_func:OptLossFunc=None, cb_handler:Optional[CallbackHandler]=None,\n", + "\n", + "def train_epoch(model:nn.Module, dl:DataLoader, opt:optim.Optimizer, loss_func:LossFunction)->None:\n", + "\n", + "def fit(epochs:int, learn:BasicLearner, callbacks:Optional[CallbackList]=None, metrics:OptMetrics=None)->None:\n", + "\n", + "def load_learner(path:PathOrStr, file:PathLikeOrBinaryStream='export.pkl', test:ItemList=None, **db_kwargs):\n", + "\n", + "def on_train_begin(self, pbar:PBar, metrics_names:Collection[str], **kwargs:Any)->None:\n", + "\n", + "def on_batch_begin(self, train, **kwargs:Any)->None:\n", + "\n", + "def on_backward_begin(self, smooth_loss:Tensor, **kwargs:Any)->None:\n", + "\n", + "def on_epoch_end(self, epoch:int, num_batch:int, smooth_loss:Tensor,\n", + "\n", + "def format_stats(self, stats:TensorOrNumList)->None:\n", + "\n", + "def add_metric_names(self, names):\n", + "\n", + "def plot_lr(self, show_moms=False, skip_start:int=0, skip_end:int=0, return_fig:bool=None)->Optional[plt.Figure]:\n", + "\n", + "def plot(self, skip_start:int=10, skip_end:int=5, suggestion:bool=False, return_fig:bool=None,\n", + "\n", + "def plot_losses(self, skip_start:int=0, skip_end:int=0, return_fig:bool=None)->Optional[plt.Figure]:\n", + "\n", + "def plot_metrics(self, skip_start:int=0, skip_end:int=0, return_fig:bool=None)->Optional[plt.Figure]:\n", + "\n", + "def anno_parser(func):\n", + "\n", + "def call_parse(func):\n", + "\n", + "def call_plac(f):\n", + "\n", + "def numericalize_tok(tokens, max_vocab=50000, min_freq=0, unk_tok=\"_unk_\", pad_tok=\"_pad_\", bos_tok=\"_bos_\", eos_tok=\"_eos_\"):\n", + "\n", + "def reset(self):\n", + "\n", + "def start_new_kernel(startup_timeout=60, kernel_name='python', **kwargs):\n", + "\n", + "def get_kernel_spec(self, kernel_name):\n", + "\n", + "def get_message(self, stream, timeout=None):\n", + "\n", + "def execute_cell_input(self, cell_input, allow_stdin=None):\n", + "\n", + "def await_reply(self, msg_id, timeout=None):\n", + "\n", + "def await_idle(self, parent_id, timeout):\n", + "\n", + "def stop(self):\n", + "\n", + "def get_cv_idxs(n, cv_idx=0, val_pct=0.2, seed=42):\n", + "\n", + "def resize_img(fname, targ, path, new_path, fn=None):\n", + "\n", + "def resize_imgs(fnames, targ, path, new_path, resume=True, fn=None):\n", + "\n", + " def safely_process(fname):\n", + "\n", + "def read_dir(path, folder):\n", + "\n", + "def read_dirs(path, folder):\n", + "\n", + "def n_hot(ids, c):\n", + "\n", + "def folder_source(path, folder):\n", + "\n", + "def parse_csv_labels(fn, skip_header=True, cat_separator = ' '):\n", + "\n", + "def isdicom(fn):\n", + "\n", + "def open_image(fn):\n", + "\n", + "def split_by_idx(idxs, *a):\n", + "\n", + "def resize_imgs(self, targ, new_path, resume=True, fn=None):\n", + "\n", + "def denorm(self,arr):\n", + "\n", + "def resized(self, dl, targ, new_path, resume = True, fn=None):\n", + "\n", + "def resize(self, targ_sz, new_path='tmp', resume=True, fn=None):\n", + "\n", + "def from_arrays(cls, path, trn, val, bs=64, tfms=(None,None), classes=None, num_workers=4, test=None, continuous=False):\n", + "\n", + "def from_paths(cls, path, bs=64, tfms=(None,None), trn_name='train', val_name='valid', test_name=None, test_with_labels=False, num_workers=8):\n", + "\n", + "def from_csv(cls, path, folder, csv_fname, bs=64, tfms=(None,None),\n", + "\n", + "def from_path_and_array(cls, path, folder, y, classes=None, val_idxs=None, test_name=None,\n", + "\n", + "def is_in_ipython():\n", + "\n", + "def get_ref_free_exc_info():\n", + "\n", + "def gpu_mem_restore(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def fit(model, data, n_epochs, opt, crit, metrics=None, callbacks=None, stepper=Stepper,\n", + "\n", + "def validate_next(stepper, metrics, val_iter):\n", + "\n", + "def link_type(arg_type, arg_name=None, include_bt:bool=True):\n", + "\n", + "def belongs_to_module(t, module_name):\n", + "\n", + "def format_param(p):\n", + "\n", + "def format_ft_def(func, full_name:str=None)->str:\n", + "\n", + "def get_enum_doc(elt, full_name:str)->str:\n", + "\n", + "def get_cls_doc(elt, full_name:str)->str:\n", + "\n", + "def show_doc(elt, doc_string:bool=True, full_name:str=None, arg_comments:dict=None, title_level=None, alt_doc_string:str='',\n", + "\n", + "def doc(elt):\n", + "\n", + "def format_docstring(elt, arg_comments:dict={}, alt_doc_string:str='', ignore_warn:bool=False)->str:\n", + "\n", + "def link_docstring(modules, docstring:str, overwrite:bool=False)->str:\n", + "\n", + "def find_elt(modvars, keyword, match_last=False):\n", + "\n", + "def import_mod(mod_name:str, ignore_errors=False):\n", + "\n", + "def show_doc_from_name(mod_name, ft_name:str, doc_string:bool=True, arg_comments:dict={}, alt_doc_string:str=''):\n", + "\n", + "def get_ft_names(mod, include_inner=False)->List[str]:\n", + "\n", + "def get_inner_fts(elt)->List[str]:\n", + "\n", + "def get_module_toc(mod_name):\n", + "\n", + "def get_fn_link(ft)->str:\n", + "\n", + "def get_pytorch_link(ft)->str:\n", + "\n", + "def get_source_link(file, line, display_text=\"[source]\", **kwargs)->str:\n", + "\n", + "def get_function_source(ft, **kwargs)->str:\n", + "\n", + "def find_comment_markers(cellsource):\n", + "\n", + "def coalesce_streams(outputs):\n", + "\n", + "def transform_streams_for_comparison(outputs):\n", + "\n", + "def _trim_base64(s):\n", + "\n", + "def _indent(s, indent=' '):\n", + "\n", + "def setup(self):\n", + "\n", + "def setup_sanitize_files(self):\n", + "\n", + "def get_sanitize_files(self):\n", + "\n", + "def get_kernel_message(self, timeout=None, stream='iopub'):\n", + "\n", + "def collect(self):\n", + "\n", + "def repr_failure(self, excinfo):\n", + "\n", + "def format_output_compare(self, key, left, right):\n", + "\n", + "def sanitize(self, s):\n", + "\n", + "def _tta_only(learn:Learner, ds_type:DatasetType=DatasetType.Valid, scale:float=1.35) -> Iterator[List[Tensor]]:\n", + "\n", + "def _TTA(learn:Learner, beta:float=0.4, scale:float=1.35, ds_type:DatasetType=DatasetType.Valid, with_loss:bool=False) -> Tensors:\n", + "\n", + "def fbeta(y_pred:Tensor, y_true:Tensor, thresh:float=0.2, beta:float=2, eps:float=1e-9, sigmoid:bool=True)->Rank0Tensor:\n", + "\n", + "def accuracy(input:Tensor, targs:Tensor)->Rank0Tensor:\n", + "\n", + "def accuracy_thresh(y_pred:Tensor, y_true:Tensor, thresh:float=0.5, sigmoid:bool=True)->Rank0Tensor:\n", + "\n", + "def top_k_accuracy(input:Tensor, targs:Tensor, k:int=5)->Rank0Tensor:\n", + "\n", + "def dice(input:Tensor, targs:Tensor, iou:bool=False)->Rank0Tensor:\n", + "\n", + "def exp_rmspe(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def mean_absolute_error(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def mean_squared_error(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def root_mean_squared_error(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def mean_squared_logarithmic_error(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def explained_variance(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def r2_score(pred:Tensor, targ:Tensor)->Rank0Tensor:\n", + "\n", + "def auc_roc_score(input:Tensor, targ:Tensor):\n", + "\n", + "def roc_curve(input:Tensor, targ:Tensor):\n", + "\n", + "def A(*a):\n", + "\n", + "def T(a, half=False, cuda=True):\n", + "\n", + "def V_(x, requires_grad=False, volatile=False):\n", + "\n", + "def V(x, requires_grad=False, volatile=False):\n", + "\n", + "def to_np(v):\n", + "\n", + "def to_gpu(x, *args, **kwargs):\n", + "\n", + "def split_by_idxs(seq, idxs):\n", + "\n", + "def partition(a, sz): \n", + "\n", + "def chunk_iter(iterable, chunk_size):\n", + "\n", + "def _brightness(x, change:uniform):\n", + "\n", + "def _rotate(degrees:uniform):\n", + "\n", + "def _get_zoom_mat(sw:float, sh:float, c:float, r:float)->AffineMatrix:\n", + "\n", + "def _zoom(scale:uniform=1.0, row_pct:uniform=0.5, col_pct:uniform=0.5):\n", + "\n", + "def _squish(scale:uniform=1.0, row_pct:uniform=0.5, col_pct:uniform=0.5):\n", + "\n", + "def _jitter(c, magnitude:uniform):\n", + "\n", + "def _flip_lr(x):\n", + "\n", + "def _dihedral(x, k:partial(uniform_int,0,7)):\n", + "\n", + "def _dihedral_affine(k:partial(uniform_int,0,7)):\n", + "\n", + "def _pad_default(x, padding:int, mode='reflection'):\n", + "\n", + "def _cutout(x, n_holes:uniform_int=1, length:uniform_int=40):\n", + "\n", + "def _rgb_randomize(x, channel:int=None, thresh:float=0.3):\n", + "\n", + "def _crop_default(x, size, row_pct:uniform=0.5, col_pct:uniform=0.5):\n", + "\n", + "def _crop_pad_default(x, size, padding_mode='reflection', row_pct:uniform = 0.5, col_pct:uniform = 0.5):\n", + "\n", + "def rand_pad(padding:int, size:int, mode:str='reflection'):\n", + "\n", + "def rand_zoom(scale:uniform=1.0, p:float=1.):\n", + "\n", + "def rand_crop(*args, padding_mode='reflection', p:float=1.):\n", + "\n", + "def zoom_crop(scale:float, do_rand:bool=False, p:float=1.0):\n", + "\n", + "def _find_coeffs(orig_pts:Points, targ_pts:Points)->Tensor:\n", + "\n", + "def _apply_perspective(coords:FlowField, coeffs:Points)->FlowField:\n", + "\n", + "def _do_perspective_warp(c:FlowField, targ_pts:Points, invert=False):\n", + "\n", + "def _perspective_warp(c, magnitude:partial(uniform,size=8)=0, invert=False):\n", + "\n", + "def _symmetric_warp(c, magnitude:partial(uniform,size=4)=0, invert=False):\n", + "\n", + "def _tilt(c, direction:uniform_int, magnitude:uniform=0, invert=False):\n", + "\n", + "def get_transforms(do_flip:bool=True, flip_vert:bool=False, max_rotate:float=10., max_zoom:float=1.1,\n", + "\n", + "def _compute_zs_mat(sz:TensorImageSize, scale:float, squish:float,\n", + "\n", + "def rand_resize_crop(size:int, max_scale:float=2., ratios:Tuple[float,float]=(0.75,1.33)):\n", + "\n", + "def adjust_learning_rate(optimizer, epoch, gammas, schedule):\n", + "\n", + "def fit_gen(self, model, data, layer_opt, n_cycle, cycle_len=None, cycle_mult=1, cycle_save_name=None, best_save_name=None,\n", + "\n", + "def get_layer_opt(self, lrs, wds):\n", + "\n", + "def fit(self, lrs, n_cycle, wds=None, **kwargs):\n", + "\n", + "def lr_find(self, start_lr=1e-5, end_lr=10, wds=None, linear=False, **kwargs):\n", + "\n", + "def lr_find2(self, start_lr=1e-5, end_lr=10, num_it = 100, wds=None, linear=False, stop_dv=True, **kwargs):\n", + "\n", + "def predict_array(self, arr):\n", + "\n", + "def TTA(self, n_aug=4, is_test=False):\n", + "\n", + "def fit_opt_sched(self, phases, cycle_save_name=None, best_save_name=None, stop_div=False, data_list=None, callbacks=None, \n", + "\n", + "def on_loss_begin(self, last_output:Tuple[Tensor,Tensor,Tensor], **kwargs):\n", + "\n", + "def on_backward_begin(self, last_loss:Rank0Tensor, last_input:Tensor, **kwargs):\n", + "\n", + "def convert_weights(wgts:Weights, stoi_wgts:Dict[str,int], itos_new:Collection[str]) -> Weights:\n", + "\n", + "def get_language_model(arch:Callable, vocab_sz:int, config:dict=None, drop_mult:float=1.):\n", + "\n", + "def language_model_learner(data:DataBunch, arch, config:dict=None, drop_mult:float=1., pretrained:bool=True,\n", + "\n", + "def get_text_classifier(arch:Callable, vocab_sz:int, n_class:int, bptt:int=70, max_len:int=20*70, config:dict=None, \n", + "\n", + "def text_classifier_learner(data:DataBunch, arch:Callable, bptt:int=70, max_len:int=70*20, config:dict=None, \n", + "\n", + "def save_encoder(self, name:str):\n", + "\n", + "def load_encoder(self, name:str, device:torch.device=None):\n", + "\n", + "def load_pretrained(self, wgts_fname:str, itos_fname:str, strict:bool=True):\n", + "\n", + "def get_preds(self, ds_type:DatasetType=DatasetType.Valid, with_loss:bool=False, n_batch:Optional[int]=None, pbar:Optional[PBar]=None,\n", + "\n", + "def predict(self, text:str, n_words:int=1, no_unk:bool=True, temperature:float=1., min_p:float=None, sep:str=' ',\n", + "\n", + "def beam_search(self, text:str, n_words:int, no_unk:bool=True, top_k:int=10, beam_sz:int=1000, temperature:float=1.,\n", + "\n", + "def show_results(self, ds_type=DatasetType.Valid, rows:int=5, max_len:int=20):\n", + "\n", + "def concat(self, arrs:Collection[Tensor])->Tensor:\n", + "\n", + "def batchnorm_2d(nf:int, norm_type:NormType=NormType.Batch):\n", + "\n", + "def bn_drop_lin(n_in:int, n_out:int, bn:bool=True, p:float=0., actn:Optional[nn.Module]=None):\n", + "\n", + "def conv1d(ni:int, no:int, ks:int=1, stride:int=1, padding:int=0, bias:bool=False):\n", + "\n", + "def conv2d(ni:int, nf:int, ks:int=3, stride:int=1, padding:int=None, bias=False, init:LayerFunc=nn.init.kaiming_normal_) -> nn.Conv2d:\n", + "\n", + "def conv2d_trans(ni:int, nf:int, ks:int=2, stride:int=2, padding:int=0, bias=False) -> nn.ConvTranspose2d:\n", + "\n", + "def relu(inplace:bool=False, leaky:float=None):\n", + "\n", + "def conv_layer(ni:int, nf:int, ks:int=3, stride:int=1, padding:int=None, bias:bool=None, is_1d:bool=False,\n", + "\n", + "def res_block(nf, dense:bool=False, norm_type:Optional[NormType]=NormType.Batch, bottle:bool=False, **conv_kwargs):\n", + "\n", + "def sigmoid_range(x, low, high):\n", + "\n", + "def icnr(x, scale=2, init=nn.init.kaiming_normal_):\n", + "\n", + "def CrossEntropyFlat(*args, axis:int=-1, **kwargs):\n", + "\n", + "def BCEWithLogitsFlat(*args, axis:int=-1, floatify:bool=True, **kwargs):\n", + "\n", + "def BCEFlat(*args, axis:int=-1, floatify:bool=True, **kwargs):\n", + "\n", + "def MSELossFlat(*args, axis:int=-1, floatify:bool=True, **kwargs):\n", + "\n", + "def simple_cnn(actns:Collection[int], kernel_szs:Collection[int]=None,\n", + "\n", + "def trunc_normal_(x:Tensor, mean:float=0., std:float=1.) -> Tensor:\n", + "\n", + "def embedding(ni:int,nf:int) -> nn.Module:\n", + "\n", + "def on_train_begin(self, **kwargs: Any) -> None:\n", + "\n", + "def on_epoch_end(self, epoch, **kwargs:Any)->None:\n", + "\n", + "def on_train_end(self, **kwargs: Any) -> None: \n", + "\n", + "def pil2tensor(image:Union[NPImage,NPArray],dtype:np.dtype)->TensorImage:\n", + "\n", + "def image2np(image:Tensor)->np.ndarray:\n", + "\n", + "def bb2hw(a:Collection[int])->np.ndarray:\n", + "\n", + "def tis2hw(size:Union[int,TensorImageSize]) -> Tuple[int,int]:\n", + "\n", + "def _draw_outline(o:Patch, lw:int):\n", + "\n", + "def _draw_rect(ax:plt.Axes, b:Collection[int], color:str='white', text=None, text_size=14):\n", + "\n", + "def open_image(fn:PathOrStr, div:bool=True, convert_mode:str='RGB', cls:type=Image,\n", + "\n", + "def open_mask(fn:PathOrStr, div=False, convert_mode='L', after_open:Callable=None)->ImageSegment:\n", + "\n", + "def open_mask_rle(mask_rle:str, shape:Tuple[int, int])->ImageSegment:\n", + "\n", + "def rle_encode(img:NPArrayMask)->str:\n", + "\n", + "def rle_decode(mask_rle:str, shape:Tuple[int,int])->NPArrayMask:\n", + "\n", + "def show_image(img:Image, ax:plt.Axes=None, figsize:tuple=(3,3), hide_axis:bool=True, cmap:str='binary',\n", + "\n", + "def scale_flow(flow, to_unit=True):\n", + "\n", + "def _grid_sample(x:TensorImage, coords:FlowField, mode:str='bilinear', padding_mode:str='reflection', remove_out:bool=True)->TensorImage:\n", + "\n", + "def _affine_mult(c:FlowField,m:AffineMatrix)->FlowField:\n", + "\n", + "def _affine_inv_mult(c, m):\n", + "\n", + "def _round_multiple(x:int, mult:int=None)->int:\n", + "\n", + "def _get_crop_target(target_px:Union[int,TensorImageSize], mult:int=None)->Tuple[int,int]:\n", + "\n", + "def _get_resize_target(img, crop_target, do_crop=False)->TensorImageSize:\n", + "\n", + "def plot_flat(r, c, figsize):\n", + "\n", + "def plot_multi(func:Callable[[int,int,plt.Axes],None], r:int=1, c:int=1, figsize:Tuple=(12,6)):\n", + "\n", + "def show_multi(func:Callable[[int,int],Image], r:int=1, c:int=1, figsize:Tuple=(9,9)):\n", + "\n", + "def show_all(imgs:Collection[Image], r:int=1, c:Optional[int]=None, figsize=(12,6)):\n", + "\n", + "def apply_tfms(self, tfms:TfmList, do_resolve:bool=True, xtra:Optional[Dict[Callable,dict]]=None,\n", + "\n", + "def refresh(self)->None:\n", + "\n", + "def save(self, fn:PathOrStr):\n", + "\n", + "def flow(self)->FlowField:\n", + "\n", + "def lighting(self, func:LightingFunc, *args:Any, **kwargs:Any):\n", + "\n", + "def pixel(self, func:PixelFunc, *args, **kwargs)->'Image':\n", + "\n", + "def coord(self, func:CoordFunc, *args, **kwargs)->'Image':\n", + "\n", + "def affine(self, func:AffineFunc, *args, **kwargs)->'Image':\n", + "\n", + "def resize(self, size:Union[int,TensorImageSize])->'Image':\n", + "\n", + "def affine_mat(self)->AffineMatrix:\n", + "\n", + "def logit_px(self)->LogitTensorImage:\n", + "\n", + "def show(self, ax:plt.Axes=None, figsize:tuple=(3,3), title:Optional[str]=None, hide_axis:bool=True,\n", + "\n", + "def show(self, ax:plt.Axes=None, figsize:tuple=(3,3), title:Optional[str]=None, hide_axis:bool=True,\n", + "\n", + "def clone(self):\n", + "\n", + "def flow(self)->FlowField:\n", + "\n", + "def coord(self, func:CoordFunc, *args, **kwargs)->'ImagePoints':\n", + "\n", + "def pixel(self, func:PixelFunc, *args, **kwargs)->'ImagePoints':\n", + "\n", + "def resize(self, size:Union[int,TensorImageSize]) -> 'ImagePoints':\n", + "\n", + "def data(self)->Tensor:\n", + "\n", + "def show(self, ax:plt.Axes=None, figsize:tuple=(3,3), title:Optional[str]=None, hide_axis:bool=True, **kwargs):\n", + "\n", + "def clone(self) -> 'ImageBBox':\n", + "\n", + "def create(cls, h:int, w:int, bboxes:Collection[Collection[int]], labels:Collection=None, classes:dict=None,\n", + "\n", + "def show(self, y:Image=None, ax:plt.Axes=None, figsize:tuple=(3,3), title:Optional[str]=None, hide_axis:bool=True,\n", + "\n", + "def calc(self, x:Image, *args:Any, **kwargs:Any)->Image:\n", + "\n", + "def url2path(url, data=True, ext:str='.tgz'):\n", + "\n", + "def modelpath4file(filename, ext:str='.tgz'):\n", + "\n", + "def datapath4file(filename, ext:str='.tgz', archive=True):\n", + "\n", + "def download_data(url:str, fname:PathOrStr=None, data:bool=True, ext:str='.tgz') -> Path:\n", + "\n", + "def untar_data(url:str, fname:PathOrStr=None, dest:PathOrStr=None, data=True, force_download=False) -> Path:\n", + "\n", + "def get_key(cls, key):\n", + "\n", + "def get(cls, fpath=None, create_missing=True):\n", + "\n", + "def create(cls, fpath):\n", + "\n", + "def on_batch_begin(self, last_input, last_target, train, **kwargs):\n", + "\n", + "def make_date(df:DataFrame, date_field:str):\n", + "\n", + "def cyclic_dt_feat_names(time:bool=True, add_linear:bool=False)->List[str]:\n", + "\n", + "def cyclic_dt_features(d:Union[date,datetime], time:bool=True, add_linear:bool=False)->List[float]:\n", + "\n", + "def add_cyclic_datepart(df:DataFrame, field_name:str, prefix:str=None, drop:bool=True, time:bool=False, add_linear:bool=False):\n", + "\n", + "def add_datepart(df:DataFrame, field_name:str, prefix:str=None, drop:bool=True, time:bool=False):\n", + "\n", + "def cont_cat_split(df, max_card=20, dep_var=None)->Tuple[List,List]:\n", + "\n", + "def apply_train(self, df:DataFrame):\n", + "\n", + "def apply_train(self, df:DataFrame):\n", + "\n", + "def def_emb_sz(classes, n, sz_dict=None):\n", + "\n", + "def tabular_learner(data:DataBunch, layers:Collection[int], emb_szs:Dict[str,int]=None, metrics=None,\n", + "\n", + "def from_df(cls, path, df:DataFrame, dep_var:str, valid_idx:Collection[int], procs:OptTabTfms=None,\n", + "\n", + "def from_df(cls, df:DataFrame, cat_names:OptStrList=None, cont_names:OptStrList=None, procs=None, **kwargs)->'ItemList':\n", + "\n", + "def get_emb_szs(self, sz_dict=None):\n", + "\n", + "def show_xys(self, xs, ys)->None:\n", + "\n", + "def load_model(itos_filename, classifier_filename, num_classes):\n", + "\n", + "def softmax(x):\n", + "\n", + "def predict_text(stoi, model, text):\n", + "\n", + "def predict_input(itos_filename, trained_classifier_filename, num_classes=2):\n", + "\n", + "def _make_w3c_caps(caps):\n", + "\n", + "def file_detector_context(self, file_detector_class, *args, **kwargs):\n", + "\n", + "def start_session(self, capabilities, browser_profile=None):\n", + "\n", + "def create_web_element(self, element_id):\n", + "\n", + "def execute(self, driver_command, params=None):\n", + "\n", + "def find_element_by_id(self, id_):\n", + "\n", + "def find_elements_by_id(self, id_):\n", + "\n", + "def find_element_by_xpath(self, xpath):\n", + "\n", + "def find_elements_by_xpath(self, xpath):\n", + "\n", + "def find_element_by_link_text(self, link_text):\n", + "\n", + "def find_elements_by_link_text(self, text):\n", + "\n", + "def find_element_by_partial_link_text(self, link_text):\n", + "\n", + "def find_elements_by_partial_link_text(self, link_text):\n", + "\n", + "def find_element_by_name(self, name):\n", + "\n", + "def find_elements_by_name(self, name):\n", + "\n", + "def find_element_by_tag_name(self, name):\n", + "\n", + "def find_elements_by_tag_name(self, name):\n", + "\n", + "def find_element_by_class_name(self, name):\n", + "\n", + "def find_elements_by_class_name(self, name):\n", + "\n", + "def find_element_by_css_selector(self, css_selector):\n", + "\n", + "def find_elements_by_css_selector(self, css_selector):\n", + "\n", + "def execute_script(self, script, *args):\n", + "\n", + "def execute_async_script(self, script, *args):\n", + "\n", + "def quit(self):\n", + "\n", + "def current_window_handle(self):\n", + "\n", + "def window_handles(self):\n", + "\n", + "def maximize_window(self):\n", + "\n", + "def get_cookie(self, name):\n", + "\n", + "def implicitly_wait(self, time_to_wait):\n", + "\n", + "def set_script_timeout(self, time_to_wait):\n", + "\n", + "def set_page_load_timeout(self, time_to_wait):\n", + "\n", + "def find_element(self, by=By.ID, value=None):\n", + "\n", + "def find_elements(self, by=By.ID, value=None):\n", + "\n", + "def get_screenshot_as_file(self, filename):\n", + "\n", + "def set_window_size(self, width, height, windowHandle='current'):\n", + "\n", + "def get_window_size(self, windowHandle='current'):\n", + "\n", + "def set_window_position(self, x, y, windowHandle='current'):\n", + "\n", + "def get_window_position(self, windowHandle='current'):\n", + "\n", + "def set_window_rect(self, x=None, y=None, width=None, height=None):\n", + "\n", + "def file_detector(self, detector):\n", + "\n", + "def orientation(self, value):\n", + "\n", + "def check_response(self, response):\n", + "\n", + "def until(self, method, message=''):\n", + "\n", + "def until_not(self, method, message=''):\n", + "\n", + "def quit(self):\n", + "\n", + "def context(self, context):\n", + "\n", + "def install_addon(self, path, temporary=None):\n", + "\n", + "def binary(self, new_binary):\n", + "\n", + "def profile(self, new_profile):\n", + "\n", + "def headless(self, value):\n", + "\n", + "def to_capabilities(self):\n", + "\n", + "def set_network_connection(self, network):\n", + "\n", + "def unzip_to_temp_dir(zip_file_name):\n", + "\n", + "def tap(self, on_element):\n", + "\n", + "def double_tap(self, on_element):\n", + "\n", + "def tap_and_hold(self, xcoord, ycoord):\n", + "\n", + "def move(self, xcoord, ycoord):\n", + "\n", + "def release(self, xcoord, ycoord):\n", + "\n", + "def scroll(self, xoffset, yoffset):\n", + "\n", + "def scroll_from_element(self, on_element, xoffset, yoffset):\n", + "\n", + "def long_press(self, on_element):\n", + "\n", + "def flick(self, xspeed, yspeed):\n", + "\n", + "def flick_element(self, on_element, xoffset, yoffset, speed):\n", + "\n", + "def to_capabilities(self):\n", + "\n", + "def active_element(self):\n", + "\n", + "def frame(self, frame_reference):\n", + "\n", + "def new_window(self, type_hint=None):\n", + "\n", + "def window(self, window_name):\n", + "\n", + "def perform(self):\n", + "\n", + "def reset_actions(self):\n", + "\n", + "def click_and_hold(self, on_element=None):\n", + "\n", + "def context_click(self, on_element=None):\n", + "\n", + "def double_click(self, on_element=None):\n", + "\n", + "def drag_and_drop(self, source, target):\n", + "\n", + "def drag_and_drop_by_offset(self, source, xoffset, yoffset):\n", + "\n", + "def key_down(self, value, element=None):\n", + "\n", + "def move_by_offset(self, xoffset, yoffset):\n", + "\n", + "def move_to_element(self, to_element):\n", + "\n", + "def move_to_element_with_offset(self, to_element, xoffset, yoffset):\n", + "\n", + "def pause(self, seconds):\n", + "\n", + "def release(self, on_element=None):\n", + "\n", + "def send_keys(self, *keys_to_send):\n", + "\n", + "def send_keys_to_element(self, element, *keys_to_send):\n", + "\n", + "def browser_attach_timeout(self, value):\n", + "\n", + "def element_scroll_behavior(self, value):\n", + "\n", + "def file_upload_dialog_timeout(self, value):\n", + "\n", + "def to_capabilities(self):\n", + "\n", + "def extensions(self):\n", + "\n", + "def add_extension(self, extension):\n", + "\n", + "def headless(self, value):\n", + "\n", + "def to_capabilities(self):\n", + "\n", + "def _find_element(driver, by):\n", + "\n", + "def text(self):\n", + "\n", + "def dismiss(self):\n", + "\n", + "def accept(self):\n", + "\n", + "def send_keys(self, keysToSend):\n", + "\n", + "def port(self, port):\n", + "\n", + "def encoded(self):\n", + "\n", + "def _write_user_prefs(self, user_prefs):\n", + "\n", + "def _install_extension(self, addon, unpack=True):\n", + "\n", + "def _addon_details(self, addon_path):\n", + "\n", + " def get_namespace_id(doc, url):\n", + "\n", + " def get_text(element):\n", + "\n", + " def parse_manifest_json(content):\n", + "\n", + "def submit(self):\n", + "\n", + "def get_property(self, name):\n", + "\n", + "def get_attribute(self, name):\n", + "\n", + "def send_keys(self, *value):\n", + "\n", + "def is_displayed(self):\n", + "\n", + "def location_once_scrolled_into_view(self):\n", + "\n", + "def size(self):\n", + "\n", + "def location(self):\n", + "\n", + "def rect(self):\n", + "\n", + "def screenshot(self, filename):\n", + "\n", + "def _execute(self, command, params=None):\n", + "\n", + "def find_element(self, by=By.ID, value=None):\n", + "\n", + "def find_elements(self, by=By.ID, value=None):\n", + "\n", + "def quit(self):\n", + "\n", + "def start(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def launch_browser(self, profile, timeout=30):\n", + "\n", + "def kill(self):\n", + "\n", + "def _wait_until_connectable(self, timeout=30):\n", + "\n", + "def _get_firefox_start_cmd(self):\n", + "\n", + "def which(self, fname):\n", + "\n", + "def get_remote_connection_headers(cls, parsed_url, keep_alive=False):\n", + "\n", + "def execute(self, command, params):\n", + "\n", + "def _request(self, method, url, body=None):\n", + "\n", + "def all_selected_options(self):\n", + "\n", + "def select_by_value(self, value):\n", + "\n", + "def select_by_index(self, index):\n", + "\n", + "def select_by_visible_text(self, text):\n", + "\n", + "def deselect_all(self):\n", + "\n", + "def deselect_by_value(self, value):\n", + "\n", + "def deselect_by_index(self, index):\n", + "\n", + "def deselect_by_visible_text(self, text):\n", + "\n", + "def to_capabilities(self):\n", + "\n", + "def _upload(auth_http, project_id, bucket_name, file_path, object_name, acl):\n", + "\n", + "def _authenticate(secrets_file):\n", + "\n", + "def auto_detect(self, value):\n", + "\n", + "def ftp_proxy(self, value):\n", + "\n", + "def http_proxy(self, value):\n", + "\n", + "def no_proxy(self, value):\n", + "\n", + "def proxy_autoconfig_url(self, value):\n", + "\n", + "def ssl_proxy(self, value):\n", + "\n", + "def socks_proxy(self, value):\n", + "\n", + "def socks_username(self, value):\n", + "\n", + "def socks_password(self, value):\n", + "\n", + "def add_to_capabilities(self, capabilities):\n", + "\n", + "def find_connectable_ip(host, port=None):\n", + "\n", + "def join_host_port(host, port):\n", + "\n", + "def is_connectable(port, host=\"localhost\"):\n", + "\n", + "def is_url_connectable(port):\n", + "\n", + "def keys_to_typing(value):\n", + "\n", + "def to_html(doc, output=\"/tmp\", style=\"dep\"):\n", + "\n", + "def overlap_tokens(doc, other_doc):\n", + "\n", + "def iob2json(input_data, n_sents=10, *args, **kwargs):\n", + "\n", + "def parse_deps(orig_doc, options={}):\n", + "\n", + "def parse_ents(doc, options={}):\n", + "\n", + "def set_render_wrapper(func):\n", + "\n", + "def link(origin, link_name, force=False, model_path=None):\n", + "\n", + "def validate():\n", + "\n", + "def profile(model, inputs=None, n_texts=10000):\n", + "\n", + "def resolve_pos(token):\n", + "\n", + "def detailed_tokens(tokenizer, text):\n", + "\n", + "def symlink_to(orig, dest):\n", + "\n", + "def symlink_remove(link):\n", + "\n", + "def is_config(python2=None, python3=None, windows=None, linux=None, osx=None):\n", + "\n", + "def import_file(name, loc):\n", + "\n", + "def unescape_unicode(string):\n", + "\n", + "def get_lang_class(lang):\n", + "\n", + "def load_model(name, **overrides):\n", + "\n", + "def load_model_from_link(name, **overrides):\n", + "\n", + "def load_model_from_package(name, **overrides):\n", + "\n", + "def load_model_from_path(model_path, meta=False, **overrides):\n", + "\n", + "def load_model_from_init_py(init_file, **overrides):\n", + "\n", + "def get_model_meta(path):\n", + "\n", + "def get_package_path(name):\n", + "\n", + "def get_entry_points(key):\n", + "\n", + "def get_entry_point(key, value):\n", + "\n", + "def is_in_jupyter():\n", + "\n", + "def compile_suffix_regex(entries):\n", + "\n", + "def compile_infix_regex(entries):\n", + "\n", + "def update_exc(base_exceptions, *addition_dicts):\n", + "\n", + "def expand_exc(excs, search, replace):\n", + "\n", + " def _fix_token(token, search, replace):\n", + "\n", + "def minibatch(items, size=8):\n", + "\n", + "def compounding(start, stop, compound):\n", + "\n", + " def clip(value):\n", + "\n", + "def stepping(start, stop, steps):\n", + "\n", + " def clip(value):\n", + "\n", + "def decaying(start, stop, decay):\n", + "\n", + "def minibatch_by_words(items, size, tuples=True, count_words=len):\n", + "\n", + "def itershuffle(iterable, bufsize=1000):\n", + "\n", + "def validate_json(data, validator):\n", + "\n", + "def get_serialization_exclude(serializers, exclude, kwargs):\n", + "\n", + "def labels(self):\n", + "\n", + "def patterns(self):\n", + "\n", + "def add_patterns(self, patterns):\n", + "\n", + "def from_bytes(self, patterns_bytes, **kwargs):\n", + "\n", + "def from_disk(self, path, **kwargs):\n", + "\n", + "def to_disk(self, path, **kwargs):\n", + "\n", + "def golds_to_gold_tuples(docs, golds):\n", + "\n", + "def like_num(text):\n", + "\n", + "def merge_bytes(binder_strings):\n", + "\n", + "def add(self, doc):\n", + "\n", + "def get_docs(self, vocab):\n", + "\n", + "def merge(self, other):\n", + "\n", + "def to_bytes(self):\n", + "\n", + "def from_bytes(self, string):\n", + "\n", + "def load_data(limit=0, split=0.8):\n", + "\n", + "def package(input_dir, output_dir, meta_path=None, create_meta=False, force=False):\n", + "\n", + "def is_base_form(self, univ_pos, morphology=None):\n", + "\n", + "def main(model=None, new_model_name=\"animal\", output_dir=None, n_iter=30):\n", + "\n", + "def conll_ner2json(input_data, **kwargs):\n", + "\n", + "def main(lang=\"en\", output_dir=None, n_iter=25):\n", + "\n", + "def load_textcat_data(limit=0):\n", + "\n", + "def open_file(loc):\n", + "\n", + "def main(model=None, output_dir=None, n_iter=100):\n", + "\n", + " def _save_model(epoch, is_temp=False):\n", + "\n", + "def make_update(model, docs, optimizer, drop=0.0, objective=\"L2\"):\n", + "\n", + "def get_vectors_loss(ops, docs, prediction, objective=\"L2\"):\n", + "\n", + "def create_pretraining_model(nlp, tok2vec):\n", + "\n", + "def _smart_round(figure, width=10, max_decimal=4):\n", + "\n", + "def noun_chunks(obj):\n", + "\n", + "def get_ext_args(**kwargs):\n", + "\n", + "def is_writable_attr(ext):\n", + "\n", + "def is_new_osx():\n", + "\n", + "def get_position_label(i, words, tags, heads, labels, ents):\n", + "\n", + "def download(model, direct=False, *pip_args):\n", + "\n", + "def load_model(modelname, add_sentencizer=False):\n", + "\n", + "def load_default_model_sentencizer(lang):\n", + "\n", + "def get_freq_tuples(my_list, print_total_threshold):\n", + "\n", + "def _contains_blinded_text(stats_xml):\n", + "\n", + "def fetch_all_treebanks(ud_dir, languages, corpus, best_per_language):\n", + "\n", + "def run_single_eval(nlp, loading_time, print_name, text_path, gold_ud, tmp_output_path, out_file, print_header,\n", + "\n", + "def run_all_evals(models, treebanks, out_file, check_parse, print_freq_tasks):\n", + "\n", + "def main(out_path, ud_dir, check_parse=False, langs=ALL_LANGUAGES, exclude_trained_models=False, exclude_multi=False,\n", + "\n", + "def noun_chunks(obj):\n", + "\n", + "def with_cpu(ops, model):\n", + "\n", + " def with_cpu_forward(inputs, drop=0.0):\n", + "\n", + " def with_cpu_backprop(d_outputs, sgd=None):\n", + "\n", + "def build_simple_cnn_text_classifier(tok2vec, nr_class, exclusive_classes=False, **cfg):\n", + "\n", + " def concatenate_lists_fwd(Xs, drop=0.0):\n", + "\n", + " def concatenate_lists_bwd(d_ys, sgd=None):\n", + "\n", + "def masked_language_model(vocab, model, mask_prob=0.15):\n", + "\n", + " def mlm_forward(docs, drop=0.0):\n", + "\n", + " def mlm_backward(d_output, sgd=None):\n", + "\n", + "def begin_training(self, _=tuple(), pipeline=None, sgd=None, **kwargs):\n", + "\n", + "def render(self, parsed, page=False, minify=False):\n", + "\n", + "def render_svg(self, render_id, words, arcs):\n", + "\n", + "def render_word(self, text, tag, i):\n", + "\n", + "def render_arrow(self, label, start, end, direction, i):\n", + "\n", + "def get_arc(self, x_start, y, y_curve, x_end):\n", + "\n", + "def get_arrowhead(self, direction, x, y, end):\n", + "\n", + "def get_levels(self, arcs):\n", + "\n", + "def render(self, parsed, page=False, minify=False):\n", + "\n", + "def render_ents(self, text, spans, title):\n", + "\n", + "def merge_noun_chunks(doc):\n", + "\n", + "def merge_entities(doc):\n", + "\n", + "def merge_subtokens(doc, label=\"subtok\"):\n", + "\n", + "def _score_for_model(meta):\n", + "\n", + "def _load_pretrained_tok2vec(nlp, loc):\n", + "\n", + "def conllu2json(input_data, n_sents=10, use_morphology=False, lang=None):\n", + "\n", + "def is_ner(tag):\n", + "\n", + "def simplify_tags(iob):\n", + "\n", + "def info(model=None, markdown=False, silent=False):\n", + "\n", + "def print_markdown(data, title=None):\n", + "\n", + "def main(model=None, output_dir=None, n_iter=15):\n", + "\n", + "def get_pipe(self, name):\n", + "\n", + "def create_pipe(self, name, config=dict()):\n", + "\n", + "def replace_pipe(self, name, component):\n", + "\n", + "def rename_pipe(self, old_name, new_name):\n", + "\n", + "def remove_pipe(self, name):\n", + "\n", + "def update(self, docs, golds, drop=0.0, sgd=None, losses=None, component_cfg=None):\n", + "\n", + " def get_grads(W, dW, key=None):\n", + "\n", + "def rehearse(self, docs, sgd=None, losses=None, config=None):\n", + "\n", + " def get_grads(W, dW, key=None):\n", + "\n", + "def preprocess_gold(self, docs_golds):\n", + "\n", + "def begin_training(self, get_gold_tuples=None, sgd=None, component_cfg=None, **cfg):\n", + "\n", + "def resume_training(self, sgd=None, **cfg):\n", + "\n", + "def use_params(self, params, **cfg):\n", + "\n", + "def to_disk(self, path, exclude=tuple(), disable=None):\n", + "\n", + "def from_disk(self, path, exclude=tuple(), disable=None):\n", + "\n", + "def to_bytes(self, exclude=tuple(), disable=None, **kwargs):\n", + "\n", + "def from_bytes(self, bytes_data, exclude=tuple(), disable=None, **kwargs):\n", + "\n", + "def restore(self):\n", + "\n", + "def get_loaded_rules(rules_paths):\n", + "\n", + "def get_rules_import_paths():\n", + "\n", + "def get_rules():\n", + "\n", + "def organize_commands(corrected_commands):\n", + "\n", + "def get_corrected_commands(command):\n", + "\n", + "def fix_command(known_args):\n", + "\n", + "def get_output(script):\n", + "\n", + "def _get_history_lines(self):\n", + "\n", + "def split_command(self, command):\n", + "\n", + "def quote(self, s):\n", + "\n", + "def info(self):\n", + "\n", + "def _put_to_history(self, command_script):\n", + "\n", + "def _get_brew_commands(brew_path_prefix):\n", + "\n", + "def _get_brew_tap_specific_commands(brew_path_prefix):\n", + "\n", + "def info(self):\n", + "\n", + "def git_support(fn, command):\n", + "\n", + "def read_actions():\n", + "\n", + "def select_command(corrected_commands):\n", + "\n", + "def _spawn(shell, master_read):\n", + "\n", + "def shell_logger(output):\n", + "\n", + "def get_output(script, expanded):\n", + "\n", + "def _add_arguments(self):\n", + "\n", + "def _add_conflicting_arguments(self):\n", + "\n", + "def _prepare_arguments(self, argv):\n", + "\n", + "def get_scripts():\n", + "\n", + "def init(self, args=None):\n", + "\n", + "def _get_user_dir_path(self):\n", + "\n", + "def _setup_user_dir(self):\n", + "\n", + "def _settings_from_file(self):\n", + "\n", + "def _rules_from_env(self, val):\n", + "\n", + "def _priority_from_env(self, val):\n", + "\n", + "def _val_from_env(self, env, attr):\n", + "\n", + "def _settings_from_env(self):\n", + "\n", + "def _settings_from_args(self, args):\n", + "\n", + "def _get_destination(script_parts):\n", + "\n", + "def sudo_support(fn, command):\n", + "\n", + "def _kill_process(proc):\n", + "\n", + "def _wait_output(popen, is_slow):\n", + "\n", + "def get_output(script, expanded):\n", + "\n", + "def get_output(script):\n", + "\n", + "def get_pkgfile(command):\n", + "\n", + "def _get_sub_dirs(parent):\n", + "\n", + "def get_new_command(command):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def from_raw_script(cls, raw_script):\n", + "\n", + "def from_path(cls, path):\n", + "\n", + "def is_enabled(self):\n", + "\n", + "def is_match(self, command):\n", + "\n", + "def get_corrected_commands(self, command):\n", + "\n", + "def _get_script(self):\n", + "\n", + "def run(self, old_cmd):\n", + "\n", + "def _get_shell_pid():\n", + "\n", + "def _record_first_run():\n", + "\n", + "def _is_second_run():\n", + "\n", + "def _is_already_configured(configuration_details):\n", + "\n", + "def _configure(configuration_details):\n", + "\n", + "def main():\n", + "\n", + "def memoize(fn):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def default_settings(params):\n", + "\n", + " def match(command):\n", + "\n", + " def _default_settings(fn, command):\n", + "\n", + "def get_closest(word, possibilities, cutoff=0.6, fallback_to_first=True):\n", + "\n", + "def get_close_matches(word, possibilities, n=None, cutoff=0.6):\n", + "\n", + "def replace_argument(script, from_, to):\n", + "\n", + "def replace_command(command, broken, matched):\n", + "\n", + "def is_app(command, *app_names, **kwargs):\n", + "\n", + "def for_app(*app_names, **kwargs):\n", + "\n", + " def _for_app(fn, command):\n", + "\n", + "def cache(*depends_on):\n", + "\n", + " def cache_decorator(fn):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def format_raw_script(raw_script):\n", + "\n", + "def get_action(self, brain_info: BrainInfo) -> ActionInfo:\n", + "\n", + "def _execute_model(self, feed_dict, out_dict):\n", + "\n", + "def get_current_step(self):\n", + "\n", + "def save_model(self, steps):\n", + "\n", + "def export_model(self):\n", + "\n", + "def _process_graph(self):\n", + "\n", + "def reset_local_buffers(self):\n", + "\n", + "def append_update_buffer(self, agent_id, key_list=None, batch_size=None, training_length=None):\n", + "\n", + "def append_all_agent_batch_to_update_buffer(self, key_list=None, batch_size=None, training_length=None):\n", + "\n", + "def run_training(sub_id: int, run_seed: int, run_options, process_queue):\n", + "\n", + "def get_action(self, curr_info: BrainInfo) -> ActionInfo:\n", + "\n", + "def write_summary(self, global_step, delta_train_start, lesson_num=0):\n", + "\n", + "def write_tensorboard_text(self, key, input_dict):\n", + "\n", + "def lesson_nums(self):\n", + "\n", + "def increment_lessons(self, measure_vals, reward_buff_sizes=None):\n", + "\n", + "def set_all_curriculums_to_lesson_num(self, lesson_num):\n", + "\n", + "def get_config(self):\n", + "\n", + "def reset(self, config=None, train_mode=True, custom_reset_parameters=None) -> AllBrainInfo:\n", + "\n", + "def step(self, vector_action=None, memory=None, text_action=None, value=None, custom_action=None) -> AllBrainInfo:\n", + "\n", + "def _flatten(cls, arr) -> List[float]:\n", + "\n", + "def _get_state(self, output: UnityRLOutput) -> (AllBrainInfo, bool):\n", + "\n", + "def end_experience_collection_timer(self):\n", + "\n", + "def add_delta_step(self, delta: float):\n", + "\n", + "def start_policy_update_timer(self, number_experiences: int, mean_return: float):\n", + "\n", + "def end_policy_update(self):\n", + "\n", + "def write_training_metrics(self):\n", + "\n", + "def create_reward_encoder():\n", + "\n", + "def create_curiosity_encoders(self):\n", + "\n", + "def create_inverse_model(self, encoded_state, encoded_next_state):\n", + "\n", + "def create_forward_model(self, encoded_state, encoded_next_state):\n", + "\n", + "def create_ppo_optimizer(self, probs, old_probs, value, entropy, beta, epsilon, lr, max_step):\n", + "\n", + "def evaluate(self, brain_info):\n", + "\n", + "def update(self, mini_batch, num_sequences):\n", + "\n", + "def get_intrinsic_rewards(self, curr_info, next_info):\n", + "\n", + "def get_value_estimate(self, brain_info, idx):\n", + "\n", + "def update_reward(self, new_reward):\n", + "\n", + "def add_experiences(self, curr_info: AllBrainInfo, next_info: AllBrainInfo,\n", + "\n", + "def process_experiences(self, current_info: AllBrainInfo, next_info: AllBrainInfo):\n", + "\n", + "def end_episode(self):\n", + "\n", + "def update_policy(self):\n", + "\n", + "def create_global_steps():\n", + "\n", + "def create_visual_input(camera_parameters, name):\n", + "\n", + "def create_vector_input(self, name='vector_observation'):\n", + "\n", + "def create_vector_observation_encoder(observation_input, h_size, activation, num_layers, scope,\n", + "\n", + "def create_visual_observation_encoder(self, image_input, h_size, activation, num_layers, scope,\n", + "\n", + "def create_discrete_action_masking_layer(all_logits, action_masks, action_size):\n", + "\n", + "def create_observation_streams(self, num_streams, h_size, num_layers):\n", + "\n", + "def create_recurrent_encoder(input_state, memory_in, sequence_length, name='lstm'):\n", + "\n", + "def create_cc_actor_critic(self, h_size, num_layers):\n", + "\n", + "def create_dc_actor_critic(self, h_size, num_layers):\n", + "\n", + "def add_experiences(self, curr_info: AllBrainInfo, next_info: AllBrainInfo,\n", + "\n", + "def process_experiences(self, current_info: AllBrainInfo, next_info: AllBrainInfo):\n", + "\n", + "def flatten(items,enter=lambda x:isinstance(x, list)):\n", + "\n", + "def replace_strings_in_list(array_of_strigs, replace_with_strings):\n", + "\n", + "def remove_duplicates_from_list(array):\n", + "\n", + "def pool_to_HW(shape, data_frmt):\n", + "\n", + "def convert(source_file, target_file, trim_unused_by_output=\"\", verbose=False, compress_f16=False):\n", + "\n", + " def cleanup_layers(layers):\n", + "\n", + " def is_unconnected_identity(layer):\n", + "\n", + " def dims_to_barracuda_shape(dims):\n", + "\n", + " def is_output_layer(layer):\n", + "\n", + "def demo_to_buffer(file_path, sequence_length):\n", + "\n", + "def load_demonstration(file_path):\n", + "\n", + "def _save_model(self, steps=0):\n", + "\n", + "def _write_training_metrics(self):\n", + "\n", + "def _export_graph(self):\n", + "\n", + "def initialize_trainers(self, trainer_config: Dict[str, Dict[str, str]]):\n", + "\n", + "def _reset_env(self, env: BaseUnityEnvironment):\n", + "\n", + "def close(self):\n", + "\n", + "def fuse_batchnorm_weights(gamma, beta, mean, var, epsilon):\n", + "\n", + "def rnn(name, input, state, kernel, bias, new_state, number_of_gates = 2):\n", + "\n", + "def gru(name, input, state, kernel_r, kernel_u, kernel_c, bias_r, bias_u, bias_c, new_state, number_of_gates = 2):\n", + "\n", + "def lstm(name, input, state_c, state_h, kernel_i, kernel_j, kernel_f, kernel_o, bias_i, bias_j, bias_f, bias_o, new_state_c, new_state_h):\n", + "\n", + "def evaluate(self, brain_info):\n", + "\n", + "def update(self, mini_batch, num_sequences):\n", + "\n", + "def increment_lesson(self, measure_val):\n", + "\n", + "def get_config(self, lesson=None):\n", + "\n", + "def get_gae(rewards, value_estimates, value_next=0.0, gamma=0.99, lambd=0.95):\n", + "\n", + "def increment_step_and_update_last_reward(self):\n", + "\n", + "def construct_curr_info(self, next_info: BrainInfo) -> BrainInfo:\n", + "\n", + "def add_experiences(self, curr_all_info: AllBrainInfo, next_all_info: AllBrainInfo, take_action_outputs):\n", + "\n", + "def process_experiences(self, current_info: AllBrainInfo, new_info: AllBrainInfo):\n", + "\n", + "def end_episode(self):\n", + "\n", + "def is_ready_update(self):\n", + "\n", + "def update_policy(self):\n", + "\n", + "def reset(self):\n", + "\n", + "def step(self, action):\n", + "\n", + "def _create_lookup(self, branched_action_space):\n", + "\n", + "def create_server(self):\n", + "\n", + "def check_port(self, port):\n", + "\n", + "def close(self):\n", + "\n", + "def process_pixels(image_bytes, gray_scale):\n", + "\n", + "def from_agent_proto(agent_info_list, brain_params):\n", + "\n", + "def from_proto(brain_param_proto):\n", + "\n", + "def new(self):\n", + "\n", + "def get(self, object_type, object_id):\n", + "\n", + "def post(self, object_type, object_id):\n", + "\n", + "def delete(self, object_type, object_id):\n", + "\n", + "def run_migrations_online():\n", + "\n", + " def process_revision_directives(context, revision, directives):\n", + "\n", + "def get_df(self, query_obj=None):\n", + "\n", + "def query_obj(self):\n", + "\n", + "def cache_key(self, query_obj, **extra):\n", + "\n", + "def data(self):\n", + "\n", + "def query_obj(self):\n", + "\n", + "def get_data(self, df):\n", + "\n", + "def levels_for(self, time_op, groups, df):\n", + "\n", + "def nest_values(self, levels, level=0, metric=None, dims=()):\n", + "\n", + "def short_data(self):\n", + "\n", + "def data(self):\n", + "\n", + "def update_from_object(self, obj):\n", + "\n", + "def get_query_result(self, query_object):\n", + "\n", + "def df_metrics_to_num(self, df, query_object):\n", + "\n", + "def get_single_payload(self, query_obj):\n", + "\n", + "def get_df_payload(self, query_obj, **kwargs):\n", + "\n", + "def data(self):\n", + "\n", + "def get_viz(self, force=False):\n", + "\n", + "def import_obj(cls, slc_to_import, slc_to_override, import_time=None):\n", + "\n", + "def import_obj(cls, dashboard_to_import, import_time=None):\n", + "\n", + " def alter_positions(dashboard, old_to_new_slc_id_dict):\n", + "\n", + "def get_effective_user(self, url, user_name=None):\n", + "\n", + "def all_table_names_in_database(self, cache=False,\n", + "\n", + "def all_table_names_in_schema(self, schema, cache=False,\n", + "\n", + "def all_view_names_in_schema(self, schema, cache=False,\n", + "\n", + "def all_schema_names(self, cache=False, cache_timeout=None, force=False):\n", + "\n", + "def grains_dict(self):\n", + "\n", + "def log_this(cls, f):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def api(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def handle_api_exception(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def check_ownership(obj, raise_if_false=True):\n", + "\n", + "def common_bootsrap_payload(self):\n", + "\n", + "def _delete(self, pk):\n", + "\n", + "def get_all_permissions(self):\n", + "\n", + "def get_view_menus(self, permission_name):\n", + "\n", + "def destroy_webdriver(driver):\n", + "\n", + "def deliver_dashboard(schedule):\n", + "\n", + "def deliver_slice(schedule):\n", + "\n", + "def schedule_window(report_type, start_at, stop_at, resolution):\n", + "\n", + "def schedule_hourly():\n", + "\n", + "def dedup(l, suffix='__', case_sensitive=True):\n", + "\n", + "def db_type(cls, dtype):\n", + "\n", + "def columns(self):\n", + "\n", + "def get_timestamp_expression(self, time_grain):\n", + "\n", + "def dttm_sql_literal(self, dttm, is_epoch_in_utc):\n", + "\n", + "def make_sqla_column_compatible(self, sqla_col, label=None):\n", + "\n", + "def values_for_column(self, column_name, limit=10000):\n", + "\n", + "def mutate_query_from_config(self, sql):\n", + "\n", + "def adhoc_metric_to_sqla(self, metric, cols):\n", + "\n", + "def fetch_metadata(self):\n", + "\n", + "def import_obj(cls, i_datasource, import_time=None):\n", + "\n", + " def lookup_sqlatable(table):\n", + "\n", + " def lookup_database(table):\n", + "\n", + "def load_long_lat_data():\n", + "\n", + "def external_metadata(self, datasource_type=None, datasource_id=None):\n", + "\n", + "def filter_not_empty_values(value):\n", + "\n", + "def at_least_one_schema_is_allowed(database):\n", + "\n", + "def edit(self, pk):\n", + "\n", + "def get_language_pack(locale):\n", + "\n", + "def get_form_data(chart_id, dashboard=None):\n", + "\n", + "def get_url(params):\n", + "\n", + "def cache_warmup(strategy_name, *args, **kwargs):\n", + "\n", + "def fetch_logs(self, max_rows=1024,\n", + "\n", + "def refresh(self, datasource_names, merge_flag, refreshAll):\n", + "\n", + "def refresh_metrics(self):\n", + "\n", + "def import_obj(cls, i_datasource, import_time=None):\n", + "\n", + " def lookup_datasource(d):\n", + "\n", + " def lookup_cluster(d):\n", + "\n", + "def get_post_agg(mconf):\n", + "\n", + "def find_postaggs_for(postagg_names, metrics_dict):\n", + "\n", + "def values_for_column(self,\n", + "\n", + "def get_aggregations(metrics_dict, saved_metrics, adhoc_metrics=[]):\n", + "\n", + "def _dimensions_to_values(dimensions):\n", + "\n", + "def homogenize_types(df, groupby_cols):\n", + "\n", + "def get_env_variable(var_name, default=None):\n", + "\n", + "def get_eager_datasource(cls, session, datasource_type, datasource_id):\n", + "\n", + "def load_misc_dashboard():\n", + "\n", + "def load_world_bank_health_n_pop():\n", + "\n", + "def load_country_map_data():\n", + "\n", + "def get_statements(self):\n", + "\n", + "def as_create_table(self, table_name, overwrite=False):\n", + "\n", + "def get_query_with_new_limit(self, new_limit):\n", + "\n", + "def url_param(param, default=None):\n", + "\n", + "def filter_values(column, default=None):\n", + "\n", + "def process_template(self, sql, **kwargs):\n", + "\n", + "def get_datasource_info(datasource_id, datasource_type, form_data):\n", + "\n", + "def can_access(self, permission_name, view_name):\n", + "\n", + "def create_missing_perms(self):\n", + "\n", + " def merge_pv(view_menu, perm):\n", + "\n", + "def clean_perms(self):\n", + "\n", + "def sync_role_definitions(self):\n", + "\n", + "def export_schema_to_dict(back_references):\n", + "\n", + "def export_to_dict(session,\n", + "\n", + "def import_from_dict(session, data, sync=[]):\n", + "\n", + "def query(self):\n", + "\n", + "def query_form_data(self):\n", + "\n", + "def load_css_templates():\n", + "\n", + "def _parent_foreign_key_mappings(cls):\n", + "\n", + "def _unique_constrains(cls):\n", + "\n", + "def export_schema(cls, recursive=True, include_parent_ref=False):\n", + "\n", + " def formatter(c):\n", + "\n", + "def import_from_dict(cls, session, dict_rep, parent=None,\n", + "\n", + "def export_to_dict(self, recursive=True, include_parent_ref=False,\n", + "\n", + "def override(self, obj):\n", + "\n", + "def update_time_range(form_data):\n", + "\n", + "def memoized_func(key=view_cache_key, attribute_in_key=None):\n", + "\n", + " def wrap(f):\n", + "\n", + " def wrapped_f(self, *args, **kwargs):\n", + "\n", + " def wrapped_f(self, *args, **kwargs):\n", + "\n", + "def name(self):\n", + "\n", + "def check_datasource_perms(self, datasource_type=None, datasource_id=None):\n", + "\n", + "def check_slice_perms(self, slice_id):\n", + "\n", + "def apply_caching(response):\n", + "\n", + "def override_role_permissions(self):\n", + "\n", + "def explore_json(self, datasource_type=None, datasource_id=None):\n", + "\n", + "def import_dashboards(self):\n", + "\n", + "def explorev2(self, datasource_type, datasource_id):\n", + "\n", + "def filter(self, datasource_type, datasource_id, column):\n", + "\n", + "def checkbox(self, model_view, id_, attr, value):\n", + "\n", + "def tables(self, db_id, schema, substr, force_refresh='false'):\n", + "\n", + " def get_schema(tbl_or_view_name):\n", + "\n", + "def copy_dash(self, dashboard_id):\n", + "\n", + "def save_dash(self, dashboard_id):\n", + "\n", + "def add_slices(self, dashboard_id):\n", + "\n", + "def recent_activity(self, user_id):\n", + "\n", + "def fave_dashboards_by_username(self, username):\n", + "\n", + "def user_slices(self, user_id=None):\n", + "\n", + "def created_slices(self, user_id=None):\n", + "\n", + "def fave_slices(self, user_id=None):\n", + "\n", + "def warm_up_cache(self):\n", + "\n", + "def favstar(self, class_name, obj_id, action):\n", + "\n", + "def dashboard(self, dashboard_id):\n", + "\n", + "def sync_druid_source(self):\n", + "\n", + "def cache_key_exist(self, key):\n", + "\n", + "def results(self, key):\n", + "\n", + "def sql_json(self):\n", + "\n", + "def csv(self, client_id):\n", + "\n", + "def queries(self, last_updated_ms):\n", + "\n", + "def search_queries(self) -> Response:\n", + "\n", + "def welcome(self):\n", + "\n", + "def profile(self, username):\n", + "\n", + "def sqllab(self):\n", + "\n", + "def slice_query(self, slice_id):\n", + "\n", + "def schemas_access_for_csv_upload(self):\n", + "\n", + "def stats_timing(stats_key, stats_logger):\n", + "\n", + "def etag_cache(max_age, check_perms=bool):\n", + "\n", + " def decorator(f):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def apply_limit_to_sql(cls, sql, limit, database):\n", + "\n", + "def modify_url_for_impersonation(cls, url, impersonate_user, username):\n", + "\n", + "def make_label_compatible(cls, label):\n", + "\n", + "def truncate_label(cls, label):\n", + "\n", + "def get_table_names(cls, inspector, schema):\n", + "\n", + "def get_timestamp_column(expression, column_name):\n", + "\n", + "def extract_error_message(cls, e):\n", + "\n", + "def fetch_result_sets(cls, db, datasource_type):\n", + "\n", + "def handle_cursor(cls, cursor, query, session):\n", + "\n", + "def create_table_from_csv(form, table):\n", + "\n", + " def convert_to_hive_type(col_type):\n", + "\n", + "def handle_cursor(cls, cursor, query, session):\n", + "\n", + "def get_configuration_for_impersonation(cls, uri, impersonate_user, username):\n", + "\n", + "def mutate_label(label):\n", + "\n", + "def _get_fields(cls, cols):\n", + "\n", + "def load_multiformat_time_series():\n", + "\n", + "def import_dashboards(session, data_stream, import_time=None):\n", + "\n", + "def export_dashboards(session):\n", + "\n", + "def cache_key(self, **extra):\n", + "\n", + "def handle_query_error(msg, query, session, payload=None):\n", + "\n", + "def get_query(query_id, session, retry_count=5):\n", + "\n", + "def session_scope(nullpool):\n", + "\n", + "def execute_sql_statement(sql_statement, query, user_name, session, cursor):\n", + "\n", + "def flasher(msg, severity=None):\n", + "\n", + "def string_to_num(s: str):\n", + "\n", + "def list_minus(l: List, minus: List) -> List:\n", + "\n", + "def parse_human_datetime(s):\n", + "\n", + "def decode_dashboards(o):\n", + "\n", + "def parse_human_timedelta(s: str):\n", + "\n", + "def datetime_f(dttm):\n", + "\n", + "def json_iso_dttm_ser(obj, pessimistic: Optional[bool] = False):\n", + "\n", + "def json_int_dttm_ser(obj):\n", + "\n", + "def error_msg_from_exception(e):\n", + "\n", + "def generic_find_constraint_name(table, columns, referenced, db):\n", + "\n", + "def generic_find_fk_constraint_name(table, columns, referenced, insp):\n", + "\n", + "def generic_find_fk_constraint_names(table, columns, referenced, insp):\n", + "\n", + "def generic_find_uq_constraint_name(table, columns, insp):\n", + "\n", + "def table_has_constraint(table, name, db):\n", + "\n", + "def send_email_smtp(to, subject, html_content, config,\n", + "\n", + "def setup_cache(app: Flask, cache_config) -> Optional[Cache]:\n", + "\n", + "def zlib_compress(data):\n", + "\n", + "def zlib_decompress_to_string(blob):\n", + "\n", + "def user_label(user: User) -> Optional[str]:\n", + "\n", + "def get_since_until(time_range: Optional[str] = None,\n", + "\n", + "def add_ago_to_since(since: str) -> str:\n", + "\n", + "def split_adhoc_filters_into_base_filters(fd):\n", + "\n", + "def load_energy():\n", + "\n", + "def load_random_time_series_data():\n", + "\n", + "def runserver(debug, console_log, use_reloader, address, port, timeout, workers, socket):\n", + "\n", + "def version(verbose):\n", + "\n", + "def refresh_druid(datasource, merge):\n", + "\n", + "def import_dashboards(path, recursive):\n", + "\n", + "def export_dashboards(print_stdout, dashboard_file):\n", + "\n", + "def import_datasources(path, sync, recursive):\n", + "\n", + "def export_datasources(print_stdout, datasource_file,\n", + "\n", + "def export_datasource_schema(back_references):\n", + "\n", + "def update_datasources_cache():\n", + "\n", + "def worker(workers):\n", + "\n", + "def flower(port, address):\n", + "\n", + "def load_flights():\n", + "\n", + "def load_birth_names():\n", + "\n", + "def refresh_datasources(self, refreshAll=True):\n", + "\n", + "def convert_to_list(number: int) -> Node:\n", + "\n", + "def convert_to_str(l: Node) -> str:\n", + "\n", + "def longest_consecutive(root):\n", + "\n", + "def three_sum(array):\n", + "\n", + "def top_sort_recursive(graph):\n", + "\n", + " def dfs(node):\n", + "\n", + "def top_sort(graph):\n", + "\n", + " def is_ready(node):\n", + "\n", + "def max_product(nums):\n", + "\n", + "def subarray_with_max_product(arr):\n", + "\n", + "def text_justification(words, max_width):\n", + "\n", + "def insertion_sort(arr, simulation=False):\n", + "\n", + "def cycle_sort(arr):\n", + "\n", + "def cocktail_shaker_sort(arr):\n", + "\n", + " def swap(i, j):\n", + "\n", + "def reconstruct_queue(people):\n", + "\n", + "def min_depth(self, root):\n", + "\n", + "def is_one_edit(s, t):\n", + "\n", + "def shell_sort(arr):\n", + "\n", + "def common_prefix(s1, s2):\n", + "\n", + "def euler_totient(n):\n", + "\n", + "def is_palindrome_dict(head):\n", + "\n", + "def fib_list(n):\n", + "\n", + "def fib_iter(n):\n", + "\n", + "def subsets(nums):\n", + "\n", + "def lcs(s1, s2, i, j):\n", + "\n", + "def lca(root, p, q):\n", + "\n", + "def lowest_common_ancestor(root, p, q):\n", + "\n", + "def climb_stairs(n):\n", + "\n", + "def find_nth_digit(n):\n", + "\n", + "def hailstone(n):\n", + "\n", + "def word_break(s, word_dict):\n", + "\n", + "def prime_check(n):\n", + "\n", + "def longest_non_repeat_v1(string):\n", + "\n", + "def longest_non_repeat_v2(string):\n", + "\n", + "def get_longest_non_repeat_v1(string):\n", + "\n", + "def get_longest_non_repeat_v2(string):\n", + "\n", + "def push(self, item, priority=None):\n", + "\n", + "def factorial(n, mod=None):\n", + "\n", + "def factorial_recur(n, mod=None):\n", + "\n", + "def selection_sort(arr, simulation=False):\n", + "\n", + "def remove_dups(head):\n", + "\n", + "def remove_dups_wothout_set(head):\n", + "\n", + "def transplant(self, node_u, node_v):\n", + "\n", + "def maximum(self, node):\n", + "\n", + "def minimum(self, node):\n", + "\n", + "def modular_exponential(base, exponent, mod):\n", + "\n", + "def can_attend_meetings(intervals):\n", + "\n", + "def delete_node(self, root, key):\n", + "\n", + "def simplify_path(path):\n", + "\n", + "def subsets(nums):\n", + "\n", + " def backtrack(res, nums, stack, pos):\n", + "\n", + "def jump_search(arr,target):\n", + "\n", + "def flatten_iter(iterable):\n", + "\n", + "def ladder_length(begin_word, end_word, word_list):\n", + "\n", + "def convolved(iterable, kernel_size=1, stride=1, padding=0, default_value=None):\n", + "\n", + "def convolved_1d(iterable, kernel_size=1, stride=1, padding=0, default_value=None):\n", + "\n", + "def convolved_2d(iterable, kernel_size=1, stride=1, padding=0, default_value=None):\n", + "\n", + "def dimensionize(maybe_a_list, nd=2):\n", + "\n", + "def max_sliding_window(nums, k):\n", + "\n", + "def merge_intervals(intervals):\n", + "\n", + "def merge(intervals):\n", + "\n", + "def print_intervals(intervals):\n", + "\n", + "def rotate_v1(array, k):\n", + "\n", + "def rotate_v2(array, k):\n", + "\n", + " def reverse(arr, a, b):\n", + "\n", + "def pacific_atlantic(matrix):\n", + "\n", + "def quick_sort(arr, simulation=False):\n", + "\n", + "def is_palindrome(s):\n", + "\n", + "def plus_one_v1(digits):\n", + "\n", + "def rotate_right(head, k):\n", + "\n", + "def num_decodings(s):\n", + "\n", + "def search_range(nums, target):\n", + "\n", + "def first_cyclic_node(head):\n", + "\n", + "def max_heap_sort(arr, simulation=False):\n", + "\n", + "def max_heapify(arr, end, simulation, iteration):\n", + "\n", + "def min_heap_sort(arr, simulation=False):\n", + "\n", + "def min_heapify(arr, start, simulation, iteration):\n", + "\n", + "def generate_key(k, seed=None):\n", + "\n", + " def modinv(a, m):\n", + "\n", + " def gen_prime(k, seed=None):\n", + "\n", + " def is_prime(num):\n", + "\n", + "def square_root(n, epsilon=0.001):\n", + "\n", + "def counting_sort(arr):\n", + "\n", + "def powerset(iterable):\n", + "\n", + "def optimal_set_cover(universe, subsets, costs):\n", + "\n", + "def greedy_set_cover(universe, subsets, costs):\n", + "\n", + "def num_trees(n):\n", + "\n", + "def next(self, val):\n", + "\n", + "def n_sum(n, nums, target, **kv):\n", + "\n", + " def sum_closure_default(a, b):\n", + "\n", + " def compare_closure_default(num, target):\n", + "\n", + " def same_closure_default(a, b):\n", + "\n", + " def n_sum(n, nums, target):\n", + "\n", + " def two_sum(nums, target):\n", + "\n", + " def append_elem_to_each_list(elem, container):\n", + "\n", + " def union(duplicate_results):\n", + "\n", + "def pattern_match(pattern, string):\n", + "\n", + " def backtrack(pattern, string, dic):\n", + "\n", + "def bogo_sort(arr, simulation=False):\n", + "\n", + " def is_sorted(arr):\n", + "\n", + "def insert(self, key):\n", + "\n", + "def re_balance(self):\n", + "\n", + "def update_heights(self, recursive=True):\n", + "\n", + "def update_balances(self, recursive=True):\n", + "\n", + "def rotate_right(self):\n", + "\n", + "def rotate_left(self):\n", + "\n", + "def in_order_traverse(self):\n", + "\n", + "def strobogrammatic_in_range(low, high):\n", + "\n", + "def find_keyboard_row(words):\n", + "\n", + "def kth_to_last_eval(head, k):\n", + "\n", + "def kth_to_last_dict(head, k):\n", + "\n", + "def kth_to_last(head, k):\n", + "\n", + "def get_skyline(lrh):\n", + "\n", + "def summarize_ranges(array):\n", + "\n", + "def encode(strs):\n", + "\n", + "def decode(s):\n", + "\n", + "def multiply(multiplicand: list, multiplier: list) -> list:\n", + "\n", + "def combination(n, r):\n", + "\n", + "def combination_memo(n, r):\n", + "\n", + " def recur(n, r):\n", + "\n", + "def is_anagram(s, t):\n", + "\n", + "def pancake_sort(arr):\n", + "\n", + "def next(self):\n", + "\n", + "def max_profit_naive(prices):\n", + "\n", + "def max_profit_optimized(prices):\n", + "\n", + "def first_unique_char(s):\n", + "\n", + "def kth_smallest(self, root, k):\n", + "\n", + "def int_to_roman(num):\n", + "\n", + "def length_longest_path(input):\n", + "\n", + "def multiply(self, a, b):\n", + "\n", + "def multiply(self, a, b):\n", + "\n", + "def bitonic_sort(arr, reverse=False):\n", + "\n", + " def compare(arr, reverse):\n", + "\n", + " def bitonic_merge(arr, reverse):\n", + "\n", + "def scc(graph):\n", + "\n", + "def build_graph(formula):\n", + "\n", + "def unique_array_sum_combinations(A, B, C, target):\n", + "\n", + " def check_sum(n, *nums):\n", + "\n", + "def is_bst(root):\n", + "\n", + "def __get_depth(root):\n", + "\n", + "def copy_random_pointer_v1(head):\n", + "\n", + "def copy_random_pointer_v2(head):\n", + "\n", + "def get_factors(n):\n", + "\n", + " def factor(n, i, combi, res):\n", + "\n", + "def get_factors_iterative1(n):\n", + "\n", + "def get_factors_iterative2(n):\n", + "\n", + "def longest_increasing_subsequence(sequence):\n", + "\n", + "def single_number3(nums):\n", + "\n", + "def distance(x,y):\n", + "\n", + "def nearest_neighbor(x, tSet):\n", + "\n", + "def is_strobogrammatic(num):\n", + "\n", + "def merge_sort(arr):\n", + "\n", + "def merge(left, right, merged):\n", + "\n", + "def bucket_sort(arr):\n", + "\n", + "def k_closest(points, k, origin=(0, 0)):\n", + "\n", + "def reverse_list(head):\n", + "\n", + "def reverse_list_recursive(head):\n", + "\n", + "def has_path_sum(root, sum):\n", + "\n", + "def int_to_base(n, base):\n", + "\n", + "def base_to_int(s, base):\n", + "\n", + "def is_cyclic(head):\n", + "\n", + "def decode_string(s):\n", + "\n", + "def palindromic_substrings_iter(s):\n", + "\n", + "def is_isomorphic(s, t):\n", + "\n", + "def calc(n2, n1, operator):\n", + "\n", + "def apply_operation(op_stack, out_stack):\n", + "\n", + "def parse(expression):\n", + "\n", + "def evaluate(expression):\n", + "\n", + "def main():\n", + "\n", + "def closest_value(root, target):\n", + "\n", + "def get_primes(n):\n", + "\n", + "def permute(elements):\n", + "\n", + "def permute_iter(elements):\n", + "\n", + "def extended_gcd(a, b):\n", + "\n", + "def bin_tree_to_list(root):\n", + "\n", + "def add_operators(num, target):\n", + "\n", + " def dfs(res, path, num, target, pos, prev, multed):\n", + "\n", + "def _init_rabit():\n", + "\n", + "def init(args=None):\n", + "\n", + "def tracker_print(msg):\n", + "\n", + "def get_processor_name():\n", + "\n", + "def broadcast(data, root):\n", + "\n", + "def normpath(path):\n", + "\n", + "def _train_internal(params, dtrain,\n", + "\n", + "def train(params, dtrain, num_boost_round=10, evals=(), obj=None, feval=None,\n", + "\n", + "def mknfold(dall, nfold, param, seed, evals=(), fpreproc=None, stratified=False,\n", + "\n", + "def aggcv(rlist):\n", + "\n", + "def cv(params, dtrain, num_boost_round=10, nfold=3, stratified=False, folds=None,\n", + "\n", + "def update(self, iteration, fobj):\n", + "\n", + "def eval(self, iteration, feval):\n", + "\n", + "def _get_callback_context(env):\n", + "\n", + "def _fmt_metric(value, show_stdv=True):\n", + "\n", + "def print_evaluation(period=1, show_stdv=True):\n", + "\n", + " def callback(env):\n", + "\n", + "def record_evaluation(eval_result):\n", + "\n", + " def init(env):\n", + "\n", + " def callback(env):\n", + "\n", + "def reset_learning_rate(learning_rates):\n", + "\n", + " def get_learning_rate(i, n, learning_rates):\n", + "\n", + " def callback(env):\n", + "\n", + "def early_stop(stopping_rounds, maximize=False, verbose=True):\n", + "\n", + " def init(env):\n", + "\n", + " def callback(env):\n", + "\n", + "def run_doxygen(folder):\n", + "\n", + "def _objective_decorator(func):\n", + "\n", + " def inner(preds, dmatrix):\n", + "\n", + "def set_params(self, **params):\n", + "\n", + "def get_params(self, deep=False):\n", + "\n", + "def get_xgb_params(self):\n", + "\n", + "def load_model(self, fname):\n", + "\n", + "def fit(self, X, y, sample_weight=None, eval_set=None, eval_metric=None,\n", + "\n", + "def predict(self, data, output_margin=False, ntree_limit=None, validate_features=True):\n", + "\n", + "def apply(self, X, ntree_limit=0):\n", + "\n", + "def feature_importances_(self):\n", + "\n", + "def coef_(self):\n", + "\n", + "def intercept_(self):\n", + "\n", + "def fit(self, X, y, sample_weight=None, eval_set=None, eval_metric=None,\n", + "\n", + "def predict(self, data, output_margin=False, ntree_limit=None, validate_features=True):\n", + "\n", + "def predict_proba(self, data, ntree_limit=None, validate_features=True):\n", + "\n", + "def fit(self, X, y, group, sample_weight=None, eval_set=None, sample_weight_eval_set=None,\n", + "\n", + " def _dmat_init(group, **params):\n", + "\n", + "def from_pystr_to_cstr(data):\n", + "\n", + "def from_cstr_to_pystr(data, length):\n", + "\n", + "def _load_lib():\n", + "\n", + "def ctypes2numpy(cptr, length, dtype):\n", + "\n", + "def ctypes2buffer(cptr, length):\n", + "\n", + "def c_array(ctype, values):\n", + "\n", + "def _maybe_pandas_data(data, feature_names, feature_types):\n", + "\n", + "def _maybe_dt_data(data, feature_names, feature_types):\n", + "\n", + "def _maybe_dt_array(array):\n", + "\n", + "def _init_from_csr(self, csr):\n", + "\n", + "def _init_from_csc(self, csc):\n", + "\n", + "def _init_from_npy2d(self, mat, missing, nthread):\n", + "\n", + "def _init_from_dt(self, data, nthread):\n", + "\n", + "def set_float_info(self, field, data):\n", + "\n", + "def set_float_info_npy2d(self, field, data):\n", + "\n", + "def set_uint_info(self, field, data):\n", + "\n", + "def save_binary(self, fname, silent=True):\n", + "\n", + "def set_group(self, group):\n", + "\n", + "def feature_names(self):\n", + "\n", + "def feature_names(self, feature_names):\n", + "\n", + "def feature_types(self, feature_types):\n", + "\n", + "def load_rabit_checkpoint(self):\n", + "\n", + "def attr(self, key):\n", + "\n", + "def attributes(self):\n", + "\n", + "def set_attr(self, **kwargs):\n", + "\n", + "def set_param(self, params, value=None):\n", + "\n", + "def eval(self, data, name='eval', iteration=0):\n", + "\n", + "def predict(self, data, output_margin=False, ntree_limit=0, pred_leaf=False,\n", + "\n", + "def save_model(self, fname):\n", + "\n", + "def load_model(self, fname):\n", + "\n", + "def dump_model(self, fout, fmap='', with_stats=False, dump_format=\"text\"):\n", + "\n", + "def get_dump(self, fmap='', with_stats=False, dump_format=\"text\"):\n", + "\n", + "def get_score(self, fmap='', importance_type='weight'):\n", + "\n", + "def trees_to_dataframe(self, fmap=''):\n", + "\n", + "def _validate_features(self, data):\n", + "\n", + "def get_split_value_histogram(self, feature, fmap='', bins=None, as_pandas=True):\n", + "\n", + "def plot_importance(booster, ax=None, height=0.2,\n", + "\n", + "def _parse_node(graph, text, condition_node_params, leaf_node_params):\n", + "\n", + "def _parse_edge(graph, node, text, yes_color='#0000FF', no_color='#FF0000'):\n", + "\n", + "def to_graphviz(booster, fmap='', num_trees=0, rankdir='UT',\n", + "\n", + "def newAction(parent, text, slot=None, shortcut=None, icon=None,\n", + "\n", + "def natural_sort(list, key=lambda s:s):\n", + "\n", + " def get_alphanum_key_func(key):\n", + "\n", + "def mouseMoveEvent(self, ev):\n", + "\n", + "def selectShapePoint(self, point):\n", + "\n", + "def snapPointToCanvas(self, x, y):\n", + "\n", + "def intersectingEdges(self, x1y1, x2y2, points):\n", + "\n", + "def get_main_app(argv=[]):\n", + "\n", + "def toggleActions(self, value=True):\n", + "\n", + "def toggleDrawingSensitive(self, drawing=True):\n", + "\n", + "def btnstate(self, item= None):\n", + "\n", + "def newShape(self):\n", + "\n", + "def loadFile(self, filePath=None):\n", + "\n", + "def scaleFitWindow(self):\n", + "\n", + "def ustr(x):\n", + "\n", + "def prettify(self, elem):\n", + "\n", + "def genXML(self):\n", + "\n", + "def fetch2(self, path, api='public', method='GET', params={}, headers=None, body=None):\n", + "\n", + "def request(self, path, api='public', method='GET', params={}, headers=None, body=None):\n", + "\n", + "def find_broadly_matched_key(self, broad, string):\n", + "\n", + "def fetch(self, url, method='GET', headers=None, body=None):\n", + "\n", + "def safe_either(method, dictionary, key1, key2, default_value=None):\n", + "\n", + "def truncate(num, precision=0):\n", + "\n", + "def truncate_to_string(num, precision=0):\n", + "\n", + "def check_address(self, address):\n", + "\n", + "def reduce_filename(f):\n", + "\n", + "def keep_only_digits(s):\n", + "\n", + "def parse_stm_file(stm_file):\n", + "\n", + "def read_wave(path):\n", + "\n", + "def write_wave(path, audio, sample_rate):\n", + "\n", + "def frame_generator(frame_duration_ms, audio, sample_rate):\n", + "\n", + "def run(self):\n", + "\n", + "def exec_command(command, cwd=None):\n", + "\n", + "def get_arch_string():\n", + "\n", + "def extract_native_client_tarball(dir):\n", + "\n", + "def is_zip_file(models):\n", + "\n", + "def maybe_inspect_zip(models):\n", + "\n", + "def all_files(models=[]):\n", + "\n", + " def nsort(a, b):\n", + "\n", + "def setup_tempdir(dir, models, wav, alphabet, lm_binary, trie, binaries):\n", + "\n", + "def teardown_tempdir(dir):\n", + "\n", + "def get_sshconfig():\n", + "\n", + "def establish_ssh(target=None, auto_trust=False, allow_agent=True, look_keys=True):\n", + "\n", + " def password_prompt(username, hostname):\n", + "\n", + "def run_benchmarks(dir, models, wav, alphabet, lm_binary=None, trie=None, iters=-1):\n", + "\n", + "def produce_csv(input, output):\n", + "\n", + "def to_sparse_tuple(sequence):\n", + "\n", + "def _parallel_downloader(voxforge_url, archive_dir, total, counter):\n", + "\n", + " def download(d):\n", + "\n", + "def _parallel_extracter(data_dir, number_of_test, number_of_dev, total, counter):\n", + "\n", + " def extract(d):\n", + "\n", + "def increment(self, amount=1):\n", + "\n", + "def calculate_report(labels, decodings, distances, losses):\n", + "\n", + "def sparse_tensor_value_to_texts(value, alphabet):\n", + "\n", + "def parse_args(args):\n", + "\n", + "def setup_logging(level):\n", + "\n", + "def main(args):\n", + "\n", + "def download(self):\n", + "\n", + "def convert(self):\n", + "\n", + "def text_to_char_array(original, alphabet):\n", + "\n", + "def wer_cer_batch(originals, results):\n", + "\n", + "def variable_on_cpu(name, shape, initializer):\n", + "\n", + "def calculate_mean_edit_distance_and_loss(iterator, dropout, reuse):\n", + "\n", + "def get_tower_results(iterator, optimizer, dropout_rates):\n", + "\n", + "def average_gradients(tower_gradients):\n", + "\n", + "def log_variable(variable, gradient=None):\n", + "\n", + "def export():\n", + "\n", + " def fixup(name):\n", + "\n", + " def do_graph_freeze(output_file=None, output_node_names=None, variables_blacklist=None):\n", + "\n", + "def ctc_beam_search_decoder(probs_seq,\n", + "\n", + "def ctc_beam_search_decoder_batch(probs_seq,\n", + "\n", + "def resample(self, data, input_rate):\n", + "\n", + "def read_resampled(self):\n", + "\n", + "def frame_generator(self):\n", + "\n", + "def vad_collector(self, padding_ms=300, ratio=0.75, frames=None):\n", + "\n", + "def cut(sentence, HMM=True):\n", + "\n", + "def enable_parallel(processnum=None):\n", + "\n", + "def cut(self, sentence, cut_all=False, HMM=True):\n", + "\n", + "def cut_for_search(self, sentence, HMM=True):\n", + "\n", + "def load_userdict(self, f):\n", + "\n", + "def add_word(self, word, freq=None, tag=None):\n", + "\n", + "def suggest_freq(self, segment, tune=False):\n", + "\n", + "def tokenize(self, unicode_sentence, mode=\"default\", HMM=True):\n", + "\n", + "def textrank(self, sentence, topK=20, withWeight=False, allowPOS=('ns', 'n', 'vn', 'v'), withFlag=False):\n", + "\n", + "def extract_tags(self, sentence, topK=20, withWeight=False, allowPOS=(), withFlag=False):\n", + "\n", + "def paracrawl_v3_pairs(paracrawl_file):\n", + "\n", + "def _raw_sentences(paracrawl_file):\n", + "\n", + "def clean_en_xx_pairs(en_xx_pairs):\n", + "\n", + "def _get_case_file_paths(tmp_dir, case, training_fraction=0.95):\n", + "\n", + "def maybe_download_image_dataset(image_ids, target_dir):\n", + "\n", + "def random_square_mask(shape, fraction):\n", + "\n", + "def _generator(tmp_dir, training, size=_BASE_EXAMPLE_IMAGE_SIZE,\n", + "\n", + "def transformer_moe_base():\n", + "\n", + "def transformer_moe_8k():\n", + "\n", + "def transformer_moe_2k():\n", + "\n", + "def transformer_moe_prepend_8k():\n", + "\n", + "def f(x, depth1, depth2, dim='2d', first_batch_norm=True, stride=1,\n", + "\n", + "def downsample_bottleneck(x, output_channels, dim='2d', stride=1, scope='h'):\n", + "\n", + "def downsample_residual(x, output_channels, dim='2d', stride=1, scope='h'):\n", + "\n", + "def init(images, num_channels, dim='2d', stride=2,\n", + "\n", + "def unit(x1, x2, block_num, depth, num_layers, dim='2d',\n", + "\n", + "def final_block(x1, x2, dim='2d', training=True, scope='final_block'):\n", + "\n", + "def revnet(inputs, hparams, reuse=None):\n", + "\n", + "def revnet_base():\n", + "\n", + "def revnet_cifar_base():\n", + "\n", + "def revnet_110_cifar():\n", + "\n", + "def revnet_164_cifar():\n", + "\n", + "def revnet_range(rhp):\n", + "\n", + "def next_frame_basic_deterministic():\n", + "\n", + "def next_frame_pixel_noise():\n", + "\n", + "def next_frame_sampling():\n", + "\n", + "def next_frame_ae():\n", + "\n", + "def next_frame_ae_tiny():\n", + "\n", + "def next_frame_tiny():\n", + "\n", + "def next_frame_l1():\n", + "\n", + "def next_frame_l2():\n", + "\n", + "def next_frame_base_range(rhp):\n", + "\n", + "def next_frame_ae_range(rhp):\n", + "\n", + "def mqp_lm1b_base():\n", + "\n", + "def initialize_env_specs(hparams, env_problem_name):\n", + "\n", + "def train(hparams, output_dir, env_problem_name, report_fn=None):\n", + "\n", + " def evaluate_on_new_model(model_dir_path):\n", + "\n", + " def evaluate_on_new_model(model_dir_path):\n", + "\n", + "def learning_rate_factor(name, step_num, hparams):\n", + "\n", + "def learning_rate_schedule(hparams):\n", + "\n", + "def legacy_learning_rate_schedule(hparams):\n", + "\n", + "def _global_step(hparams):\n", + "\n", + "def _piecewise_learning_rate(step, boundaries, values):\n", + "\n", + "def _learning_rate_decay(hparams, warmup_steps=0):\n", + "\n", + "def _learning_rate_warmup(warmup_steps, warmup_schedule=\"exp\", hparams=None):\n", + "\n", + "def is_in_expr(expr, find):\n", + "\n", + "def random_expr_with_required_var(depth, required_var, optional_list, ops):\n", + "\n", + "def random_expr(depth, vlist, ops):\n", + "\n", + "def algebra_inverse_solve(left, right, var, solve_ops):\n", + "\n", + "def format_sympy_expr(sympy_expr, functions=None):\n", + "\n", + "def generate_algebra_inverse_sample(vlist, ops, solve_ops, min_depth,\n", + "\n", + "def generate_algebra_simplify_sample(vlist, ops, min_depth, max_depth):\n", + "\n", + "def generate_calculus_integrate_sample(vlist, ops, min_depth, max_depth,\n", + "\n", + "def math_dataset_init(alphabet_size=26, digits=None, functions=None):\n", + "\n", + " def int_encoder(sequence):\n", + "\n", + " def int_decoder(tensor_1d):\n", + "\n", + "def algebra_inverse(alphabet_size=26, min_depth=0, max_depth=2,\n", + "\n", + "def algebra_simplify(alphabet_size=26,\n", + "\n", + "def calculus_integrate(alphabet_size=26,\n", + "\n", + "def is_in(self, expr):\n", + "\n", + "def preprocess_example_common(example, mode, hparams):\n", + "\n", + "def _copy_problem_hparams(p_hparams):\n", + "\n", + "def _reverse_problem_hparams(p_hparams):\n", + "\n", + "def _default_hparams():\n", + "\n", + "def tpu_batch_size_per_shard(self, model_hparams):\n", + "\n", + "def preprocess(self, dataset, mode, hparams, interleave=True):\n", + "\n", + " def _preprocess(example):\n", + "\n", + "def filepattern(self, data_dir, mode, shard=None):\n", + "\n", + "def get_hparams(self, model_hparams=None):\n", + "\n", + "def maybe_reverse_features(self, feature_map):\n", + "\n", + "def dataset(self,\n", + "\n", + " def _load_records_and_preprocess(filenames):\n", + "\n", + "def decode_example(self, serialized_example):\n", + "\n", + "def feature_info(self):\n", + "\n", + "def make_estimator_input_fn(self,\n", + "\n", + " def estimator_input_fn(params, config):\n", + "\n", + "def _dataset_partition(self, mode, config, params):\n", + "\n", + "def input_fn(self,\n", + "\n", + "def serving_input_fn(self, hparams, decode_hparams=None, use_tpu=False):\n", + "\n", + "def _get_hparams_path():\n", + "\n", + "def export_module_spec_with_checkpoint(module_spec,\n", + "\n", + "def export_as_tfhub_module(model_name,\n", + "\n", + " def hub_module_fn():\n", + "\n", + "def build_model(hparams_set, model_name, data_dir, problem_name, beam_size=1):\n", + "\n", + "def get_att_mats(translate_model):\n", + "\n", + "def encode(self, input_str):\n", + "\n", + "def decode(self, integers):\n", + "\n", + "def decode_list(self, integers):\n", + "\n", + "def get_vis_data_from_string(self, sess, input_string):\n", + "\n", + "def glow_hparams():\n", + "\n", + "def shift_and_pad(tensor, shift, axis=0):\n", + "\n", + "def transformer_aux_base():\n", + "\n", + "def transformer_aux_tiny():\n", + "\n", + "def pixels_from_softmax(frame_logits, pure_sampling=False,\n", + "\n", + "def next_frame_base():\n", + "\n", + "def remove_time_limit_wrapper(env):\n", + "\n", + "def gym_env_wrapper(env, rl_env_max_episode_steps, maxskip_env, rendered_env,\n", + "\n", + "def make_gym_env(name,\n", + "\n", + "def register_gym_env(class_entry_point, version=\"v0\", kwargs=None):\n", + "\n", + "def step(self, action):\n", + "\n", + "def _handle_errors(errors):\n", + "\n", + "def create_hparams(hparams_set,\n", + "\n", + "def create_hparams_from_json(json_path, hparams=None):\n", + "\n", + "def add_problem_hparams(hparams, problem_name_or_instance):\n", + "\n", + "def load_examples(tmp_dir, prop_train=0.09, prop_val=0.01):\n", + "\n", + "def _get_cifar(directory, url):\n", + "\n", + "def cifar_generator(cifar_version, tmp_dir, training, how_many, start_from=0):\n", + "\n", + "def rlmb_ppo_base():\n", + "\n", + "def rlmb_dqn_base():\n", + "\n", + "def rlmb_ppo_quick():\n", + "\n", + "def rlmb_base_stochastic():\n", + "\n", + "def rlmb_base_stochastic_discrete():\n", + "\n", + "def rlmb_long_stochastic_discrete_simulation_deterministic_starts():\n", + "\n", + "def rlmb_long_stochastic_discrete_100steps():\n", + "\n", + "def rlmb_long_stochastic_discrete_25steps():\n", + "\n", + "def rlmb_base_stochastic_discrete_noresize():\n", + "\n", + "def rlmb_base_sv2p():\n", + "\n", + "def _rlmb_tiny_overrides():\n", + "\n", + "def rlmb_ppo_tiny():\n", + "\n", + "def rlmb_dqn_tiny():\n", + "\n", + "def rlmb_tiny_stochastic():\n", + "\n", + "def rlmb_tiny_recurrent():\n", + "\n", + "def rlmb_tiny_sv2p():\n", + "\n", + "def rlmb_grid(rhp):\n", + "\n", + "def merge_unscoped_hparams(scopes_and_hparams):\n", + "\n", + "def split_scoped_hparams(scopes, merged_hparams):\n", + "\n", + "def training_loop_hparams_from_scoped_overrides(scoped_overrides, trial_id):\n", + "\n", + "def get_keys_to_action(self):\n", + "\n", + "def step(self, action):\n", + "\n", + "def _augment_observation(self, ob, reward, cumulative_reward):\n", + "\n", + "def _player_step_tuple(self, envs_step_tuples):\n", + "\n", + "def reset(self):\n", + "\n", + "def _step_envs(self, action):\n", + "\n", + "def _player_step_tuple(self, envs_step_tuples):\n", + "\n", + "def add_delta_deltas(filterbanks, name=None):\n", + "\n", + "def play_env_problem_randomly(env_problem,\n", + "\n", + "def generate_plaintext_random(plain_vocab, distribution, train_samples,\n", + "\n", + "def encipher_shift(plaintext, plain_vocab, shift):\n", + "\n", + "def encipher_vigenere(plaintext, plain_vocab, key):\n", + "\n", + "def _super_stack(inputs,\n", + "\n", + " def _diet_expert(x):\n", + "\n", + " def _split(t):\n", + "\n", + "def super_lm_base():\n", + "\n", + "def super_lm_moe():\n", + "\n", + "def xmoe_tr_dense_2k():\n", + "\n", + "def xmoe_tr_1d():\n", + "\n", + "def xmoe_tr_2d():\n", + "\n", + "def xmoe_dense_4k():\n", + "\n", + "def xmoe_top_2():\n", + "\n", + "def xmoe_2d():\n", + "\n", + "def xmoe2_dense(sz):\n", + "\n", + "def xmoe2_v1():\n", + "\n", + "def xmoe2_v1_x128():\n", + "\n", + "def xmoe2_tiny():\n", + "\n", + "def xmoe2_v1_l4k():\n", + "\n", + "def xmoe2_v1_l4k_local_only():\n", + "\n", + "def xmoe2_v1_l4k_global_only():\n", + "\n", + "def xmoe2_v1_l4k_compressed_c4():\n", + "\n", + "def wiki_2x2_base():\n", + "\n", + "def denoise_z15():\n", + "\n", + "def denoise_v1_m15():\n", + "\n", + "def _download_mlu_data(tmp_dir, data_dir):\n", + "\n", + "def _get_ngram_counter(ids, n):\n", + "\n", + "def _get_fbeta_score(true_positives, selected, relevant, beta=1):\n", + "\n", + "def get_addition_score(source_counts, prediction_counts, target_counts):\n", + "\n", + "def get_keep_score(source_counts, prediction_counts, target_counts):\n", + "\n", + "def get_deletion_score(source_counts, prediction_counts, target_counts, beta=0):\n", + "\n", + "def get_sari_score(source_ids, prediction_ids, list_of_targets,\n", + "\n", + "def get_sari(source_ids, prediction_ids, target_ids, max_gram_size=4):\n", + "\n", + " def get_sari_numpy(source_ids, prediction_ids, target_ids):\n", + "\n", + "def sari_score(predictions, labels, features, **unused_kwargs):\n", + "\n", + "def _get_mnist(directory):\n", + "\n", + "def _extract_mnist_images(filename, num_images):\n", + "\n", + "def _extract_mnist_labels(filename, num_labels):\n", + "\n", + "def mnist_common_generator(tmp_dir,\n", + "\n", + "def mnist_generator(tmp_dir, training, how_many, start_from=0):\n", + "\n", + "def _get_fashion_mnist(directory):\n", + "\n", + "def fashion_mnist_generator(tmp_dir, training, how_many, start_from=0):\n", + "\n", + "def generate_data(timeseries_length, timeseries_params):\n", + "\n", + "def next_frame_basic_stochastic():\n", + "\n", + "def next_frame_sampling_stochastic():\n", + "\n", + "def next_frame_basic_stochastic_discrete():\n", + "\n", + "def next_frame_stochastic_discrete_range(rhp):\n", + "\n", + "def nested_map(x, f):\n", + "\n", + "def shapes(x):\n", + "\n", + " def shape(x):\n", + "\n", + "def sizes(x):\n", + "\n", + " def size(x):\n", + "\n", + "def _find_frame(stack, start=0):\n", + "\n", + "def _shorten_file_path(line):\n", + "\n", + "def _short_traceback(skip=3):\n", + "\n", + "def layer(output_shape=None, new_parameters=None):\n", + "\n", + " def layer_decorator(call):\n", + "\n", + " def output_shape_fun(self, input_shape):\n", + "\n", + " def new_parameters_fun(self, input_shape, rng):\n", + "\n", + " def call_fun(self, x, params=(), **kwargs):\n", + "\n", + "def initialize(self, input_shape, rng):\n", + "\n", + "def _references_content(ref_files):\n", + "\n", + "def _wiki_urls_for_shard(shard_id, urls_dir=None):\n", + "\n", + "def _wiki_articles(shard_id, wikis_dir=None):\n", + "\n", + " def _parse_example(ex_ser):\n", + "\n", + "def rank_reference_paragraphs(wiki_title, references_content, normalize=True):\n", + "\n", + "def produce_examples(shard_ids, wikis_dir, refs_dir, urls_dir, vocab_path,\n", + "\n", + " def example_generator():\n", + "\n", + "def _encode_wiki_sections(sections, vocab):\n", + "\n", + "def extract_references_from_wets(wet_files, metadata_dir, out_dir,\n", + "\n", + "def _dump_to_pages(dump):\n", + "\n", + "def _page_to_title(page):\n", + "\n", + "def _page_to_text(page):\n", + "\n", + "def _find_and_replace(text, start_string, end_string, replace_fn):\n", + "\n", + "def _remove_double_brackets(text):\n", + "\n", + " def replacement_fn(s):\n", + "\n", + "def image_encoder(image_feat,\n", + "\n", + "def prepare_question_encoder(inputs, hparams):\n", + "\n", + "def question_encoder(question,\n", + "\n", + "def attn(image_feat,\n", + "\n", + "def mlp(feature, hparams, name=\"mlp\"):\n", + "\n", + "def prepare_image_question_encoder(image_feat, question, hparams):\n", + "\n", + "def image_question_encoder(encoder_inputs,\n", + "\n", + "def decoder(decoder_input,\n", + "\n", + "def iterative_encoder_decoder(encoder_input,\n", + "\n", + "def vqa_self_attention_base():\n", + "\n", + "def vqa_self_attention_feature_batch1024_big():\n", + "\n", + "def _bucket_boundaries(max_length, min_length=8, length_bucket_step=1.1):\n", + "\n", + "def batching_scheme(batch_size,\n", + "\n", + "def hparams_to_batching_scheme(hparams,\n", + "\n", + "def pad_for_tpu(shapes_dict, hparams, max_length):\n", + "\n", + " def get_filler(specified_max_length):\n", + "\n", + " def pad_one_shape(shape, none_filler):\n", + "\n", + "def standardize_shapes(features, batch_size=None):\n", + "\n", + "def _file_num_records_cached(filename):\n", + "\n", + "def pad_batch(features, batch_multiple):\n", + "\n", + "def input_fn(dataset,\n", + "\n", + " def tpu_valid_size(example):\n", + "\n", + " def gpu_valid_size(example):\n", + "\n", + " def define_shapes(example):\n", + "\n", + " def is_nonzero_chunk(example):\n", + "\n", + " def split_on_length(example):\n", + "\n", + " def collapse_nested_datasets(example):\n", + "\n", + " def prepare_for_output(example):\n", + "\n", + "def generate_shard_args(outfiles, num_examples):\n", + "\n", + "def dataset_generator(filepath,\n", + "\n", + "def to_example_dict(encoder, inputs, mask, outputs):\n", + "\n", + "def linear_interpolate(tensor1, tensor2, coeffs):\n", + "\n", + "def linear_interpolate_rank(tensor1, tensor2, coeffs, rank=1):\n", + "\n", + "def postprocess(x, n_bits_x=8):\n", + "\n", + "def get_cond_latents_at_level(cond_latents, level, hparams):\n", + "\n", + "def check_cond_latents(cond_latents, hparams):\n", + "\n", + "def get_variable_ddi(name, shape, initial_value, dtype=tf.float32, init=False,\n", + "\n", + "def get_dropout(x, rate=0.0, init=True):\n", + "\n", + "def actnorm_3d(name, x, logscale_factor=3.):\n", + "\n", + "def actnorm(name, x, logscale_factor=3., reverse=False, init=False,\n", + "\n", + "def actnorm_center(name, x, reverse=False, init=False):\n", + "\n", + "def actnorm_scale(name, x, logscale_factor=3., reverse=False, init=False):\n", + "\n", + "def invertible_1x1_conv(name, x, reverse=False):\n", + "\n", + " def tpu_inv(m):\n", + "\n", + "def add_edge_bias(x, filter_size):\n", + "\n", + "def time_pad(x, filter_size, dilations):\n", + "\n", + "def conv(name, x, output_channels, filter_size=None, stride=None,\n", + "\n", + "def conv_block(name, x, mid_channels, dilations=None, activation=\"relu\",\n", + "\n", + "def dilated_conv_stack(name, x, mid_channels, output_channels,\n", + "\n", + "def conv_stack(name, x, mid_channels, output_channels, dilations=None,\n", + "\n", + "def additive_coupling(name, x, mid_channels=512, reverse=False,\n", + "\n", + "def affine_coupling(name, x, mid_channels=512, activation=\"relu\",\n", + "\n", + "def squeeze(name, x, factor=2, reverse=True):\n", + "\n", + "def get_dilation_rates(hparams, width):\n", + "\n", + "def temporal_latent_to_dist(name, x, hparams, output_channels=None):\n", + "\n", + "def single_conv_dist(name, x, output_channels=None):\n", + "\n", + "def latent_to_dist(name, x, hparams, output_channels=None):\n", + "\n", + "def noise_op(latents, hparams):\n", + "\n", + "def merge_level_and_latent_dist(level_dist, latent_dist,\n", + "\n", + "def level_cond_prior(prior_dist, z, latent, hparams, state):\n", + "\n", + "def compute_prior(name, z, latent, hparams, condition=False, state=None,\n", + "\n", + "def split(name, x, reverse=False, eps=None, eps_std=None, cond_latents=None,\n", + "\n", + "def revnet_step(name, x, hparams, reverse=True):\n", + "\n", + "def revnet(name, x, hparams, reverse=True):\n", + "\n", + "def scale_gaussian_prior(name, z, logscale_factor=3.0, trainable=True):\n", + "\n", + "def top_prior(name, z_shape, learn_prior=\"normal\", temperature=1.0):\n", + "\n", + "def uniform_binning_correction(x, n_bits=8):\n", + "\n", + "def encoder_decoder(name, x, hparams, eps=None, reverse=False,\n", + "\n", + "def bfloat16_activations_var_getter(getter, *args, **kwargs):\n", + "\n", + "def float16_activations_var_getter(getter, *args, **kwargs):\n", + "\n", + "def simulated_quantize(x, num_bits, noise):\n", + "\n", + "def noise_from_step_num():\n", + "\n", + "def _randomized_roundoff_to_bfloat16(x, noise, cand1, cand2):\n", + "\n", + "def _to_bfloat16_unbiased(x, noise):\n", + "\n", + "def custom_getter(self, activation_dtype=tf.bfloat16):\n", + "\n", + " def getter_fn(getter, *args, **kwargs):\n", + "\n", + "def load_videos(template, video_length, frame_shape):\n", + "\n", + "def psnr_and_ssim(output, target):\n", + "\n", + "def get_zipped_dataset_from_predictions(predictions):\n", + "\n", + "def compute_one_decoding_video_metrics(iterator, feed_dict, num_videos):\n", + "\n", + "def reduce_to_best_decode(metrics, reduce_func):\n", + "\n", + "def compute_all_metrics_statistics(all_results):\n", + "\n", + "def compute_video_metrics_from_predictions(predictions, decode_hparams):\n", + "\n", + "def swap_time_and_batch_axes(inputs):\n", + "\n", + "def encode_to_shape(inputs, shape, scope):\n", + "\n", + "def decode_to_shape(inputs, shape, scope):\n", + "\n", + "def basic_lstm(inputs, state, num_units, name=None):\n", + "\n", + "def lstm_cell(inputs,\n", + "\n", + "def conv_lstm_2d(inputs, state, output_channels,\n", + "\n", + "def scheduled_sample_count(ground_truth_x,\n", + "\n", + "def inject_additional_input(layer, inputs, name, mode=\"concat\"):\n", + "\n", + "def scheduled_sample_prob(ground_truth_x,\n", + "\n", + "def dna_transformation(prev_image, dna_input, dna_kernel_size, relu_shift):\n", + "\n", + "def cdna_transformation(prev_image, cdna_input, num_masks, color_channels,\n", + "\n", + "def vgg_layer(inputs,\n", + "\n", + "def tile_and_concat(image, latent, concat_latent=True):\n", + "\n", + "def _encode_gif(images, fps):\n", + "\n", + "def ffmpeg_works():\n", + "\n", + "def py_gif_summary(tag, images, max_outputs, fps, return_summary_value=False):\n", + "\n", + "def gif_summary(name, tensor, max_outputs=3, fps=10, collections=None,\n", + "\n", + "def conv_latent_tower(images, time_axis, latent_channels=1, min_logvar=-5,\n", + "\n", + "def beta_schedule(schedule, global_step, final_beta, decay_start, decay_end):\n", + "\n", + "def extract_random_video_patch(videos, num_frames=-1):\n", + "\n", + "def write_multi(self, frames, encoded_frames=None):\n", + "\n", + "def __init_ffmpeg(self, image_shape):\n", + "\n", + "def _start_reader_thread(self, stream, chunks):\n", + "\n", + " def target():\n", + "\n", + "def finish(self):\n", + "\n", + "def validate_flags():\n", + "\n", + "def make_request_fn():\n", + "\n", + "def encoder(self, inputs, n_layers=3):\n", + "\n", + "def get_fc_dimensions(self, strides, kernel_sizes):\n", + "\n", + "def discriminator(self, frames):\n", + "\n", + "def d_step(self, true_frames, gen_frames):\n", + "\n", + "def g_step(self, gen_frames, fake_logits_stop):\n", + "\n", + "def get_gan_loss(self, true_frames, gen_frames, name):\n", + "\n", + "def get_extra_loss(self, latent_means=None, latent_stds=None,\n", + "\n", + "def pad_conv3d_lrelu(self, activations, n_filters, kernel_size, strides,\n", + "\n", + "def weight(w, sparsity):\n", + "\n", + "def unit(w, sparsity):\n", + "\n", + "def sparsify(sess, eval_model, pruning_strategy, pruning_params):\n", + "\n", + " def should_prune(name):\n", + "\n", + "def load_config(self):\n", + "\n", + "def ppo_base_v1():\n", + "\n", + "def ppo_atari_base():\n", + "\n", + "def ppo_original_params():\n", + "\n", + "def ppo_original_world_model():\n", + "\n", + "def ppo_tiny_world_model():\n", + "\n", + "def ppo_original_world_model_stochastic_discrete():\n", + "\n", + "def make_simulated_env_fn(**env_kwargs):\n", + "\n", + " def env_fn(in_graph):\n", + "\n", + "def make_simulated_env_kwargs(real_env, hparams, **extra_kwargs):\n", + "\n", + "def get_policy(observations, hparams, action_space):\n", + "\n", + "def rlmf_tictactoe():\n", + "\n", + "def rlmf_tiny():\n", + "\n", + "def rlmf_dqn_tiny():\n", + "\n", + "def rlmf_eval():\n", + "\n", + "def feed_forward_gaussian_fun(action_space, config, observations):\n", + "\n", + "def _curvature_range(self):\n", + "\n", + "def _grad_variance(self):\n", + "\n", + "def _dist_to_opt(self):\n", + "\n", + "def _grad_sparsity(self):\n", + "\n", + "def _prepare_variables(self):\n", + "\n", + "def _get_cubic_root(self):\n", + "\n", + "def _get_lr_tensor(self):\n", + "\n", + "def _get_mu_tensor(self):\n", + "\n", + "def _yellowfin(self):\n", + "\n", + "def apply_gradients(self, grads_and_vars, global_step=None, name=None):\n", + "\n", + "def compute_gradients(self,\n", + "\n", + "def minimize(self,\n", + "\n", + "def residual_dilated_conv(x, repeat, padding, name, hparams):\n", + "\n", + "def bytenet_internal(inputs, targets, hparams):\n", + "\n", + "def bytenet_base():\n", + "\n", + "def _download_and_parse_dataset(tmp_dir, train):\n", + "\n", + "def _get_tokens_and_tags(parse_str):\n", + "\n", + "def _parse_dataset(file_path, tmp_dir, train):\n", + "\n", + "def _get_or_generate_vocab(tmp_dir, vocab_filename, vocab_size):\n", + "\n", + "def snli_token_generator(tmp_dir, train, vocab_size):\n", + "\n", + "def shard(items, num_shards):\n", + "\n", + "def RandomNormalInitializer(stddev=1e-2):\n", + "\n", + " def init(shape, rng):\n", + "\n", + "def GlorotNormalInitializer(out_dim=0, in_dim=1, scale=onp.sqrt(2)):\n", + "\n", + " def init(shape, rng):\n", + "\n", + "def GlorotUniformInitializer(out_dim=0, in_dim=1):\n", + "\n", + " def init(shape, rng):\n", + "\n", + "def one_hot(x, size, dtype=np.float32):\n", + "\n", + "def LogSoftmax(x, params, axis=-1, **kwargs):\n", + "\n", + "def Softmax(x, params, axis=-1, **kwargs):\n", + "\n", + "def padtype_to_pads(in_shape, window_shape, window_strides, padding):\n", + "\n", + "def _flatten_output_shape(input_shape, num_axis_to_keep=1):\n", + "\n", + "def _batch_norm_new_params(input_shape, rng, axis=(0, 1, 2),\n", + "\n", + "def BatchNorm(x, params, axis=(0, 1, 2), epsilon=1e-5,\n", + "\n", + "def _pooling_output_shape(input_shape, pool_size=(2, 2),\n", + "\n", + "def _pooling_general(inputs, reducer, init_val, rescaler=None,\n", + "\n", + "def Dropout(x, params, rate=0.0, mode='train', rng=None, **kwargs):\n", + "\n", + "def _kernel_shape(self, input_shape):\n", + "\n", + "def _conv_shape_tuple(self, lhs_shape, rhs_shape, strides, pads):\n", + "\n", + "def _conv_general_permutations(self, dimension_numbers):\n", + "\n", + " def getperm(spec, charpair):\n", + "\n", + "def _conv_general_shape_tuple(self, lhs_shape, rhs_shape, window_strides,\n", + "\n", + "def get_create_agent(agent_kwargs):\n", + "\n", + " def create_agent(sess, environment, summary_writer=None):\n", + "\n", + "def get_create_batch_env_fun(batch_env_fn, time_limit):\n", + "\n", + " def create_env_fun(game_name=None, sticky_actions=None):\n", + "\n", + "def _parse_hparams(hparams):\n", + "\n", + "def _build_replay_buffer(self, use_staging):\n", + "\n", + "def add(self, observation, action, reward, terminal, *args):\n", + "\n", + "def step(self, actions):\n", + "\n", + "def text_cnn_base():\n", + "\n", + "def next_frame_glow_hparams():\n", + "\n", + "def next_frame_glow_bair_quant():\n", + "\n", + "def next_frame_glow_bair_qual():\n", + "\n", + "def next_frame_glow_shapes():\n", + "\n", + "def get_cond_latents(all_latents=None, hparams=None):\n", + "\n", + "def basic_fc_small():\n", + "\n", + "def _layer_stack(mp,\n", + "\n", + " def _split(t):\n", + "\n", + "def transformer_symshard_base():\n", + "\n", + "def imagenet_pixelrnn_generator(tmp_dir,\n", + "\n", + "def imagenet_preprocess_example(example, mode, resize_size=None,\n", + "\n", + "def _crop(image, offset_height, offset_width, crop_height, crop_width):\n", + "\n", + "def distorted_bounding_box_crop(image,\n", + "\n", + "def _random_crop(image, size):\n", + "\n", + "def _at_least_x_are_true(a, b, x):\n", + "\n", + "def _do_scale(image, size):\n", + "\n", + "def _center_crop(image, size):\n", + "\n", + "def _normalize(image):\n", + "\n", + "def preprocess_for_train(image, image_size=224, normalize=True):\n", + "\n", + "def preprocess_for_eval(image, image_size=224, normalize=True):\n", + "\n", + "def MultifactorSchedule(history=None,\n", + "\n", + "def EvalAdjustingSchedule(history,\n", + "\n", + "def project_hidden(x, projection_tensors, hidden_size, num_blocks):\n", + "\n", + "def slice_hidden(x, hidden_size, num_blocks):\n", + "\n", + "def nearest_neighbor(x,\n", + "\n", + "def embedding_lookup(x,\n", + "\n", + "def bit_to_int(x_bit, num_bits, base=2):\n", + "\n", + "def int_to_bit_embed(x_int, num_bits, embedding_size, base=2):\n", + "\n", + "def embed(x,\n", + "\n", + "def vae(x, z_size, name=None):\n", + "\n", + "def gumbel_sample(shape):\n", + "\n", + "def gumbel_softmax(x,\n", + "\n", + "def discrete_bottleneck(inputs,\n", + "\n", + "def predict_bits_with_lstm(prediction_source, state_size, total_num_bits,\n", + "\n", + "def get_vq_codebook(codebook_size, hidden_size):\n", + "\n", + "def vq_nearest_neighbor(x, means,\n", + "\n", + "def vq_discrete_bottleneck(x,\n", + "\n", + "def vq_body(x,\n", + "\n", + " def loss_with_update():\n", + "\n", + "def vq_loss(x,\n", + "\n", + "def vq_discrete_unbottleneck(x, hidden_size):\n", + "\n", + "def gumbel_softmax_nearest_neighbor_dvq(x,\n", + "\n", + "def gumbel_softmax_discrete_bottleneck(x,\n", + "\n", + "def tanh_discrete_bottleneck(x, bottleneck_bits, bottleneck_noise,\n", + "\n", + "def tanh_discrete_unbottleneck(x, hidden_size):\n", + "\n", + "def isemhash_bottleneck(x,\n", + "\n", + "def isemhash_unbottleneck(x, hidden_size, isemhash_filter_size_multiplier=1.0):\n", + "\n", + "def parametrized_bottleneck(x, hparams):\n", + "\n", + "def parametrized_unbottleneck(x, hidden_size, hparams):\n", + "\n", + "def iaf_hparams(hidden_size=512, filter_size=4096):\n", + "\n", + "def _original_vocab(tmp_dir):\n", + "\n", + "def _replace_oov(original_vocab, line):\n", + "\n", + "def _maybe_download_corpus(tmp_dir):\n", + "\n", + "def lossfn(real_input, fake_input, compress, hparams, lsgan, name):\n", + "\n", + "def cycle_gan_internal(inputs, targets, _, hparams):\n", + "\n", + "def cycle_gan_small():\n", + "\n", + "def decode_hparams(overrides=\"\"):\n", + "\n", + "def preprocess_frame(frame):\n", + "\n", + "def frame_to_latents(frame, hparams):\n", + "\n", + "def latents_to_frames(z_top_interp, level_eps_interp, hparams):\n", + "\n", + "def interpolate(features, hparams, decode_hp):\n", + "\n", + "def get_summaries_log_dir(decode_hp, output_dir, dataset_split):\n", + "\n", + "def interpolations_to_summary(sample_ind, interpolations, first_frame,\n", + "\n", + "def next_frame_epva():\n", + "\n", + "def _create_slots(self, var_list):\n", + "\n", + "def _apply_cond(self, apply_fn, grad, var, *args, **kwargs):\n", + "\n", + " def apply_adam(grad_acc, apply_fn, grad, var, *args, **kwargs):\n", + "\n", + " def accumulate_gradient(grad_acc, grad):\n", + "\n", + "def _finish(self, update_ops, name_scope):\n", + "\n", + " def update_beta_op():\n", + "\n", + "def transformer_revnet_encoder(encoder_input,\n", + "\n", + " def f(x, side_input):\n", + "\n", + " def g(x):\n", + "\n", + "def transformer_revnet_decoder(decoder_input,\n", + "\n", + " def f(x, side_input):\n", + "\n", + " def g(x):\n", + "\n", + "def transformer_revnet_base():\n", + "\n", + "def transformer_revnet_big():\n", + "\n", + "def data_parallelism_from_flags(daisy_chain_variables=True, all_workers=False):\n", + "\n", + "def data_parallelism(daisy_chain_variables=True,\n", + "\n", + " def _ps_replicas(all_workers=False):\n", + "\n", + " def _gpu_order(num_gpus):\n", + "\n", + " def _ps_gpus(all_workers=False):\n", + "\n", + " def ps_devices(all_workers=False):\n", + "\n", + " def _replica_device_setter(worker_device):\n", + "\n", + "def concat_generator(filename, up_threshold, low_threshold=10):\n", + "\n", + "def mix_generators(generator_list):\n", + "\n", + "def compute_bleu_summaries(hook_args):\n", + "\n", + "def _preprocess_sgm(line, is_sgm):\n", + "\n", + "def compile_data(tmp_dir, datasets, filename, datatypes_to_clean=None):\n", + "\n", + "def get_or_create_vocab(self, data_dir, tmp_dir, force_get=False):\n", + "\n", + "def set_hparams_from_args(args):\n", + "\n", + "def create_hparams():\n", + "\n", + "def create_run_config(hp, output_dir=None):\n", + "\n", + "def save_metadata(hparams):\n", + "\n", + "def residual_block(x, hparams):\n", + "\n", + "def xception_internal(inputs, hparams):\n", + "\n", + "def xception_entry(inputs, hidden_dim):\n", + "\n", + " def xnet_resblock(x, filters, res_relu, name):\n", + "\n", + "def xception_exit(inputs):\n", + "\n", + "def get_text_from_html(html):\n", + "\n", + "def _soup_strings(soup):\n", + "\n", + "def image_transformer_base():\n", + "\n", + "def imagetransformer_cifar10_base():\n", + "\n", + "def imagetransformer_cifar10_base_dmol():\n", + "\n", + "def imagetransformer_base_tpu():\n", + "\n", + "def imagetransformer_base_imagenet_tpu():\n", + "\n", + "def imagetransformer_sep_channels():\n", + "\n", + "def imagetransformer_sep_channels_8l():\n", + "\n", + "def imagetransformer_base_8l_8h_big_cond_dr03_dan():\n", + "\n", + "def imagetransformer_base_10l_8h_big_uncond_dr03_dan_64():\n", + "\n", + "def imagetransformerpp_sep_channels_8l_8h():\n", + "\n", + "def imagetransformerpp_base_8l_8h_big_cond_dr03_dan():\n", + "\n", + "def imagetransformerpp_base_14l_8h_big_uncond_dr03_dan_p():\n", + "\n", + "def imagetransformerpp_base_5l_8h_big_uncond_dr00_dan_g_bs1():\n", + "\n", + "def imagetransformer_base_8l_8h_big_cond_dr03_dan_dilated():\n", + "\n", + "def imagetransformer_base_12l_8h_big():\n", + "\n", + "def imagetransformer1d_base_8l_64by64():\n", + "\n", + "def imagetransformer_sep_channels_12l_16h_imagenet_large():\n", + "\n", + "def imagetransformer_sep_channels_16l_16h_imgnet_lrg_loc():\n", + "\n", + "def imagetransformer_sep_channels_16l_16h_imgnet_lrg_loc_128():\n", + "\n", + "def imagetransformer_base_10l_16h_big_uncond_dr01_imgnet():\n", + "\n", + "def imagetransformer_base_10l_16h_big_dr01_imgnet():\n", + "\n", + "def imagetransformer_sep_channels_8l_8h():\n", + "\n", + "def imagetransformer_sep_channels_8l_8h_local_and_global_att():\n", + "\n", + "def imagetransformer_bas8l_8h_big_uncond_dr03_imgnet():\n", + "\n", + "def imagetransformer_base_10l_16h_big_dr01_moe_imgnet():\n", + "\n", + "def imagetransformer_moe_tiny():\n", + "\n", + "def imagetransformer_sep_channels_8l_tpu():\n", + "\n", + "def imagetransformer_b10l_4h_big_uncond_dr03_tpu():\n", + "\n", + "def imagetransformer_b10l_dr03_moe_tpu():\n", + "\n", + "def imagetransformer_b10l_4h_big_uncond_dr03_lr025_tpu():\n", + "\n", + "def imagetransformer_b12l_4h_b256_uncond_dr03_tpu():\n", + "\n", + "def imagetransformer_b12l_4h_b256_uncond_dr03_rel_tpu():\n", + "\n", + "def imagetransformer_cifar_tpu_range(rhp):\n", + "\n", + "def imagetransformer_b12l_4h_b128_h512_uncond_dr01_im():\n", + "\n", + "def imagetransformer_b12l_4h_uncond_dr03_tpu():\n", + "\n", + "def imagetransformer_b12l_4h_b128_uncond_dr03_tpu():\n", + "\n", + "def imagetransformer_b12l_8h_b256_uncond_dr03_tpu():\n", + "\n", + "def imagetransformer_b10l_4h_big_uncond_dr01_tpu():\n", + "\n", + "def training_loop(self):\n", + "\n", + "def _read_words(filename):\n", + "\n", + "def _build_vocab(filename, vocab_path, vocab_size):\n", + "\n", + "def _get_token_encoder(vocab_dir, vocab_name, filename):\n", + "\n", + "def _maybe_download_corpus(tmp_dir, vocab_type):\n", + "\n", + "def resize(att_mat, max_length=None):\n", + "\n", + "def _get_attention(inp_text, out_text, enc_atts, dec_atts, encdec_atts):\n", + "\n", + " def get_full_attention(layer):\n", + "\n", + " def get_inp_inp_attention(layer):\n", + "\n", + " def get_out_inp_attention(layer):\n", + "\n", + " def get_out_out_attention(layer):\n", + "\n", + " def get_attentions(get_attention_fn):\n", + "\n", + "def decode(tokens):\n", + "\n", + "def _read_filepattern(filepattern, max_lines=None, split_on_newlines=True):\n", + "\n", + "def vocab_token_counts(text_filepattern, max_lines):\n", + "\n", + "def _make_example(input_ids, problem, input_feature_name=\"inputs\"):\n", + "\n", + "def make_grpc_request_fn(servable_name, server, timeout_secs):\n", + "\n", + " def _make_grpc_request(examples):\n", + "\n", + "def make_cloud_mlengine_request_fn(credentials, model_name, version):\n", + "\n", + " def _make_cloud_mlengine_request(examples):\n", + "\n", + "def predict(inputs_list, problem, request_fn):\n", + "\n", + "def next_frame_basic_recurrent():\n", + "\n", + "def create_teacher_experiment(run_config, hparams, argv):\n", + "\n", + "def tabbed_parsing_token_generator(data_dir, tmp_dir, train, prefix,\n", + "\n", + "def tabbed_parsing_character_generator(tmp_dir, train):\n", + "\n", + "def _make_list(predictions, targets):\n", + "\n", + "def masked_mean(inputs, targets, mask_id=None):\n", + "\n", + "def accuracy(batch, model_predictions):\n", + "\n", + "def neg_log_perplexity(batch, model_predictions):\n", + "\n", + "def loss(params, batch, model_predict, rng):\n", + "\n", + "def restore_state(output_dir):\n", + "\n", + "def save_state(state, output_dir, keep=False):\n", + "\n", + "def evaluate_train_and_eval(step, inputs, predict_fun, eval_steps, rng,\n", + "\n", + "def evaluate(inputs_stream, predict_fun, metric_funs, rng):\n", + "\n", + "def log_metrics(metrics, summ_writer, log_prefix, step, history=None):\n", + "\n", + "def get_random_number_generator_and_set_seed(seed=None):\n", + "\n", + "def epochs(steps=None, epoch_steps=1):\n", + "\n", + "def _jit_predict_fun(model_predict, num_devices):\n", + "\n", + " def predict(x, params=(), rng=None):\n", + "\n", + " def mapped_predict(x, params, rng):\n", + "\n", + "def _jit_update_fun(predict_fun, loss_fun, optimizer, lr_fun, num_devices):\n", + "\n", + " def single_update(i, opt_state, batch, rng):\n", + "\n", + " def mapped_update(i, opt_state, batch, rng):\n", + "\n", + " def update(i, opt_state, batch, rng):\n", + "\n", + "def _reshape_by_device_single(x, num_devices):\n", + "\n", + "def reshape_by_device(x, num_devices):\n", + "\n", + "def train(output_dir,\n", + "\n", + "def _compute_fans(shape):\n", + "\n", + "def get(identifier, value=None):\n", + "\n", + "def add_time_step(self, **create_time_step_kwargs):\n", + "\n", + "def change_last_time_step(self, **replace_time_step_kwargs):\n", + "\n", + "def reward(self):\n", + "\n", + "def _complete_trajectory(self, trajectory, index):\n", + "\n", + "def reset(self, indices, observations):\n", + "\n", + "def complete_all_trajectories(self):\n", + "\n", + "def step(self, observations, raw_rewards, processed_rewards, dones, actions):\n", + "\n", + "def num_time_steps(self):\n", + "\n", + "def observations_np(self, boundary=20):\n", + "\n", + " def padding_config(obs):\n", + "\n", + "def _generate_examples(tmp_dir, dataset_split):\n", + "\n", + "def self_attention_layer(hparams, prefix):\n", + "\n", + "def local_self_attention_layer(hparams, prefix):\n", + "\n", + "def layer_stack_from_hparams(hparams, prefix):\n", + "\n", + "def mtf_unitransformer_base():\n", + "\n", + "def mtf_bitransformer_base():\n", + "\n", + "def mtf_bitransformer_tiny():\n", + "\n", + "def mtf_unitransformer_all_layers_tiny():\n", + "\n", + "def mtf_bitransformer_all_layers_tiny():\n", + "\n", + "def mtr_lm_dense(sz):\n", + "\n", + "def mtr_lm_v1():\n", + "\n", + "def mtr_tr_dense(sz):\n", + "\n", + "def mtr_tr_dense_local(sz):\n", + "\n", + "def vqa_recurrent_self_attention_base():\n", + "\n", + "def batch_norm_relu(inputs, is_training, relu=True):\n", + "\n", + "def bottleneck_block(inputs,\n", + "\n", + "def block_layer(inputs,\n", + "\n", + " def projection_shortcut(inputs, kernel):\n", + "\n", + "def mtf_resnet_base():\n", + "\n", + "def mtf_resnet_tiny():\n", + "\n", + "def mtf_resnet_single():\n", + "\n", + "def mtf_resnet_base_single():\n", + "\n", + "def mtf_resnet_base_cifar():\n", + "\n", + "def universal_transformer_encoder(encoder_input,\n", + "\n", + "def universal_transformer_layer(x,\n", + "\n", + " def add_vanilla_transformer_layer(x, num_layers, name):\n", + "\n", + "def get_ut_layer(x,\n", + "\n", + "def transformer_encoder_ffn_unit(x,\n", + "\n", + "def transformer_encoder_attention_unit(x,\n", + "\n", + "def transformer_decoder_attention_unit(x,\n", + "\n", + "def universal_transformer_basic(layer_inputs,\n", + "\n", + "def universal_transformer_highway(layer_inputs,\n", + "\n", + "def universal_transformer_depthwise_attention(layer_inputs,\n", + "\n", + "def universal_transformer_act(x, hparams, ffn_unit, attention_unit):\n", + "\n", + " def ut_function(state, step, halting_probability, remainders, n_updates,\n", + "\n", + " def should_continue(u0, u1, halting_probability, u2, n_updates, u3):\n", + "\n", + "def _ffn_layer_multi_inputs(inputs_list,\n", + "\n", + " def remove_pads(x):\n", + "\n", + "def fill_memory_slot(memory, value, index):\n", + "\n", + "def add_depth_embedding(x):\n", + "\n", + "def step_preprocess(x, step, hparams):\n", + "\n", + "def add_position_timing_signal(x, step, hparams):\n", + "\n", + "def add_step_timing_signal(x, step, hparams):\n", + "\n", + "def wet_records_from_file_obj(f, take_ownership=False):\n", + "\n", + "def wet_records(wet_filepath):\n", + "\n", + "def filter_paragraph(p):\n", + "\n", + "def timing(name=''):\n", + "\n", + "def read(cls, f):\n", + "\n", + "def read(cls, f):\n", + "\n", + "def MLP(num_hidden_layers=2,\n", + "\n", + "def _verify_same_spaces(self):\n", + "\n", + "def initialize_environments(self, batch_size=1):\n", + "\n", + "def process_rewards(self, rewards):\n", + "\n", + "def num_rewards(self):\n", + "\n", + "def _reset(self, indices):\n", + "\n", + "def reset(self, indices=None):\n", + "\n", + "def _step(self, actions):\n", + "\n", + "def step(self, actions):\n", + "\n", + "def example_reading_spec(self):\n", + "\n", + "def _generate_time_steps(self, trajectory_list):\n", + "\n", + "def init_vq_bottleneck(bottleneck_size, hidden_size):\n", + "\n", + "def vq_nearest_neighbor(x, hparams):\n", + "\n", + "def vq_discrete_bottleneck(x, hparams):\n", + "\n", + "def vq_discrete_unbottleneck(x, hparams):\n", + "\n", + "def residual_conv(x, repeat, k, hparams, name, reuse=None):\n", + "\n", + "def decompress_step(source, hparams, first_relu, name):\n", + "\n", + "def compress(x, hparams, name):\n", + "\n", + "def encode(x, x_space, hparams, name):\n", + "\n", + "def decode_transformer(encoder_output, encoder_decoder_attention_bias, targets,\n", + "\n", + "def get_latent_pred_loss(latents_pred, latents_discrete_hot, hparams):\n", + "\n", + "def ae_transformer_internal(inputs, targets, target_space, hparams, cache=None):\n", + "\n", + "def transformer_nat_small():\n", + "\n", + "def transformer_nat_base():\n", + "\n", + "def transformer_nat_big():\n", + "\n", + "def policy_net(rng_key,\n", + "\n", + "def value_net(rng_key,\n", + "\n", + "def policy_and_value_net(rng_key,\n", + "\n", + "def log_params(params, name=\"params\"):\n", + "\n", + "def collect_trajectories(env,\n", + "\n", + "def get_padding_value(dtype):\n", + "\n", + "def pad_trajectories(trajectories, boundary=20):\n", + "\n", + "def rewards_to_go(rewards, mask, gamma=0.99):\n", + "\n", + "def value_loss(value_net_apply,\n", + "\n", + "def value_loss_given_predictions(value_prediction,\n", + "\n", + "def deltas(predicted_values, rewards, mask, gamma=0.99):\n", + "\n", + "def gae_advantages(td_deltas, mask, lambda_=0.95, gamma=0.99):\n", + "\n", + "def chosen_probabs(probab_observations, actions):\n", + "\n", + "def compute_probab_ratios(p_new, p_old, actions, reward_mask):\n", + "\n", + "def ppo_loss(policy_net_apply,\n", + "\n", + "def ppo_loss_given_predictions(log_probab_actions_new,\n", + "\n", + "def combined_loss_given_predictions(log_probab_actions_new,\n", + "\n", + "def combined_loss(new_params,\n", + "\n", + "def ppo_opt_step(i,\n", + "\n", + "def value_opt_step(i,\n", + "\n", + "def policy_and_value_opt_step(i,\n", + "\n", + " def policy_and_value_loss(params):\n", + "\n", + "def training_loop(env=None,\n", + "\n", + " def get_policy_output(observations):\n", + "\n", + "def _maybe_download_corpora(tmp_dir):\n", + "\n", + "def _example_generator(filename):\n", + "\n", + "def shake_shake_skip_connection(x, output_filters, stride, is_training):\n", + "\n", + "def shake_shake_branch(x, output_filters, stride, rand_forward, rand_backward,\n", + "\n", + "def shake_shake_block(x, output_filters, stride, hparams):\n", + "\n", + "def shake_shake_layer(x, output_filters, num_blocks, stride, hparams):\n", + "\n", + "def shakeshake_small():\n", + "\n", + "def has_metric_plateaued(steps, values, num_steps=100, delta=0.1,\n", + "\n", + "def next_frame_savp():\n", + "\n", + "def next_frame_savp_vae():\n", + "\n", + "def next_frame_savp_gan():\n", + "\n", + "def diet_adam_optimizer_params():\n", + "\n", + "def diet_expert(x, hidden_size, params):\n", + "\n", + " def diet_expert_internal(x):\n", + "\n", + "def _quantize(x, params, randomize=True):\n", + "\n", + "def _dequantize(q, params):\n", + "\n", + "def make_diet_var_getter(params):\n", + "\n", + " def diet_var_initializer(shape, dtype, partition_info=None):\n", + "\n", + " def diet_var_getter(getter, **kwargs):\n", + "\n", + "def _fn_with_diet_vars(fn, args, params):\n", + "\n", + " def grad_fn(inputs, variables, outputs, output_grads):\n", + "\n", + " def forward(*inputs):\n", + "\n", + "def fn_with_diet_vars(params):\n", + "\n", + " def dec(fn):\n", + "\n", + " def wrapped(*args):\n", + "\n", + "def create_slots(self, var):\n", + "\n", + "def update_variable(self, var, grad_var):\n", + "\n", + " def metric_fn(tf_logits, labels):\n", + "\n", + "def generator_samples(tmp_dir, pb_cst):\n", + "\n", + "def lstm(inputs, sequence_length, hparams, train, name, initial_state=None):\n", + "\n", + "def lstm_attention_decoder(inputs, hparams, train, name, initial_state,\n", + "\n", + " def _area_key_value_fn(keys, values):\n", + "\n", + " def _area_prob_fn(score):\n", + "\n", + "def lstm_seq2seq_internal(inputs, targets, hparams, train):\n", + "\n", + "def lstm_seq2seq_internal_attention(inputs, targets, hparams, train,\n", + "\n", + "def lstm_bid_encoder(inputs, sequence_length, hparams, train, name):\n", + "\n", + "def lstm_seq2seq_internal_bid_encoder(inputs, targets, hparams, train):\n", + "\n", + "def lstm_seq2seq_internal_attention_bid_encoder(inputs, targets, hparams,\n", + "\n", + "def lstm_seq2seq():\n", + "\n", + "def lstm_attention_base():\n", + "\n", + "def lstm_asr_v1():\n", + "\n", + "def lstm_area_attention_base():\n", + "\n", + "def create_surrogate_run_config(hp):\n", + "\n", + "def prepare_data(problem, hparams, params, config):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def decode(self, ids):\n", + "\n", + "def new_vertex(self):\n", + "\n", + "def get_vertex(self, key):\n", + "\n", + "def add_edge(self, source, target):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def attend(x, source, hparams, name):\n", + "\n", + "def top_k_softmax(x, k):\n", + "\n", + "def compress(x, c, is_2d, hparams, name):\n", + "\n", + "def decode_transformer(encoder_output,\n", + "\n", + "def ae_latent_softmax(latents_pred, latents_discrete, hparams):\n", + "\n", + "def ae_latent_sample(latents_dense, inputs, ed, embed, iters, hparams):\n", + "\n", + " def next_bit(latents_discrete, i):\n", + "\n", + "def ae_transformer_internal(inputs,\n", + "\n", + " def bn_inputs():\n", + "\n", + " def refine_res():\n", + "\n", + "def transformer_ae_small():\n", + "\n", + "def imagetransformer_ae_cifar():\n", + "\n", + "def imagetransformer_ae_imagenet():\n", + "\n", + "def transformer_ae_base():\n", + "\n", + "def transformer_ae_a3():\n", + "\n", + "def transformer_ae_base_noatt():\n", + "\n", + "def transformer_ae_small_noatt():\n", + "\n", + "def transformer_sketch():\n", + "\n", + "def layers():\n", + "\n", + "def dropout_with_broadcast_dims(x, keep_prob, broadcast_dims=None, **kwargs):\n", + "\n", + "def saturating_sigmoid(x):\n", + "\n", + "def inverse_exp_decay(max_step, min_value=0.01, step=None):\n", + "\n", + "def inverse_lin_decay(max_step, min_value=0.01, step=None):\n", + "\n", + "def shakeshake2_py(x, y, equal=False, individual=False):\n", + "\n", + "def shakeshake2_grad(x1, x2, dy):\n", + "\n", + "def shakeshake2_indiv_grad(x1, x2, dy):\n", + "\n", + "def shakeshake2_equal_grad(x1, x2, dy):\n", + "\n", + "def shakeshake(xs, equal_grad=False):\n", + "\n", + "def convert_rgb_to_real(x):\n", + "\n", + "def convert_rgb_to_symmetric_real(x):\n", + "\n", + "def expand_squeeze_to_nd(x, n, squeeze_dim=2, expand_dim=-1):\n", + "\n", + "def standardize_images(x):\n", + "\n", + "def flatten4d3d(x):\n", + "\n", + "def gather(params, indices, dtype=tf.float32):\n", + "\n", + "def cumsum(x, axis=0, exclusive=False):\n", + "\n", + "def dropout_no_scaling(x, keep_prob):\n", + "\n", + "def embedding(x,\n", + "\n", + "def shift_right(x, pad_value=None):\n", + "\n", + "def shift_right_3d(x, pad_value=None):\n", + "\n", + "def shift_right_2d(x, pad_value=None):\n", + "\n", + "def conv_stride2_multistep(x, nbr_steps, output_filters, name=None, reuse=None):\n", + "\n", + "def deconv_stride2_multistep(x,\n", + "\n", + " def deconv1d(cur, i):\n", + "\n", + " def deconv2d(cur, i):\n", + "\n", + "def conv_internal(conv_fn, inputs, filters, kernel_size, **kwargs):\n", + "\n", + " def conv2d_kernel(kernel_size_arg, name_suffix):\n", + "\n", + "def subseparable_conv(inputs, filters, kernel_size, **kwargs):\n", + "\n", + " def conv_fn(inputs, filters, kernel_size, **kwargs):\n", + "\n", + "def tpu_conv1d(inputs, filters, kernel_size, padding=\"SAME\", name=\"tpu_conv1d\"):\n", + "\n", + "def layer_norm_vars(filters):\n", + "\n", + "def layer_norm_compute(x, epsilon, scale, bias, layer_collection=None):\n", + "\n", + "def layer_norm(x,\n", + "\n", + "def group_norm(x, filters=None, num_groups=8, epsilon=1e-5):\n", + "\n", + "def noam_norm(x, epsilon=1.0, name=None):\n", + "\n", + "def l2_norm(x, filters=None, epsilon=1e-6, name=None, reuse=None):\n", + "\n", + "def apply_spectral_norm(x):\n", + "\n", + "def apply_norm(x, norm_type, depth, epsilon, layer_collection=None):\n", + "\n", + "def zero_add(previous_value, x, name=None, reuse=None):\n", + "\n", + "def layer_prepostprocess(previous_value,\n", + "\n", + "def layer_preprocess(layer_input, hparams, layer_collection=None):\n", + "\n", + "def layer_postprocess(layer_input, layer_output, hparams):\n", + "\n", + "def conv_block_internal(conv_fn,\n", + "\n", + "def conv_block(inputs, filters, dilation_rates_and_kernel_sizes, **kwargs):\n", + "\n", + "def conv1d_block(inputs, filters, dilation_rates_and_kernel_sizes, **kwargs):\n", + "\n", + "def separable_conv_block(inputs, filters, dilation_rates_and_kernel_sizes,\n", + "\n", + "def subseparable_conv_block(inputs, filters, dilation_rates_and_kernel_sizes,\n", + "\n", + "def pool(inputs, window_size, pooling_type, padding, strides=(1, 1)):\n", + "\n", + "def conv_block_downsample(x,\n", + "\n", + "def get_timing_signal(length,\n", + "\n", + "def add_timing_signal(x, min_timescale=1, max_timescale=1e4, num_timescales=16):\n", + "\n", + "def mask_from_embedding(emb):\n", + "\n", + "def length_from_embedding(emb):\n", + "\n", + "def relu_density_logit(x, reduce_dims):\n", + "\n", + "def maybe_zero_out_padding(inputs, kernel_size, nonpadding_mask):\n", + "\n", + "def dense_relu_dense(inputs,\n", + "\n", + "def dense_dropconnect(inputs,\n", + "\n", + "def conv_relu_conv(inputs,\n", + "\n", + "def sepconv_relu_sepconv(inputs,\n", + "\n", + "def conv_hidden_relu(inputs,\n", + "\n", + "def conv_gru(x,\n", + "\n", + " def do_conv(args, name, bias_start, padding):\n", + "\n", + "def gru_feedfwd(a_t, h_prev, filters, name=None):\n", + "\n", + "def conv_lstm(x,\n", + "\n", + "def diagonal_conv_gru(x,\n", + "\n", + " def do_conv(args, name, bias_start):\n", + "\n", + "def pad_to_same_length(x, y, final_length_divisible_by=1, axis=1):\n", + "\n", + " def padding_list(length_diff, arg):\n", + "\n", + "def pad_with_zeros(logits, labels):\n", + "\n", + "def weights_prepend_inputs_to_targets(labels):\n", + "\n", + "def check_nonnegative(value):\n", + "\n", + "def weights_multi_problem(labels, taskid=-1):\n", + "\n", + "def weights_multi_problem_all(labels, taskid=-1):\n", + "\n", + "def weights_multi_problem_input(labels, taskid=-1):\n", + "\n", + "def weights_concatenated(labels):\n", + "\n", + "def padded_cross_entropy(logits,\n", + "\n", + "def padded_cross_entropy_mixture(logits,\n", + "\n", + "def dml_loss(pred, labels, weights_fn=_weights_one_third, reduce_sum=True):\n", + "\n", + "def split_to_discretized_mix_logistic_params(inputs):\n", + "\n", + "def discretized_mix_logistic_loss(pred, labels):\n", + "\n", + "def sample_from_discretized_mix_logistic(pred, seed=None):\n", + "\n", + "def smoothing_cross_entropy(logits,\n", + "\n", + "def global_pool_1d(inputs, pooling_type=\"MAX\", mask=None):\n", + "\n", + "def running_global_pool_1d(inputs, pooling_type=\"MAX\"):\n", + "\n", + "def gated_linear_unit_layer(x, name=None):\n", + "\n", + "def sru_with_scan(x,\n", + "\n", + " def next_state(cur_state, args_tup):\n", + "\n", + "def sru(x,\n", + "\n", + "def linear_set_layer(layer_size,\n", + "\n", + "def ravanbakhsh_set_layer(layer_size,\n", + "\n", + "def fn_device_dependency_dict():\n", + "\n", + "def fn_device_dependency(name, device=\"\"):\n", + "\n", + " def body():\n", + "\n", + "def underlying_variable_ref(t):\n", + "\n", + "def underlying_variable(t):\n", + "\n", + "def approximate_split(x, num_splits, axis=0):\n", + "\n", + "def smoothing_cross_entropy_factored_grad(op, dy):\n", + "\n", + "def smoothing_cross_entropy_factored(a, b, labels, confidence):\n", + "\n", + "def padded_cross_entropy_factored(factored_logits,\n", + "\n", + "def fn_with_custom_grad(grad_fn, use_global_vars=False):\n", + "\n", + " def dec(fn):\n", + "\n", + " def wrapped(*args):\n", + "\n", + "def _fn_with_custom_grad(fn, inputs, grad_fn, use_global_vars=False):\n", + "\n", + " def custom_grad_fn(op, *dys):\n", + "\n", + " def identity(*args):\n", + "\n", + "def conv_hidden_relu_memory_efficient(x,\n", + "\n", + " def forward_internal(x, f1, f2, scale, bias):\n", + "\n", + " def grad_fn(x, f1, f2, scale, bias, dy):\n", + "\n", + " def forward_fn(x, f1, f2, scale, bias):\n", + "\n", + "def shape_list(x):\n", + "\n", + "def sample_with_temperature(logits, temperature, sampling_keep_top_k=-1):\n", + "\n", + "def ones_matrix_band_part(rows, cols, num_lower, num_upper, out_shape=None):\n", + "\n", + "def reshape_like_all_dims(a, b):\n", + "\n", + "def recompute_grad(fn):\n", + "\n", + " def wrapped(*args):\n", + "\n", + "def _recompute_grad(fn, args):\n", + "\n", + " def grad_fn(inputs, variables, outputs, output_grads):\n", + "\n", + " def fn_with_recompute(*args):\n", + "\n", + "def dense(x, units, **kwargs):\n", + "\n", + "def batch_dense(inputs,\n", + "\n", + "def mix(x1,\n", + "\n", + " def get_res():\n", + "\n", + "def brelu(x):\n", + "\n", + "def belu(x):\n", + "\n", + "def gelu(x):\n", + "\n", + "def nac(x, depth, name=None, reuse=None):\n", + "\n", + "def nalu(x, depth, epsilon=1e-30, name=None, reuse=None):\n", + "\n", + "def argmax_with_score(logits, axis=None):\n", + "\n", + "def top_kth_iterative(x, k):\n", + "\n", + " def next_x(cur_x, _):\n", + "\n", + "def top_1_tpu(inputs):\n", + "\n", + "def index_last_dim_with_indices(x, indices):\n", + "\n", + "def should_generate_summaries():\n", + "\n", + "def reshape_like(a, b):\n", + "\n", + "def summarize_video(video, prefix, max_outputs=1):\n", + "\n", + "def cast_like(x, y):\n", + "\n", + "def make_even_size(x):\n", + "\n", + "def sliced_gan_loss(input1,\n", + "\n", + " def get_sorted_projections(x):\n", + "\n", + "def deep_discriminator(x,\n", + "\n", + "def instance_norm(x):\n", + "\n", + "def general_conv(x,\n", + "\n", + "def patch_discriminator(x, filters=64, filter_size=5, n=4,\n", + "\n", + "def mean_with_attention(x, name, num_heads=4):\n", + "\n", + "def single_discriminator(x, filters=128, kernel_size=8,\n", + "\n", + "def double_discriminator(x, filters1=128, filters2=None,\n", + "\n", + "def upscale(inputs, f, method=tf.image.ResizeMethod.NEAREST_NEIGHBOR):\n", + "\n", + "def cyclegan_upsample(net, num_outputs, stride, method=\"conv2d_transpose\"):\n", + "\n", + "def weight_targeting(w, k):\n", + "\n", + "def unit_targeting(w, k):\n", + "\n", + "def td_conv(inputs,\n", + "\n", + "def targeted_dropout(inputs,\n", + "\n", + "def kl_divergence(mu, log_var, mu_p=0.0, log_var_p=0.0):\n", + "\n", + "def to_tensor(self):\n", + "\n", + "def _compute_weights(self):\n", + "\n", + "def _init_norm(self, weights):\n", + "\n", + "def _data_dep_init(self, inputs):\n", + "\n", + "def build(self, input_shape=None):\n", + "\n", + "def call(self, inputs):\n", + "\n", + "def compute_mean_reward(rollouts, clipped):\n", + "\n", + " def initial_frame_chooser(batch_size):\n", + "\n", + " def decode_real_obs(index):\n", + "\n", + " def append_debug_frame_batch(sim_obs, real_obs, sim_cum_rews,\n", + "\n", + "def summarize_metrics(eval_metrics_writer, metrics, epoch):\n", + "\n", + "def full_game_name(short_name):\n", + "\n", + "def setup_env(hparams,\n", + "\n", + "def update_hparams_from_hparams(target_hparams, source_hparams, prefix):\n", + "\n", + "def random_rollout_subsequences(rollouts, num_subsequences, subsequence_length):\n", + "\n", + " def choose_subsequence():\n", + "\n", + " def initial_frame_chooser(batch_size):\n", + "\n", + "def absolute_hinge_difference(arr1, arr2, min_diff=10, dtype=np.uint8):\n", + "\n", + " def proceed():\n", + "\n", + "def set_initial_state(self, initial_state, initial_frames):\n", + "\n", + "def _maybe_download_corpora(tmp_dir, dataset_split):\n", + "\n", + "def example_splits(url_file, all_files):\n", + "\n", + " def generate_hash(inp):\n", + "\n", + "def example_generator(all_files, urls_path, sum_token):\n", + "\n", + " def fix_run_on_sents(line):\n", + "\n", + "def write_raw_text_to_files(all_files, urls_path, dataset_split, tmp_dir):\n", + "\n", + " def write_to_file(all_files, urls_path, tmp_dir, filename):\n", + "\n", + "def infer_last_epoch_num(data_dir):\n", + "\n", + "def setup_and_load_epoch(hparams, data_dir, which_epoch_data=None):\n", + "\n", + "def infer_game_name_from_filenames(data_dir, snake_case=True):\n", + "\n", + "def wrap_with_monitor(env, video_dir):\n", + "\n", + "def infer_paths(output_dir, **subdirs):\n", + "\n", + "def add_to_initial_stack(self, frame):\n", + "\n", + "def observation(self, frame):\n", + "\n", + "def infer(self, ob):\n", + "\n", + "def infer_from_frame_stack(self, ob_stack):\n", + "\n", + "def _normalize_string(raw_str):\n", + "\n", + "def _prepare_babi_data(tmp_dir, data_dir):\n", + "\n", + "def _babi_parser(tmp_dir,\n", + "\n", + " def _data_file(mode, task_id):\n", + "\n", + " def _all_task_raw_data_generator(tmp_dir, data_file, dataset_split):\n", + "\n", + " def _parse_answer(answer):\n", + "\n", + "def _register_babi_problems():\n", + "\n", + " def babi_task_id(self):\n", + "\n", + " def babi_subset(self):\n", + "\n", + "def get_labels_encoder(self, data_dir):\n", + "\n", + "def generate_encoded_samples(self, data_dir, tmp_dir, dataset_split):\n", + "\n", + "def feature_encoders(self, data_dir):\n", + "\n", + "def hparams(self, defaults, unused_model_hparams):\n", + "\n", + "def dataset_splits(self):\n", + "\n", + "def _collect_data(directory, input_ext, transcription_ext):\n", + "\n", + "def add_librispeech_hparams(hparams):\n", + "\n", + "def words_and_tags_from_wsj_tree(tree_string):\n", + "\n", + "def token_generator(tree_path, source_token_vocab, target_token_vocab,\n", + "\n", + "def parsing_token_generator(data_dir, tmp_dir, train, source_vocab_size,\n", + "\n", + "def aggregate_stats(stats_files):\n", + "\n", + "def filename_to_task_id(fname):\n", + "\n", + "def validate_data_files(problem, data_files, min_size):\n", + "\n", + "def distill_resnet_32_to_15_cifar20x5():\n", + "\n", + "def _prepare_lambada_data(tmp_dir, data_dir, vocab_size, vocab_filename):\n", + "\n", + "def get_dataset_split(tmp_dir, split, use_control_set):\n", + "\n", + "def min_sequence_length(self, dataset_split):\n", + "\n", + "def max_sequence_length(self, dataset_split):\n", + "\n", + "def num_samples(self, dataset_split):\n", + "\n", + "def next_checkpoint(model_dir, timeout_mins=240):\n", + "\n", + "def next_undecoded_checkpoint(model_dir, timeout_mins=240):\n", + "\n", + "def create_session_config(log_device_placement=False,\n", + "\n", + "def create_run_config(model_name,\n", + "\n", + "def create_estimator(model_name,\n", + "\n", + "def create_hooks(use_tfdbg=False,\n", + "\n", + " def compare_fn(best_eval_result, current_eval_result):\n", + "\n", + " def serving_input_receiver_fn(hparams, decode_hparams, use_tpu):\n", + "\n", + "def create_experiment_fn(*args, **kwargs):\n", + "\n", + " def experiment_fn(run_config, hparams):\n", + "\n", + "def restore_checkpoint(ckpt_dir, saver, sess, must_restore=False):\n", + "\n", + "def train_eval_and_decode(self):\n", + "\n", + "def continuous_eval(self):\n", + "\n", + "def continuous_eval_on_train_data(self):\n", + "\n", + "def run_std_server(self):\n", + "\n", + "def decode(self,\n", + "\n", + "def continuous_decode(self):\n", + "\n", + "def continuous_decode_on_train_data(self):\n", + "\n", + "def continuous_decode_on_eval_data(self):\n", + "\n", + "def continuous_decode_from_file(self):\n", + "\n", + "def _flatten_dict(original_dict):\n", + "\n", + "def _unflatten_dict(flat_dict, prefixes):\n", + "\n", + "def create_dummy_vars():\n", + "\n", + "def create_tpu_eval_metrics_fn(problem, model_hparams):\n", + "\n", + " def make_metric_fn(metric_fn):\n", + "\n", + " def wrapped_metric_fn(logits, labels, features, weights_fn=weights_fn):\n", + "\n", + " def make_metric_fn(metric_fn):\n", + "\n", + " def wrapped_metric_fn(logits, labels, features):\n", + "\n", + " def all_metrics_fn(**kwargs):\n", + "\n", + "def remove_summaries():\n", + "\n", + "def create_host_call(model_dir):\n", + "\n", + " def host_call_fn(**kwargs):\n", + "\n", + "def average_sharded_losses(sharded_losses):\n", + "\n", + "def summarize_features(features, num_shards=1):\n", + "\n", + "def _compose_custom_getters(getter_a, getter_b):\n", + "\n", + " def getter_fn(getter, *args, **kwargs):\n", + "\n", + "def set_custom_getter_compose(custom_getter):\n", + "\n", + "def initialize_from_ckpt(ckpt_dir, hparams):\n", + "\n", + "def _target_modality_is_real(self):\n", + "\n", + "def model_fn_sharded(self, sharded_features):\n", + "\n", + "def bottom(self, features):\n", + "\n", + "def top(self, body_output, features):\n", + "\n", + "def optimize(self, loss, num_async_replicas=1, use_tpu=False):\n", + "\n", + "def set_mode(self, mode):\n", + "\n", + "def eval_autoregressive(self, features=None, decode_length=50):\n", + "\n", + "def infer(self,\n", + "\n", + "def _beam_decode(self,\n", + "\n", + "def _beam_decode_slow(self, features, decode_length, beam_size, top_beams,\n", + "\n", + " def symbols_to_logits_fn(ids, i=None):\n", + "\n", + " def _clone_examples_for_beam(old_feature, n):\n", + "\n", + "def _greedy_infer(self, features, decode_length, use_tpu=False):\n", + "\n", + "def _slow_greedy_infer_tpu(self, features, decode_length):\n", + "\n", + " def infer_step(i, recent_output, recent_logits, unused_loss):\n", + "\n", + " def fn_not_eos():\n", + "\n", + "def sample(self, features):\n", + "\n", + " def multinomial_squeeze(logits, temperature=1.0):\n", + "\n", + "def estimator_model_fn(cls,\n", + "\n", + "def estimator_spec_train(self, loss, num_async_replicas=1, use_tpu=False):\n", + "\n", + " def scaffold_fn():\n", + "\n", + "def estimator_spec_eval(self, features, logits, labels, loss, losses_dict):\n", + "\n", + "def estimator_spec_predict(self, features, use_tpu=False):\n", + "\n", + "def _summarize_losses(self, losses_dict):\n", + "\n", + "def maybe_scheduled_sampling(self, features, logits, losses):\n", + "\n", + " def sample(x):\n", + "\n", + " def mix_gold_sampled(gold_targets, sampled_targets, mixin_prob):\n", + "\n", + " def sampled_results(features, logits, mixin_prob):\n", + "\n", + "def attention_lm_moe_prepare_decoder(targets, hparams):\n", + "\n", + "def get_batch_coordinate(x, axis=0):\n", + "\n", + "def expand_batch_coordinates(bc, length_factor):\n", + "\n", + "def remove_pad(x, pad_remover, mode):\n", + "\n", + "def attention_lm_moe_base():\n", + "\n", + "def attention_lm_moe_base_long_seq():\n", + "\n", + "def attention_lm_moe_base_ae():\n", + "\n", + "def attention_lm_ae_extended():\n", + "\n", + "def attention_lm_moe_base_memeff():\n", + "\n", + "def attention_lm_moe_small():\n", + "\n", + "def attention_lm_attention_moe_tiny():\n", + "\n", + "def attention_lm_moe_large():\n", + "\n", + "def attention_lm_moe_memory_efficient():\n", + "\n", + "def attention_lm_moe_24b_diet():\n", + "\n", + "def attention_lm_moe_translation():\n", + "\n", + "def attention_lm_moe_unscramble_base():\n", + "\n", + "def audio_bottom(x, model_hparams, vocab_size):\n", + "\n", + " def xnet_resblock(x, filters, res_relu, name):\n", + "\n", + "def image_targets_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def _image_channel_compress_bottom(inputs, model_hparams, name=\"bottom\"):\n", + "\n", + "def image_channel_embeddings_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def speech_recognition_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def get_weights(model_hparams, vocab_size, hidden_dim=None):\n", + "\n", + "def _symbol_bottom_simple(x, model_hparams, vocab_size, name, reuse):\n", + "\n", + "def symbol_targets_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def video_bitwise_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def video_pixel_noise_bottom(x, model_hparams, vocab_size):\n", + "\n", + "def convert_rgb_to_real(prediction, targets):\n", + "\n", + "def ctc_symbol_loss(top_out, targets, model_hparams, vocab_size, weight_fn):\n", + "\n", + "def generic_loss(top_out, targets, model_hparams, vocab_size, weights_fn):\n", + "\n", + "def multi_label_loss(top_out, targets, model_hparams, vocab_size, weights_fn):\n", + "\n", + "def one_hot_class_label_loss(top_out,\n", + "\n", + "def real_log_poisson_loss(top_out,\n", + "\n", + "def sigmoid_class_label_loss(top_out,\n", + "\n", + "def video_loss(top_out, targets, model_hparams, vocab_size, weights_fn):\n", + "\n", + "def video_l1_loss(top_out, targets, model_hparams, vocab_size, weights_fn):\n", + "\n", + "def video_l2_loss(top_out, targets, model_hparams, vocab_size, weights_fn):\n", + "\n", + "def class_label_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def image_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def image_channel_compress_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def image_channel_embeddings_top(body_output,\n", + "\n", + "def softmax_average_pooling_class_label_top(body_output,\n", + "\n", + "def softmax_last_timestep_class_label_top(body_output,\n", + "\n", + "def softmax_max_pooling_class_label_top(body_output,\n", + "\n", + "def symbol_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def video_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def video_l1_top(body_output, targets, model_hparams, vocab_size):\n", + "\n", + "def get_bottom(modality_type, value=None):\n", + "\n", + "def get_loss(modality_type, value=None):\n", + "\n", + "def get_name(modality_type, value=None):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + " def name(model_hparams, vocab_size):\n", + "\n", + "def get_targets_bottom(modality_type, value=None):\n", + "\n", + "def get_top(modality_type, value=None):\n", + "\n", + "def get_weights_fn(modality_type, value=None):\n", + "\n", + "def create_combination(list_of_sentences):\n", + "\n", + "def image_transformer2d_base():\n", + "\n", + "def imagetransformer2d_base_8l_8_32_big():\n", + "\n", + "def imagetransformer_base_10l_8h_big_uncond_dr03_dan_64_2d():\n", + "\n", + "def img2img_transformer2d_base():\n", + "\n", + "def img2img_transformer2d_q3():\n", + "\n", + "def img2img_transformer_base():\n", + "\n", + "def img2img_transformer_b3():\n", + "\n", + "def img2img_transformer_dilated():\n", + "\n", + "def img2img_transformer_base_tpu():\n", + "\n", + "def img2img_transformer2d_n31():\n", + "\n", + "def img2img_transformer2d_n24():\n", + "\n", + "def img2img_transformer2d_tiny():\n", + "\n", + "def img2img_transformer_tiny():\n", + "\n", + "def ResidualFeedForward(feature_depth,\n", + "\n", + "def EncoderLayer(feature_depth,\n", + "\n", + "def TransformerEncoder(vocab_size,\n", + "\n", + "def DecoderLayer(feature_depth,\n", + "\n", + "def TransformerLM(vocab_size,\n", + "\n", + "def ChunkedDecoderLayer(feature_depth,\n", + "\n", + "def ChunkedTransformerLM(vocab_size,\n", + "\n", + "def Transformer(source_vocab_size,\n", + "\n", + " def Encoder(source, source_mask):\n", + "\n", + " def Decoder(memory, target, target_mask, memory_mask):\n", + "\n", + " def Generator(encoded_target):\n", + "\n", + "def mtf_transformer_base():\n", + "\n", + "def mtf_transformer_tiny():\n", + "\n", + "def mtf_transformer_paper_lm(size):\n", + "\n", + "def mtf_transformer_paper_tr(size):\n", + "\n", + "def mtf_transformer_lm_baseline():\n", + "\n", + "def multihead_graph_attention(query_antecedent,\n", + "\n", + "def graph_attention(q,\n", + "\n", + "def _compute_edge_transforms(node_states,\n", + "\n", + "def compute_mpnn_qkv(node_states,\n", + "\n", + "def sparse_message_pass_batched(node_states,\n", + "\n", + "def sparse_message_pass(node_states,\n", + "\n", + "def multihead_mpnn_attention(node_states,\n", + "\n", + "def dot_product_mpnn_attention(q,\n", + "\n", + "def ggnn_fast_dense(node_states,\n", + "\n", + "def compute_values(edge_compatibility, v):\n", + "\n", + "def precompute_edge_matrices(adjacency, hparams):\n", + "\n", + "def dense_message_pass(node_states, edge_matrices):\n", + "\n", + "def to_example(dictionary):\n", + "\n", + "def generate_files_distributed(generator,\n", + "\n", + "def generate_files(generator, output_filenames,\n", + "\n", + "def download_report_hook(count, block_size, total_size):\n", + "\n", + "def maybe_download(directory, filename, uri):\n", + "\n", + "def maybe_download_from_drive(directory, filename, url):\n", + "\n", + "def gunzip_file(gz_path, new_path):\n", + "\n", + "def get_or_generate_vocab_inner(data_dir, vocab_filename, vocab_size,\n", + "\n", + "def get_or_generate_vocab(data_dir, tmp_dir, vocab_filename, vocab_size,\n", + "\n", + "def generate_lines_for_vocab(tmp_dir, sources, file_byte_budget=1e6):\n", + "\n", + "def get_or_generate_tabbed_vocab(data_dir, tmp_dir, source_filename,\n", + "\n", + " def generate():\n", + "\n", + "def get_or_generate_txt_vocab(data_dir, vocab_filename, vocab_size,\n", + "\n", + " def generate():\n", + "\n", + "def _shuffle_single(fname, extra_fn=None):\n", + "\n", + "def shuffle_dataset(filenames, extra_fn=None):\n", + "\n", + "def pack_examples(examples,\n", + "\n", + "def _pack_with_custom_ops(dataset, keys, length):\n", + "\n", + " def map_fn_custom(x):\n", + "\n", + "def tfrecord_iterator_for_problem(problem, data_dir,\n", + "\n", + "def tfrecord_iterator(filenames, gzipped=False, example_spec=None):\n", + "\n", + " def _load_records(filename):\n", + "\n", + " def _parse_example(ex_ser):\n", + "\n", + "def random_deinterleave(text, separator_symbol=\"X\"):\n", + "\n", + "def neural_gpu_body(inputs, hparams, name=None):\n", + "\n", + "def diagonal_neural_gpu(inputs, hparams, name=None):\n", + "\n", + " def step(state_tup, inp):\n", + "\n", + "def Reorder(x, params, output=None, **kwargs):\n", + "\n", + "def GateBranches(x, **unused_kwargs):\n", + "\n", + "def Residual(*layers, **kwargs):\n", + "\n", + "def update_hparams_for_universal_transformer(hparams):\n", + "\n", + "def universal_transformer_base():\n", + "\n", + "def adaptive_universal_transformer_multilayer_tpu():\n", + "\n", + "def adaptive_universal_transformer_multilayer_hard():\n", + "\n", + "def universal_transformer_base_range(rhp):\n", + "\n", + "def adaptive_universal_transformer_base_range(rhp):\n", + "\n", + "def DiagonalGate(x, params, **kwargs):\n", + "\n", + "def ConvDiagonalGRU(units, kernel_size=(3, 3)):\n", + "\n", + " def BuildConv():\n", + "\n", + "def NeuralGPU(feature_depth=96, steps=16, vocab_size=2):\n", + "\n", + "def strip_ids(ids, ids_to_strip):\n", + "\n", + "def _escape_token(token, alphabet):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def decode(self, ids, strip_extraneous=False):\n", + "\n", + "def decode_list(self, ids):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def _init_vocab_from_file(self, filename):\n", + "\n", + " def token_gen():\n", + "\n", + "def _init_vocab_from_list(self, vocab_list):\n", + "\n", + " def token_gen():\n", + "\n", + "def _init_vocab(self, token_generator, add_reserved_tokens=True):\n", + "\n", + "def store_to_file(self, filename):\n", + "\n", + "def decode(self, ids, strip_extraneous=False):\n", + "\n", + "def _tokens_to_subtoken_ids(self, tokens):\n", + "\n", + "def _token_to_subtoken_ids(self, token):\n", + "\n", + "def _subtoken_ids_to_tokens(self, subtokens):\n", + "\n", + "def _subtoken_id_to_subtoken_string(self, subtoken):\n", + "\n", + "def _escaped_token_to_subtoken_strings(self, escaped_token):\n", + "\n", + "def _escaped_token_to_subtoken_ids(self, escaped_token):\n", + "\n", + "def build_from_generator(cls,\n", + "\n", + "def build_to_target_size(cls,\n", + "\n", + " def bisect(min_val, max_val):\n", + "\n", + "def build_from_token_counts(self,\n", + "\n", + "def dump(self):\n", + "\n", + "def _init_subtokens_from_list(self, subtoken_strings, reserved_tokens=None):\n", + "\n", + "def _load_from_file_object(self, f):\n", + "\n", + "def _load_from_file(self, filename):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def decode(self, ids, strip_extraneous=False):\n", + "\n", + "def decode(self, ids, strip_extraneous=False):\n", + "\n", + "def _pack_images(images, rows, cols):\n", + "\n", + "def markdownify_operative_config_str(string):\n", + "\n", + " def process(line):\n", + "\n", + "def close(self):\n", + "\n", + "def scalar(self, tag, value, step=None):\n", + "\n", + "def image(self, tag, image, step=None):\n", + "\n", + "def images(self, tag, images, step=None, rows=None, cols=None):\n", + "\n", + "def plot(self, tag, mpl_plt, step=None, close_plot=True):\n", + "\n", + "def audio(self, tag, audiodata, step=None, sample_rate=44100):\n", + "\n", + "def histogram(self, tag, values, bins, step=None):\n", + "\n", + "def text(self, tag, textdata, step=None):\n", + "\n", + "def import_usr_dir(usr_dir):\n", + "\n", + "def basic_params1():\n", + "\n", + "def basic_range1(ranged_hparams):\n", + "\n", + "def _check_reset_and_type_change(self, name, orig_ctr):\n", + "\n", + "def to_parameter_specs(self, name_prefix=\"\"):\n", + "\n", + "def register_game(game_name, game_mode=\"NoFrameskip-v4\"):\n", + "\n", + "def _decode_png(self, encoded_observation):\n", + "\n", + "def _encode_observations(self, observations):\n", + "\n", + "def step(self, actions):\n", + "\n", + "def reset(self, indices=None):\n", + "\n", + "def extra_reading_spec(self):\n", + "\n", + "def _split_current_epoch(self):\n", + "\n", + " def split_size(split_index):\n", + "\n", + "def splits_and_paths(self, data_dir):\n", + "\n", + " def append_epoch(paths):\n", + "\n", + "def generate_data(self, data_dir, tmp_dir=None, task_id=-1):\n", + "\n", + "def set_initial_state(self, initial_state, initial_frames):\n", + "\n", + "def image_to_tf_summary_value(image, tag):\n", + "\n", + "def convert_predictions_to_image_summaries(hook_args):\n", + "\n", + "def resize_by_area(img, size):\n", + "\n", + "def make_multiscale(image, resolutions,\n", + "\n", + "def make_multiscale_dilated(image, resolutions, num_channels=3):\n", + "\n", + "def encode_images_as_png(images):\n", + "\n", + "def image_generator(images, labels):\n", + "\n", + "def image_augmentation(images, do_colors=False, crop_size=None):\n", + "\n", + "def cifar_image_augmentation(images):\n", + "\n", + "def random_shift(image, wsr=0.1, hsr=0.1):\n", + "\n", + "def get_standardized_layers(hparams, dp=None):\n", + "\n", + " def partial(fct, *args, **kwargs):\n", + "\n", + " def decorator(x, *args, **kwargs):\n", + "\n", + " def memeff_attention_fn(*args, **kwargs):\n", + "\n", + "def add_standard_attention_hparams(hparams):\n", + "\n", + "def encoder_decoder_attention_loss(expected_attention_logits,\n", + "\n", + " def combine_attentions(attention_list):\n", + "\n", + " def kl_divergence_loss(expected_logits, actual_logits):\n", + "\n", + " def mse_loss(expected_logits, actual_weights):\n", + "\n", + "def get_timing_signal_1d(length,\n", + "\n", + "def add_timing_signal_1d(x,\n", + "\n", + "def get_layer_timing_signal_learned_1d(channels, layer, num_layers):\n", + "\n", + "def add_layer_timing_signal_learned_1d(x, layer, num_layers):\n", + "\n", + "def get_layer_timing_signal_sinusoid_1d(channels, layer, num_layers):\n", + "\n", + "def add_layer_timing_signal_sinusoid_1d(x, layer, num_layers):\n", + "\n", + "def add_timing_signal_1d_given_position(x,\n", + "\n", + "def add_timing_signal_nd(x, min_timescale=1.0, max_timescale=1.0e4):\n", + "\n", + "def add_positional_embedding(x, max_length, name=None, positions=None):\n", + "\n", + "def add_positional_embedding_nd(x, max_length, name=None):\n", + "\n", + "def make_edge_vectors(adjacency_matrix, num_edge_types, depth, name=None):\n", + "\n", + "def padding_to_length(padding):\n", + "\n", + "def attention_bias_local(length, max_backward, max_forward):\n", + "\n", + "def attention_bias_same_segment(query_segment_id, memory_segment_id):\n", + "\n", + "def attention_bias_ignore_padding(memory_padding):\n", + "\n", + "def attention_bias_to_padding(attention_bias, cast_fn=tf.to_float):\n", + "\n", + "def attention_bias_prepend_inputs_full_attention(padding):\n", + "\n", + "def attention_bias_proximal(length):\n", + "\n", + "def attention_bias_batch(batch_coordinates_q,\n", + "\n", + " def to_float(bc):\n", + "\n", + "def split_last_dimension(x, n):\n", + "\n", + "def combine_last_two_dimensions(x):\n", + "\n", + "def combine_first_two_dimensions(x):\n", + "\n", + "def attention_image_summary(attn, image_shapes=None):\n", + "\n", + "def grouped_attention_multihead(query_antecedent,\n", + "\n", + "def harden_attention_weights(weights, hard_attention_k):\n", + "\n", + "def dot_product_attention(q,\n", + "\n", + "def _generate_relative_positions_matrix(length_q, length_k,\n", + "\n", + "def _generate_relative_positions_embeddings(length_q, length_k, depth,\n", + "\n", + "def _relative_attention_inner(x, y, z, transpose):\n", + "\n", + "def dot_product_attention_relative(q,\n", + "\n", + "def _relative_position_to_absolute_position_masked(x):\n", + "\n", + "def dot_product_self_attention_relative_v2(q,\n", + "\n", + "def _absolute_position_to_relative_position_unmasked(x):\n", + "\n", + "def get_relative_embeddings_left_right(max_relative_position, length, depth,\n", + "\n", + "def _matmul_with_relative_keys_2d(x, y, heads_share_relative_embedding):\n", + "\n", + "def _split_along_width(x_left_right_blocks):\n", + "\n", + "def _get_left_right_blocks(x):\n", + "\n", + "def _extract_blocks(x, block_h, block_w):\n", + "\n", + "def get_2d_local_memory(x, query_shape, memory_flange):\n", + "\n", + "def get_2d_local_memory_v2(x, query_shape, memory_flange):\n", + "\n", + "def masked_within_block_local_attention_1d(q, k, v, block_length=64, name=None):\n", + "\n", + "def _relative_position_to_absolute_position_unmasked(x):\n", + "\n", + "def masked_local_attention_1d(q,\n", + "\n", + "def _make_local_block(x, depth, batch, heads, num_blocks, block_length):\n", + "\n", + "def masked_relative_local_attention_1d(q,\n", + "\n", + " def _reshape_for_relative(x):\n", + "\n", + "def local_attention_1d(q, k, v, block_length=128, filter_width=100, name=None):\n", + "\n", + " def pad_to_multiple(x, pad_length):\n", + "\n", + " def pad_l_and_r(x, pad_length):\n", + "\n", + "def reshape_by_blocks(x, x_shape, memory_block_size):\n", + "\n", + "def dilated_self_attention_1d(q,\n", + "\n", + " def pad_to_multiple(x, pad_length):\n", + "\n", + " def pad_l_and_r(x, pad_length):\n", + "\n", + "def gather_dilated_memory_blocks(x,\n", + "\n", + " def gather_dilated_1d_blocks(x, gather_indices):\n", + "\n", + "def masked_dilated_self_attention_1d(q,\n", + "\n", + " def pad_to_multiple(x, pad_length):\n", + "\n", + " def pad_l(x, left_pad_length):\n", + "\n", + "def local_attention_2d(q,\n", + "\n", + "def pad_to_multiple_2d(x, block_shape):\n", + "\n", + "def reshape_range(tensor, i, j, shape):\n", + "\n", + "def gather_blocks_2d(x, indices):\n", + "\n", + "def scatter_blocks_2d(x, indices, shape):\n", + "\n", + "def gather_indices_2d(x, block_shape, block_stride):\n", + "\n", + "def make_2d_block_raster_mask(query_shape, memory_flange):\n", + "\n", + "def get_memory_region(x, query_block_shape, memory_flange, q_indices):\n", + "\n", + "def get_shifted_center_blocks(x, indices):\n", + "\n", + " def shift_right_2d_blocks(x):\n", + "\n", + "def right_shift_blockwise(x, query_shape, name=None):\n", + "\n", + "def masked_local_attention_2d(q,\n", + "\n", + "def compute_attention_component(antecedent,\n", + "\n", + "def compute_qkv(query_antecedent,\n", + "\n", + "def multihead_attention(query_antecedent,\n", + "\n", + "def multihead_attention_2d(query_antecedent,\n", + "\n", + "def ffn_self_attention_layer(x,\n", + "\n", + "def parameter_attention(x,\n", + "\n", + "def coordinate_tensor(shape, axis):\n", + "\n", + "def self_attention_expert(x,\n", + "\n", + " def length_not_null(x, batch_coordinate):\n", + "\n", + " def add_or_set_if(prev_bias, new_bias, condition):\n", + "\n", + " def mask_and_call_attention(x):\n", + "\n", + "def local_expert_attention(x,\n", + "\n", + "def expert_dot_product(q, k, v, info_q, info_k):\n", + "\n", + " def is_zero():\n", + "\n", + " def is_not_zero():\n", + "\n", + "def dot_product_single_head(q, k, v, gates_q, gates_k, bi):\n", + "\n", + " def eventually_dispatch(dispatcher, value):\n", + "\n", + "def map_fn_switch(fn, elems, use_map_fn=True, **kwargs):\n", + "\n", + "def sparse_dot_product_attention(q, k, v, bi, use_map_fn, experts_params):\n", + "\n", + " def flatten_first_dims(x):\n", + "\n", + " def flatten_batch(x):\n", + "\n", + "def dot_product_batched_head(q, k, v, gates_q, gates_k, mask_right=False):\n", + "\n", + " def get_dispatcher(gates):\n", + "\n", + " def add_summary_capacity(x, prefix):\n", + "\n", + " def get_gates_head(x, add_first=False):\n", + "\n", + "def deconv_elems_1d(x, factor, out_depth=None):\n", + "\n", + "def conv_elems_1d(x, factor, out_depth=None):\n", + "\n", + "def local_reduction_attention(x, block_length, multihead_params):\n", + "\n", + " def dot_product_self_local_attention_flattened(q, k, v):\n", + "\n", + " def pad_and_reshape(x):\n", + "\n", + " def construct_bias_vectors(t, axis):\n", + "\n", + "def scaled_dot_product_attention_simple(q, k, v, bias, name=None):\n", + "\n", + "def multihead_self_attention_memory_efficient(x,\n", + "\n", + " def forward_internal(x, wqkv, wo, attention_bias, norm_scale, norm_bias):\n", + "\n", + " def grad_fn(x, wqkv, wo, attention_bias, norm_scale, norm_bias, dy):\n", + "\n", + " def forward_fn(x, wqkv, wo, attention_bias, norm_scale, norm_bias):\n", + "\n", + "def _idx_to_bits(self, i):\n", + "\n", + "def get_gates(self, x):\n", + "\n", + "def van_image_enc_2d(x, first_depth, reuse=False, hparams=None):\n", + "\n", + "def van_enc_2d(x, first_depth, reuse=False):\n", + "\n", + "def van_dec_2d(x, skip_connections, output_shape, first_depth, hparams=None):\n", + "\n", + "def analogy_computation_2d(f_first_enc,\n", + "\n", + "def van(first_enc,\n", + "\n", + "def encoder_vgg(x, enc_final_size, reuse=False, scope_prefix='', hparams=None,\n", + "\n", + "def predictor(enc_flat,\n", + "\n", + "def construct_model(images,\n", + "\n", + "def peak_signal_to_noise_ratio(true, pred):\n", + "\n", + "def mean_squared_error(true, pred):\n", + "\n", + "def l1_error(true, pred):\n", + "\n", + "def calc_loss_psnr(gen_images, images, name, hparams=None, use_l1_loss=False):\n", + "\n", + "def next_frame_sv2p():\n", + "\n", + "def next_frame_sv2p_discrete():\n", + "\n", + "def next_frame_sv2p_atari():\n", + "\n", + "def next_frame_sv2p_atari_softmax():\n", + "\n", + "def next_frame_sv2p_tiny():\n", + "\n", + "def next_frame_sv2p_cutoff():\n", + "\n", + "def _get_mscoco(directory):\n", + "\n", + "def mscoco_generator(data_dir,\n", + "\n", + " def get_vocab():\n", + "\n", + "def flags_as_args():\n", + "\n", + "def get_default_master_type(num_gpus=1):\n", + "\n", + "def configure_job():\n", + "\n", + "def launch_job(job_spec):\n", + "\n", + "def _tar_and_copy(src_dir, target_dir):\n", + "\n", + "def tar_and_copy_t2t(train_dir):\n", + "\n", + "def tar_and_copy_usr_dir(usr_dir, train_dir):\n", + "\n", + "def validate_flags():\n", + "\n", + "def launch():\n", + "\n", + "def add_weight(cls):\n", + "\n", + " def _add_weight(self,\n", + "\n", + " def loss_fn():\n", + "\n", + "def get_beta(self, kl_loss=0.0):\n", + "\n", + "def get_kl_loss(self, means, log_vars, means_p=None, log_vars_p=None):\n", + "\n", + "def construct_latent_tower(self, images, time_axis):\n", + "\n", + "def transformer_encode(encoder_function, inputs, target_space, hparams,\n", + "\n", + "def transformer_decode(decoder_function,\n", + "\n", + "def _init_transformer_cache(cache, hparams, batch_size, attention_init_length,\n", + "\n", + "def fast_decode_tpu(encoder_output,\n", + "\n", + " def inner_loop(i, hit_eos, next_id, decoded_ids, cache, log_prob):\n", + "\n", + " def is_not_finished(i, hit_eos, *_):\n", + "\n", + " def compute_cache_shape_invariants(tensor):\n", + "\n", + "def fast_decode(encoder_output,\n", + "\n", + " def inner_loop(i, hit_eos, next_id, decoded_ids, cache, log_prob):\n", + "\n", + " def is_not_finished(i, hit_eos, *_):\n", + "\n", + "def transformer_prepare_decoder(targets, hparams, features=None):\n", + "\n", + "def transformer_decoder(decoder_input,\n", + "\n", + "def transformer_base_v1():\n", + "\n", + "def transformer_base_v2():\n", + "\n", + "def transformer_base_vq_ada_32ex_packed():\n", + "\n", + "def transformer_base_vq1_16_nb1_packed_nda_b01_scales():\n", + "\n", + "def transformer_base_vq1_16_nb1_packed_dan_b01_scales():\n", + "\n", + "def transformer_base_vq1_16_nb1_packed_nda_b01_scales_dialog():\n", + "\n", + "def transformer_ada_lmpackedbase_dialog():\n", + "\n", + "def transformer_base_v3():\n", + "\n", + "def transformer_big():\n", + "\n", + "def transformer_tall():\n", + "\n", + "def transformer_tall_finetune_tied():\n", + "\n", + "def transformer_tall_finetune_uniencdec():\n", + "\n", + "def transformer_tall_train_uniencdec():\n", + "\n", + "def transformer_tall_finetune_textclass():\n", + "\n", + "def transformer_tall_pretrain_lm():\n", + "\n", + "def transformer_tall_pretrain_lm_tpu_adafactor():\n", + "\n", + "def transformer_tall_pretrain_lm_tpu_adafactor_large():\n", + "\n", + "def transformer_tall_pretrain_lm_tpu():\n", + "\n", + "def transformer_base_single_gpu():\n", + "\n", + "def transformer_parsing_base():\n", + "\n", + "def transformer_parsing_big():\n", + "\n", + "def transformer_base_range(rhp):\n", + "\n", + "def transformer_relative():\n", + "\n", + "def transformer_mlperf_tpu():\n", + "\n", + "def update_hparams_for_tpu(hparams):\n", + "\n", + "def transformer_tpu_range(rhp):\n", + "\n", + "def transformer_clean():\n", + "\n", + "def transformer_lm_tpu_0():\n", + "\n", + "def transformer_librispeech_v1():\n", + "\n", + "def transformer_librispeech_v2():\n", + "\n", + "def transformer_librispeech_tpu_v1():\n", + "\n", + "def transformer_librispeech_tpu_v2():\n", + "\n", + "def transformer_tpu_1b():\n", + "\n", + "def transformer_wikitext103_l4k_v0():\n", + "\n", + "def transformer_wikitext103_l4k_memory_v0():\n", + "\n", + "def transformer_wikitext103_l16k_memory_v0():\n", + "\n", + "def transformer_cifar10_memory_v0():\n", + "\n", + "def transformer_imagenet64_memory_v0():\n", + "\n", + "def maybe_reshape_4d_to_3d(x):\n", + "\n", + "def local_attention_2d(x, hparams, attention_type=\"local_attention_2d\"):\n", + "\n", + "def local_within_block_attention(x,\n", + "\n", + "def local_attention_1d(x,\n", + "\n", + "def dilated_attention_1d(x,\n", + "\n", + "def local_global_attention(x,\n", + "\n", + "def full_self_attention(x,\n", + "\n", + "def encdec_attention_1d(x,\n", + "\n", + "def transformer_decoder_layers(inputs,\n", + "\n", + "def transformer_encoder_layers(inputs,\n", + "\n", + "def ffn_layer(x, hparams, losses=None):\n", + "\n", + "def get_self_attention_bias(x):\n", + "\n", + "def postprocess_image(x, rows, cols, hparams):\n", + "\n", + "def prepare_encoder(inputs, hparams, attention_type=\"local_1d\"):\n", + "\n", + "def prepare_decoder(targets, hparams):\n", + "\n", + "def create_output(decoder_output, rows, cols, targets, hparams):\n", + "\n", + "def get_channel_embeddings(io_depth, targets, hidden_size, name=\"channel\"):\n", + "\n", + "def simulate(self, action):\n", + "\n", + " def step(action):\n", + "\n", + "def _reset_non_empty(self, indices):\n", + "\n", + "def include_revision(revision_num, skip_factor=1.1):\n", + "\n", + "def file_page_generator(my_file, max_page_size=2**28):\n", + "\n", + "def get_title(page):\n", + "\n", + "def get_id(page):\n", + "\n", + "def get_revisions(page):\n", + "\n", + "def parse_page(raw_page):\n", + "\n", + "def maybe_copy_file_to_directory(source_filepath, target_directory):\n", + "\n", + "def corpus_page_generator(corpus_files, tmp_dir, max_page_size_exp):\n", + "\n", + "def get_text(revision, strip=True):\n", + "\n", + "def _remove_curly_braces(text):\n", + "\n", + "def _remove_double_brackets(text):\n", + "\n", + " def replacement_fn(s):\n", + "\n", + "def _remove_boring_lines(text):\n", + "\n", + "def get_or_generate_vocabulary(data_dir,\n", + "\n", + " def my_generator(data_prefix):\n", + "\n", + "def get_encoder_from_vocab(vocab_filepath):\n", + "\n", + "def edit_distance_filter(source_target_input, max_equal_to_diff_ratio=0):\n", + "\n", + "def introduce_errors(s,\n", + "\n", + "def fast_match_sequences(a,\n", + "\n", + "def begin(self):\n", + "\n", + "def create_time_step(cls,\n", + "\n", + "def attention(targets_shifted, inputs_encoded, norm_fn, hparams, bias=None):\n", + "\n", + "def multi_conv_res(x, padding, name, layers, hparams, mask=None, source=None):\n", + "\n", + " def norm_fn(x, name):\n", + "\n", + "def rank_loss(sentence_emb, image_emb, margin=0.2):\n", + "\n", + "def similarity_cost(inputs_encoded, targets_encoded):\n", + "\n", + "def slicenet_middle(inputs_encoded, targets, target_space_emb, mask, hparams):\n", + "\n", + " def norm_fn(x, name):\n", + "\n", + "def embedding_to_padding(emb):\n", + "\n", + "def slicenet_internal(inputs, targets, target_space, hparams, run_decoder=True):\n", + "\n", + "def slicenet_params1():\n", + "\n", + "def slicenet_params1_noam():\n", + "\n", + "def slicenet_params1_tiny():\n", + "\n", + "def slicenet_range1(ranged_hparams):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def encode_target(self, target, source_oovs):\n", + "\n", + "def decode_list_oov(self, ids, source_oov_id_to_token):\n", + "\n", + "def _smallest_size_at_least(height, width, smallest_side):\n", + "\n", + "def _aspect_preserving_resize(image, smallest_side):\n", + "\n", + "def _distort_color(image, color_ordering=0, scope=None):\n", + "\n", + "def _apply_with_random_selector(x, func, num_cases):\n", + "\n", + "def _mean_image_subtraction(image, means):\n", + "\n", + "def transformer_prepare_encoder(inputs, target_space, hparams, features=None):\n", + "\n", + "def transformer_encoder(encoder_input,\n", + "\n", + "def transformer_ffn_layer(x,\n", + "\n", + "def lmx_base():\n", + "\n", + "def lmx_h3k_f12k():\n", + "\n", + "def lmx_h4k_f16k():\n", + "\n", + "def lmx_relative():\n", + "\n", + "def lmx_moe_h1k_f4k_x32():\n", + "\n", + "def lmx_moe_h1k_f8k_x16():\n", + "\n", + "def lmx_h1k_f64k():\n", + "\n", + "def compute_uncertainty_reward(logits, predictions):\n", + "\n", + "def _reset_non_empty(self, indices):\n", + "\n", + "def set_random_seed():\n", + "\n", + "def generate_data_for_problem(problem):\n", + "\n", + "def generate_data_for_env_problem(problem_name):\n", + "\n", + "def generate_data_for_registered_problem(problem_name):\n", + "\n", + "def _collect_data(directory):\n", + "\n", + "def _file_exists(path, filename):\n", + "\n", + "def _is_relative(path, filename):\n", + "\n", + "def define_ppo_step(data_points, hparams, action_space, lr):\n", + "\n", + "def define_ppo_epoch(memory, hparams, action_space, batch_size):\n", + "\n", + "def gym_space_spec(gym_space):\n", + "\n", + "def cardinality(gym_space):\n", + "\n", + "def image_rmse(predictions, labels, weights_fn=common_layers.weights_all):\n", + "\n", + "def abs_error(predictions, labels, weights_fn=None):\n", + "\n", + "def padded_variance_explained(predictions,\n", + "\n", + "def padded_accuracy_topk(predictions,\n", + "\n", + "def rounding_sequence_accuracy(predictions,\n", + "\n", + "def padded_sequence_accuracy(predictions,\n", + "\n", + "def sequence_edit_distance(predictions,\n", + "\n", + "def padded_neg_log_perplexity(predictions,\n", + "\n", + "def dmol_neg_log_perplexity(predictions,\n", + "\n", + "def rounding_accuracy(predictions,\n", + "\n", + "def padded_accuracy(predictions,\n", + "\n", + "def multilabel_accuracy_matchk(predictions,\n", + "\n", + "def set_precision(predictions, labels,\n", + "\n", + "def image_summary(predictions, targets, hparams):\n", + "\n", + "def softmax_cross_entropy_one_hot(logits, labels, weights_fn=None):\n", + "\n", + "def sigmoid_accuracy_one_hot(logits, labels, weights_fn=None):\n", + "\n", + "def sigmoid_recall_one_hot(logits, labels, weights_fn=None):\n", + "\n", + "def sigmoid_cross_entropy_one_hot(logits, labels, weights_fn=None):\n", + "\n", + "def roc_auc(logits, labels, weights_fn=None):\n", + "\n", + "def create_evaluation_metrics(problems, model_hparams):\n", + "\n", + " def reduce_dimensions(predictions, labels):\n", + "\n", + " def make_problem_specific_metric_fn(metric_fn, weights_fn):\n", + "\n", + " def problem_metric_fn(predictions, features, labels):\n", + "\n", + " def make_image_wrapped_metric_fn(metric_fn):\n", + "\n", + " def image_wrapped_metric_fn(predictions,\n", + "\n", + " def weights_fn_for_mp(problem_task_id):\n", + "\n", + "def create_eager_metrics_for_problem(problem, model_hparams):\n", + "\n", + "def create_eager_metrics(metric_names, weights_fn=common_layers.weights_all):\n", + "\n", + "def create_eager_metrics_internal(metric_fns,\n", + "\n", + " def metric_accum(predictions, targets):\n", + "\n", + " def metric_means():\n", + "\n", + "def word_error_rate(raw_predictions,\n", + "\n", + " def from_tokens(raw, lookup_):\n", + "\n", + " def from_characters(raw, lookup_):\n", + "\n", + "def pearson_correlation_coefficient(predictions, labels, weights_fn=None):\n", + "\n", + "def attention_lm_prepare_decoder(targets, hparams):\n", + "\n", + "def attention_lm_decoder(decoder_input,\n", + "\n", + "def attention_lm_base():\n", + "\n", + "def attention_lm_small():\n", + "\n", + "def attention_lm_translation():\n", + "\n", + "def _get_ngrams(segment, max_order):\n", + "\n", + "def bleu_score(predictions, labels, **unused_kwargs):\n", + "\n", + "def bleu_tokenize(string):\n", + "\n", + "def bleu_wrapper(ref_filename, hyp_filename, case_sensitive=False):\n", + "\n", + "def _try_twice_tf_glob(pattern):\n", + "\n", + "def _read_stepfiles_list(path_prefix, path_suffix=\".index\", min_steps=0):\n", + "\n", + "def stepfiles_iterator(path_prefix, wait_minutes=0, min_steps=0,\n", + "\n", + "def _get_vqa_v2_annotations(directory,\n", + "\n", + "def _get_vqa_v2_image_raw_dataset(directory, image_root_url, image_urls):\n", + "\n", + "def _parse_fail(name, var_type, value, values):\n", + "\n", + "def _process_scalar_value(name, parse_fn, var_type, m_dict, values,\n", + "\n", + "def _process_list_value(name, parse_fn, var_type, m_dict, values,\n", + "\n", + "def _cast_to_type_if_compatible(name, param_type, value):\n", + "\n", + "def parse_values(values, type_map, ignore_unknown=False):\n", + "\n", + " def parse_bool(value):\n", + "\n", + "def add_hparam(self, name, value):\n", + "\n", + "def set_hparam(self, name, value):\n", + "\n", + "def del_hparam(self, name):\n", + "\n", + "def parse(self, values):\n", + "\n", + "def override_from_dict(self, values_dict):\n", + "\n", + "def to_json(self, indent=None, separators=None, sort_keys=False):\n", + "\n", + " def remove_callables(x):\n", + "\n", + "def parse_json(self, values_json):\n", + "\n", + "def values(self):\n", + "\n", + "def get(self, key, default=None):\n", + "\n", + "def _get_kind_name(param_type, is_list):\n", + "\n", + "def process(self, query):\n", + "\n", + " def server_input_fn():\n", + "\n", + " def input_fn():\n", + "\n", + "def _default_output_dir():\n", + "\n", + "def _setup_gin():\n", + "\n", + "def train_and_eval_dataset(dataset_name, data_dir):\n", + "\n", + "def _make_info(shape_list, num_classes):\n", + "\n", + "def _select_features(example, feature_list=None):\n", + "\n", + "def _train_and_eval_dataset_v1(problem_name, data_dir):\n", + "\n", + "def batch_fn(dataset, training, shapes, target_names,\n", + "\n", + " def example_length(_, target):\n", + "\n", + "def shuffle_and_batch_data(dataset, target_names, features_info, training):\n", + "\n", + " def append_targets(example):\n", + "\n", + "def optimize_fn(model,\n", + "\n", + " def xent_loss(y, x):\n", + "\n", + "def train_fn(data_dir=None, output_dir=None,\n", + "\n", + "def t2t_train(model_name, dataset_name,\n", + "\n", + "def decode(estimator, hparams, decode_hp):\n", + "\n", + "def score_file(filename):\n", + "\n", + "def time_to_channels(embedded_video):\n", + "\n", + "def autoencoder_basic():\n", + "\n", + "def autoencoder_autoregressive():\n", + "\n", + "def autoencoder_residual():\n", + "\n", + "def autoencoder_residual_text():\n", + "\n", + "def autoencoder_basic_discrete():\n", + "\n", + "def autoencoder_residual_discrete():\n", + "\n", + "def autoencoder_residual_discrete_big():\n", + "\n", + "def autoencoder_ordered_discrete():\n", + "\n", + "def autoencoder_ordered_discrete_image64():\n", + "\n", + "def autoencoder_ordered_text():\n", + "\n", + "def autoencoder_ordered_text_small():\n", + "\n", + "def autoencoder_discrete_pong():\n", + "\n", + "def autoencoder_discrete_tiny():\n", + "\n", + "def autoencoder_discrete_cifar():\n", + "\n", + "def autoencoder_range(rhp):\n", + "\n", + "def image_encoder(image_feat,\n", + "\n", + "def question_encoder(question, hparams, name=\"encoder\"):\n", + "\n", + "def attn(image_feat, query, hparams, name=\"attn\"):\n", + "\n", + "def mlp(feature, hparams, name=\"mlp\"):\n", + "\n", + "def vqa_attention_base():\n", + "\n", + "def vqa_attention_base_range(rhp):\n", + "\n", + "def append(self, mode, metric, step, value):\n", + "\n", + "def get(self, mode, metric):\n", + "\n", + "def metrics_for_mode(self, mode):\n", + "\n", + "def batch_norm_relu(inputs,\n", + "\n", + "def conv2d_fixed_padding(inputs,\n", + "\n", + "def residual_block(inputs,\n", + "\n", + "def bottleneck_block(inputs,\n", + "\n", + "def block_layer(inputs,\n", + "\n", + " def projection_shortcut(inputs):\n", + "\n", + "def resnet_v2(inputs,\n", + "\n", + "def resnet_imagenet_34_td_weight_05_05():\n", + "\n", + "def resnet_imagenet_34_td_unit_05_05():\n", + "\n", + "def resnet_imagenet_34_td_unit_no_drop():\n", + "\n", + "def resnet_cifar_15():\n", + "\n", + "def _len_lcs(x, y):\n", + "\n", + "def _lcs(x, y):\n", + "\n", + "def rouge_l_sentence_level(eval_sentences, ref_sentences):\n", + "\n", + "def rouge_l_fscore(predictions, labels, **unused_kwargs):\n", + "\n", + "def _get_ngrams(n, text):\n", + "\n", + "def rouge_2_fscore(predictions, labels, **unused_kwargs):\n", + "\n", + "def normalize_example_nlp(task, example, is_infer, vocab_type, vocab_offset,\n", + "\n", + " def make_constant_shape(x, size):\n", + "\n", + "def flatten_zip_dataset(*args):\n", + "\n", + "def aggregate_task_losses(hparams,\n", + "\n", + "def aggregate_task_lm_losses(hparams,\n", + "\n", + "def normalize_example(self, task, example, encoder, hparams, is_infer):\n", + "\n", + "def update_task_ids(self, encoder_vocab_size):\n", + "\n", + "def get_max_num_classes(self):\n", + "\n", + "def pre_attention(self, segment, query_antecedent, memory_antecedent, bias):\n", + "\n", + "def pre_attention(self, segment, query_antecedent, memory_antecedent, bias):\n", + "\n", + "def post_attention(self, token, x):\n", + "\n", + "def _norm(self, x):\n", + "\n", + "def _address_content(self, x):\n", + "\n", + "def read(self, x):\n", + "\n", + "def write(self, x, access_logits):\n", + "\n", + "def reset(self, entries_to_reset):\n", + "\n", + "def pre_attention(self, segment_number, query_antecedent,\n", + "\n", + "def post_attention(self, token, x):\n", + "\n", + "def _run_train(ppo_hparams,\n", + "\n", + "def _rollout_metadata(batch_env):\n", + "\n", + "def _define_collect(batch_env, ppo_hparams, scope, frame_stack_size, eval_phase,\n", + "\n", + " def initialization_lambda(sess):\n", + "\n", + " def reset_ops_group():\n", + "\n", + " def step(index, scores_sum, scores_num):\n", + "\n", + " def stop_condition(i, _, resets):\n", + "\n", + "def sliced_gan():\n", + "\n", + "def discriminator(self, x, is_training, reuse=False):\n", + "\n", + "def generator(self, z, is_training, out_shape):\n", + "\n", + "def body(self, features):\n", + "\n", + "def inputs(num_devices, dataset_name, data_dir=None, input_name=None,\n", + "\n", + " def numpy_stream(dataset):\n", + "\n", + " def random_minibatches():\n", + "\n", + "def dataset_to_stream(dataset, input_name, num_chunks=0, append_targets=False):\n", + "\n", + "def _train_and_eval_dataset_v1(problem_name, data_dir):\n", + "\n", + "def batch_fun(dataset, training, shapes, target_names, num_devices,\n", + "\n", + " def example_length(_, target):\n", + "\n", + "def lm1b_preprocess(dataset, training,\n", + "\n", + " def target_right_length(_, target):\n", + "\n", + " def eval_target_right_length(_, target):\n", + "\n", + "def shuffle_and_batch_data(dataset,\n", + "\n", + " def append_targets(example):\n", + "\n", + "def _train_and_eval_batches(dataset, data_dir, input_name, num_devices):\n", + "\n", + "def get_multi_dataset(datasets, pmf=None):\n", + "\n", + "def get_schedule_distribution(schedule, global_step=None):\n", + "\n", + "def categorical_case(pmf, fns, rand=None):\n", + "\n", + "def linear_interpolation(x, xp, fp, **kwargs):\n", + "\n", + "def step_interpolation(x, xp, fp, **kwargs):\n", + "\n", + "def epoch_rates_to_pmf(problems, epoch_rates=None):\n", + "\n", + "def encode_schedule(schedule):\n", + "\n", + "def decode_schedule(string):\n", + "\n", + "def tuplize(nested):\n", + "\n", + "def filepattern(self, *args, **kwargs):\n", + "\n", + "def generate_data(self, *args, **kwargs):\n", + "\n", + "def dataset(self, mode, hparams=None, global_step=None, **kwargs):\n", + "\n", + "def normalize_example(self, example, hparams):\n", + "\n", + " def _to_constant_shape(tensor):\n", + "\n", + "def generate_data_with_shared_vocab(self, data_dir, tmp_dir, task_id=-1):\n", + "\n", + "def lengths_to_area_mask(feature_length, length, max_area_size):\n", + "\n", + "def _pool_one_shape(features_2d, area_width, area_height, batch_size,\n", + "\n", + "def basic_pool(features, max_area_width, max_area_height=1, height=1,\n", + "\n", + "def _compute_sum_image(features, max_area_width, max_area_height=1, height=1,\n", + "\n", + "def compute_area_features(features, max_area_width, max_area_height=1, height=1,\n", + "\n", + "def compute_area_key(features, max_area_width, max_area_height=1, height=1,\n", + "\n", + "def dot_product_area_attention(q,\n", + "\n", + "def setup_directories(base_dir, subdirs):\n", + "\n", + "def make_relative_timing_fn():\n", + "\n", + " def format_relative_time():\n", + "\n", + " def log_relative_time():\n", + "\n", + "def train_supervised(problem, model_name, hparams, data_dir, output_dir,\n", + "\n", + "def train_agent(real_env, learner, world_model_dir, hparams, epoch):\n", + "\n", + "def train_agent_real_env(env, learner, hparams, epoch):\n", + "\n", + "def load_metrics(event_dir, epoch):\n", + "\n", + "def training_loop(hparams, output_dir, report_fn=None, report_metric=None):\n", + "\n", + "def conv_layer(x,\n", + "\n", + "def gene_expression_conv_base():\n", + "\n", + "def compress_self_attention_layer(x, hparams, name=None):\n", + "\n", + "def compute_nats_and_bits_per_dim(data_dim,\n", + "\n", + "def multinomial_sample(x, vocab_size=None, sampling_method=\"random\",\n", + "\n", + "def ae_latent_softmax(latents_pred, latents_discrete_hot, vocab_size, hparams):\n", + "\n", + "def ae_latent_sample_beam(latents_dense_in, inputs, ed, embed, hparams):\n", + "\n", + " def symbols_to_logits_fn(ids):\n", + "\n", + "def residual_block_layer(inputs, hparams):\n", + "\n", + "def compress_encoder(inputs,\n", + "\n", + "def compress_encoder_2d(x, hparams, name=None):\n", + "\n", + "def compress_encoder_1d(x, hparams, name=None):\n", + "\n", + "def decompress_decoder(inputs,\n", + "\n", + "def decompress_decoder_2d(x, hparams, name=None):\n", + "\n", + "def decompress_decoder_1d(x, hparams, name=None):\n", + "\n", + "def transformer_text_encoder(inputs,\n", + "\n", + "def transformer_image_decoder(targets,\n", + "\n", + "def transformer_latent_decoder(x,\n", + "\n", + "def bottleneck_layer(inputs,\n", + "\n", + "def latent_prediction_model(inputs,\n", + "\n", + "def transformer_autoencoder(inputs,\n", + "\n", + "def iaf_flow(one_hot_assignments,\n", + "\n", + "def _get_lsun(directory, category, split_name):\n", + "\n", + "def _mixed_precision_is_enabled(hparams):\n", + "\n", + "def optimize(loss, learning_rate, hparams, use_tpu=False, variables=None):\n", + "\n", + "def weight_decay_and_noise(loss, hparams, learning_rate, var_list=None):\n", + "\n", + "def weight_noise(noise_rate, learning_rate, var_list):\n", + "\n", + "def weight_decay(decay_rate, var_list, skip_biases=True):\n", + "\n", + "def log_variable_sizes(var_list=None, tag=None, verbose=False):\n", + "\n", + "def summarize_variables(var_list=None, tag=None):\n", + "\n", + "def get_variable_initializer(hparams):\n", + "\n", + "def summarize_tensors(tensor_dict, tag=None):\n", + "\n", + "def image_embedding(images,\n", + "\n", + "def multihead_attention(query_antecedent,\n", + "\n", + "def _get_timit(directory):\n", + "\n", + "def _collect_data(directory, input_ext, target_ext):\n", + "\n", + "def timit_generator(data_dir,\n", + "\n", + "def _build_vocab(filename, vocab_dir, vocab_name):\n", + "\n", + "def _maybe_download_corpus(tmp_dir, vocab_type):\n", + "\n", + "def get_batch_coordinate(x):\n", + "\n", + "def aligned_base():\n", + "\n", + "def aligned_8k_grouped():\n", + "\n", + "def _merge_beam_dim(tensor):\n", + "\n", + "def _unmerge_beam_dim(tensor, batch_size, beam_size):\n", + "\n", + "def _expand_to_beam_size(tensor, beam_size):\n", + "\n", + "def get_state_shape_invariants(tensor):\n", + "\n", + "def compute_batch_indices(batch_size, beam_size):\n", + "\n", + "def fast_tpu_gather(params, indices, name=None):\n", + "\n", + " def _gather(params, indices):\n", + "\n", + "def _create_make_unique(inputs):\n", + "\n", + "def _create_topk_unique(inputs, k):\n", + "\n", + "def top_k_with_unique(inputs, k):\n", + "\n", + "def compute_topk_scores_and_seq(sequences,\n", + "\n", + " def gather(tensor, name):\n", + "\n", + "def beam_search(symbols_to_logits_fn,\n", + "\n", + " def grow_finished(finished_seq, finished_scores, finished_flags, curr_seq,\n", + "\n", + " def grow_alive(curr_seq, curr_scores, curr_log_probs, curr_finished, states):\n", + "\n", + " def grow_topk(i, alive_seq, alive_log_probs, states):\n", + "\n", + " def inner_loop(i, alive_seq, alive_log_probs, finished_seq, finished_scores,\n", + "\n", + " def _is_finished(i, unused_alive_seq, alive_log_probs, unused_finished_seq,\n", + "\n", + "def video_augmentation(features, hue=False, saturate=False, contrast=False):\n", + "\n", + "def create_border(video, color=\"blue\", border_percent=2):\n", + "\n", + "def convert_videos_to_summaries(input_videos, output_videos, target_videos,\n", + "\n", + "def display_video_hooks(hook_args):\n", + "\n", + "def summarize_video_metrics(hook_args):\n", + "\n", + "def debug_video_writer_factory(output_dir):\n", + "\n", + "def preprocess_example(self, example, mode, hparams):\n", + "\n", + "def serving_input_fn(self, hparams):\n", + "\n", + "def generate_encoded_samples(self, data_dir, tmp_dir, dataset_split):\n", + "\n", + "def generate_data(self, data_dir, tmp_dir, task_id=-1):\n", + "\n", + "def add_scope(scope=None, scope_fn=None):\n", + "\n", + " def decorator(f):\n", + "\n", + " def decorated(*args, **kwargs):\n", + "\n", + "def _add_variable_proxy_methods(var, proxy_tensor):\n", + "\n", + "def _rowwise_unsorted_segment_sum(values, indices, n):\n", + "\n", + "def cv_squared(x):\n", + "\n", + "def update_hparams_for_vq_gating(hparams):\n", + "\n", + "def _my_top_k(x, k):\n", + "\n", + "def vq_gating(x,\n", + "\n", + "def noisy_top_k_gating(x,\n", + "\n", + "def map_ids(x, indices, map_fn):\n", + "\n", + " def body(t_i, ta_stack_out):\n", + "\n", + "def ffn_expert_fn(input_size,\n", + "\n", + " def my_fn(x):\n", + "\n", + "def flatten_all_but_last(a):\n", + "\n", + "def local_moe(x,\n", + "\n", + "def local_moe_tpu(inputs,\n", + "\n", + "def reduce_by_device(parallelism, data, reduce_fn):\n", + "\n", + "def expand_by_device(original_parallelism, device_parallelism, data):\n", + "\n", + "def all_reduce_ring(x, parallelism, maybe_reduce=True, use_bfloat16=True):\n", + "\n", + " def _step(source_replica, target_replica, x_split, op=\"plus_eq\"):\n", + "\n", + "def _maybe_repeat(self, x):\n", + "\n", + "def remove(self, x):\n", + "\n", + "def restore(self, x):\n", + "\n", + "def dispatch(self, inp):\n", + "\n", + "def combine(self, expert_out, multiply_by_gates=True):\n", + "\n", + "def expert_to_gates(self):\n", + "\n", + "def expert_to_batch_indices(self):\n", + "\n", + "def dispatch(self, inp):\n", + "\n", + "def combine(self, expert_out, multiply_by_gates=True):\n", + "\n", + " def my_combine(dispatcher, parts):\n", + "\n", + "def expert_to_gates(self):\n", + "\n", + "def dispatch(self, inp):\n", + "\n", + "def combine(self, x):\n", + "\n", + "def make_env(env_type, real_env, sim_env_kwargs):\n", + "\n", + " def sim_env_kwargs_fn():\n", + "\n", + " def eval_fn(env, loop_hparams, policy_hparams, policy_dir, sampling_temp):\n", + "\n", + "def get_game_for_worker(map_name, directory_id):\n", + "\n", + "def get_open_spaces(board):\n", + "\n", + "def get_reward_and_done(board):\n", + "\n", + "def decode_hparams(overrides=\"\"):\n", + "\n", + "def log_decode_results(inputs,\n", + "\n", + " def fix_and_save_video(vid, prefix):\n", + "\n", + "def decode_from_dataset(estimator,\n", + "\n", + "def decode_once(estimator,\n", + "\n", + "def decode_from_file(estimator,\n", + "\n", + " def input_fn(params):\n", + "\n", + " def input_fn():\n", + "\n", + " def timer(gen):\n", + "\n", + "def _decode_filename(base_filename, problem_name, decode_hp):\n", + "\n", + "def make_input_fn_from_generator(gen):\n", + "\n", + " def py_func():\n", + "\n", + " def input_fn():\n", + "\n", + "def decode_interactively(estimator, hparams, decode_hp, checkpoint_path=None):\n", + "\n", + " def input_fn():\n", + "\n", + "def _decode_batch_input_fn(num_decode_batches, sorted_inputs, vocabulary,\n", + "\n", + "def _interactive_input_fn(hparams, decode_hp):\n", + "\n", + "def save_video(video, save_path_template):\n", + "\n", + "def show_and_save_image(img, save_path):\n", + "\n", + "def _get_language_modeling_inputs(filename,\n", + "\n", + "def _get_sorted_inputs(filename, delimiter=\"\\n\"):\n", + "\n", + "def _save_until_eos(ids, skip=False):\n", + "\n", + "def _interactive_input_tensor_to_features_dict(feature_map, hparams):\n", + "\n", + "def _decode_input_tensor_to_features_dict(feature_map, hparams):\n", + "\n", + "def run_postdecode_hooks(decode_hook_args, dataset_split):\n", + "\n", + "def dataset_splits(self):\n", + "\n", + "def local_attention1d_spatial_decoder(x, kv_dim, heads_dim,\n", + "\n", + "def local_attention2d_spatial_decoder(x, kv_dim, heads_dim,\n", + "\n", + "def local_attention1d_masked_decoder(x, kv_dim, heads_dim,\n", + "\n", + "def mtf_image_transformer_base():\n", + "\n", + "def mtf_image_transformer_tiny():\n", + "\n", + "def mtf_image_transformer_single():\n", + "\n", + "def mtf_image_transformer_base_single():\n", + "\n", + "def mtf_image_transformer_tiny_spatial1d():\n", + "\n", + "def mtf_image_transformer_base_cifar():\n", + "\n", + "def mtf_image_transformer_cifar_4x():\n", + "\n", + "def mtf_image_transformer_cifar_mp_4x():\n", + "\n", + "def mtf_image_transformer_base_imagenet():\n", + "\n", + "def mtf_image_transformer_base_imagenet_mp():\n", + "\n", + "def mtf_image_transformer_base_imagenet_mp128():\n", + "\n", + "def mtf_image_transformer_base_imagenet_mp_sp():\n", + "\n", + "def mtf_image_transformer_base_imagenet_mp64():\n", + "\n", + "def create_degrees(input_dim,\n", + "\n", + "def create_masks(input_dim,\n", + "\n", + "def sinkhorn(inputs, n_iters=20):\n", + "\n", + "def log_det_jacobian(self, inputs):\n", + "\n", + "def slice_hidden(self, x):\n", + "\n", + "def nearest_neighbor(self, x, means):\n", + "\n", + "def embedding_lookup(self, x, means):\n", + "\n", + "def int_to_bit(self, x_int, num_bits, base=2):\n", + "\n", + "def embed(self, x):\n", + "\n", + "def discrete_bottleneck(self, x):\n", + "\n", + "def mimic_adam_with_adafactor(hparams):\n", + "\n", + "def afx_adam():\n", + "\n", + "def afx_adafactor():\n", + "\n", + "def afx_small():\n", + "\n", + "def next_frame_emily():\n", + "\n", + "def main(_):\n", + "\n", + "def example_reading_spec(self):\n", + "\n", + "def _generate_time_steps(self, trajectory_list):\n", + "\n", + "def txt_line_iterator(txt_path):\n", + "\n", + "def text2text_txt_iterator(source_txt_path, target_txt_path):\n", + "\n", + "def text2text_distill_iterator(source_txt_path, target_txt_path,\n", + "\n", + "def text2class_txt_iterator(source_txt_path, label_txt_path, class_strs=None):\n", + "\n", + "def text2text_txt_tab_iterator(txt_path):\n", + "\n", + "def text2text_generate_encoded(sample_generator,\n", + "\n", + "def _pack_fn(self):\n", + "\n", + " def my_fn(records):\n", + "\n", + "def _maybe_pack_examples(self, generator):\n", + "\n", + "def text_filepaths_for_task(self, tmp_dir, task_id):\n", + "\n", + "def filepath_to_unicode_strings(self, filepath):\n", + "\n", + "def file_generator(self,\n", + "\n", + "def example_generator(self, encoder, tmp_dir, task_id):\n", + "\n", + "def prepare_to_generate(self, data_dir, tmp_dir):\n", + "\n", + "def generate_data(self, data_dir, tmp_dir, task_id=-1):\n", + "\n", + "def ConvBlock(kernel_size, filters, strides):\n", + "\n", + "def IdentityBlock(kernel_size, filters):\n", + "\n", + "def Resnet50(hidden_size=64, num_output_classes=1001, mode='train'):\n", + "\n", + "def WideResnetBlock(channels, strides=(1, 1), channel_mismatch=False):\n", + "\n", + "def WideResnet(num_blocks=3, hidden_size=64, num_output_classes=10,\n", + "\n", + "def GRUCell(units):\n", + "\n", + "def ConvGRUCell(units, kernel_size=(3, 3)):\n", + "\n", + " def BuildConv():\n", + "\n", + "def GeneralGRUCell(candidate_transform,\n", + "\n", + "def MakeTargetMask(target, pad=0):\n", + "\n", + "def PreparePairedSequenceBatch(source, target_in, pad=0):\n", + "\n", + "def PositionalEncoding(x, params, **unused_kwargs):\n", + "\n", + "def DotProductAttention(query, key, value, mask, dropout, mode, rng):\n", + "\n", + "def PureDotProductAttention(dropout=0.0, mode='train'):\n", + "\n", + "def PureMultiHeadedAttention(x, params, num_heads=8, dropout=0.0,\n", + "\n", + " def SplitHeads(x):\n", + "\n", + "def ChunkedAttentionSelector(x, params, selector=None, **kwargs):\n", + "\n", + "def ShiftRight(x, **unused_kwargs):\n", + "\n", + "def zipf_distribution(nbr_symbols, alpha):\n", + "\n", + "def zipf_random_sample(distr_map, sample_len):\n", + "\n", + "def reverse_generator_nlplike(nbr_symbols,\n", + "\n", + "def lower_endian_to_number(l, base):\n", + "\n", + "def number_to_lower_endian(n, base):\n", + "\n", + "def random_number_lower_endian(length, base):\n", + "\n", + "def remote_run(cmd, instance_name, detach=False, retries=1):\n", + "\n", + "def wait_for_ssh(ip):\n", + "\n", + "def launch_instance(instance_name,\n", + "\n", + "def evolved_transformer_encoder(encoder_input,\n", + "\n", + "def evolved_transformer_decoder(decoder_input,\n", + "\n", + "def _add_attend_to_encoder_cache(cache, attention_name, hparams, num_layers,\n", + "\n", + "def _init_evolved_transformer_cache(cache, hparams, batch_size,\n", + "\n", + "def add_evolved_transformer_hparams(hparams):\n", + "\n", + "def evolved_transformer_base_tpu():\n", + "\n", + "def evolved_transformer_big_tpu():\n", + "\n", + "def transformer_moe_layer_v1(inputs, output_dim, hparams, train,\n", + "\n", + "def transformer_moe_layer_v2(inputs, output_dim, hparams, train,\n", + "\n", + "def set_default_moe_hparams(hparams):\n", + "\n", + "def _split_into_groups(n, max_group_size, mesh_dim_size):\n", + "\n", + "def reset(self, indices=None):\n", + "\n", + "def adafactor_decay_rate_adam(beta2):\n", + "\n", + "def adafactor_optimizer_from_hparams(hparams, lr):\n", + "\n", + "def _nargs_validator(nargs, message):\n", + "\n", + " def f(key, value):\n", + "\n", + "def parse_problem_name(name):\n", + "\n", + "def get_problem_name(base_name, was_reversed=False, was_copy=False):\n", + "\n", + "def optimizer(name):\n", + "\n", + "def problem(problem_name, **kwargs):\n", + "\n", + "def env_problem(env_problem_name, **kwargs):\n", + "\n", + "def display_list_by_prefix(names_list, starting_spaces=0):\n", + "\n", + "def help_string():\n", + "\n", + "def validate(self, key, value):\n", + "\n", + "def on_set(self, key, value):\n", + "\n", + "def register(self, key_or_value=None):\n", + "\n", + " def value_fn(x, y, z):\n", + "\n", + " def another_fn(x, y):\n", + "\n", + " def third_func():\n", + "\n", + " def decorator(value, key):\n", + "\n", + "def check_dependicies(objdump_string):\n", + "\n", + "def _objective_function_wrapper(func):\n", + "\n", + " def inner(preds, dataset):\n", + "\n", + "def _eval_function_wrapper(func):\n", + "\n", + " def inner(preds, dataset):\n", + "\n", + "def get_params(self, deep=True):\n", + "\n", + "def fit(self, X, y,\n", + "\n", + " def _construct_dataset(X, y, sample_weight, init_score, group, params):\n", + "\n", + " def _get_meta_data(collection, i):\n", + "\n", + "def predict(self, X, raw_score=False, num_iteration=None,\n", + "\n", + "def feature_importances_(self):\n", + "\n", + "def fit(self, X, y,\n", + "\n", + "def fit(self, X, y,\n", + "\n", + "def predict(self, X, raw_score=False, num_iteration=None,\n", + "\n", + "def predict_proba(self, X, raw_score=False, num_iteration=None,\n", + "\n", + "def fit(self, X, y,\n", + "\n", + "def get_parameter_infos(config_hpp):\n", + "\n", + "def get_names(infos):\n", + "\n", + "def get_alias(infos):\n", + "\n", + "def set_one_var_from_string(name, param_type, checks):\n", + "\n", + "def gen_parameter_description(sections, descriptions, params_rst):\n", + "\n", + " def parse_check(check, reverse=False):\n", + "\n", + "def gen_parameter_code(config_hpp, config_out_cpp):\n", + "\n", + "def _load_lib():\n", + "\n", + "def list_to_1d_numpy(data, dtype=np.float32, name='list'):\n", + "\n", + "def cfloat32_array_to_numpy(cptr, length):\n", + "\n", + "def cfloat64_array_to_numpy(cptr, length):\n", + "\n", + "def cint32_array_to_numpy(cptr, length):\n", + "\n", + "def cint8_array_to_numpy(cptr, length):\n", + "\n", + "def param_dict_to_str(data):\n", + "\n", + "def convert_from_sliced_object(data):\n", + "\n", + "def c_float_array(data):\n", + "\n", + "def c_int_array(data):\n", + "\n", + "def predict(self, data, num_iteration=-1,\n", + "\n", + "def __get_num_preds(self, num_iteration, nrow, predict_type):\n", + "\n", + "def __pred_for_np2d(self, mat, num_iteration, predict_type):\n", + "\n", + " def inner_predict(mat, num_iteration, predict_type, preds=None):\n", + "\n", + "def __pred_for_csr(self, csr, num_iteration, predict_type):\n", + "\n", + " def inner_predict(csr, num_iteration, predict_type, preds=None):\n", + "\n", + "def __pred_for_csc(self, csc, num_iteration, predict_type):\n", + "\n", + "def __init_from_np2d(self, mat, params_str, ref_dataset):\n", + "\n", + "def __init_from_list_np2d(self, mats, params_str, ref_dataset):\n", + "\n", + "def __init_from_csr(self, csr, params_str, ref_dataset):\n", + "\n", + "def __init_from_csc(self, csc, params_str, ref_dataset):\n", + "\n", + "def construct(self):\n", + "\n", + "def create_valid(self, data, label=None, weight=None, group=None,\n", + "\n", + "def subset(self, used_indices, params=None):\n", + "\n", + "def save_binary(self, filename):\n", + "\n", + "def set_field(self, field_name, data):\n", + "\n", + "def get_field(self, field_name):\n", + "\n", + "def set_categorical_feature(self, categorical_feature):\n", + "\n", + "def _set_predictor(self, predictor):\n", + "\n", + "def set_reference(self, reference):\n", + "\n", + "def set_feature_name(self, feature_name):\n", + "\n", + "def set_label(self, label):\n", + "\n", + "def set_weight(self, weight):\n", + "\n", + "def set_init_score(self, init_score):\n", + "\n", + "def set_group(self, group):\n", + "\n", + "def get_label(self):\n", + "\n", + "def get_weight(self):\n", + "\n", + "def get_feature_penalty(self):\n", + "\n", + "def get_monotone_constraints(self):\n", + "\n", + "def get_init_score(self):\n", + "\n", + "def get_data(self):\n", + "\n", + "def get_group(self):\n", + "\n", + "def num_data(self):\n", + "\n", + "def num_feature(self):\n", + "\n", + "def get_ref_chain(self, ref_limit=100):\n", + "\n", + "def add_features_from(self, other):\n", + "\n", + "def dump_text(self, filename):\n", + "\n", + "def free_dataset(self):\n", + "\n", + "def set_network(self, machines, local_listen_port=12400,\n", + "\n", + "def add_valid(self, data, name):\n", + "\n", + "def reset_parameter(self, params):\n", + "\n", + "def update(self, train_set=None, fobj=None):\n", + "\n", + "def __boost(self, grad, hess):\n", + "\n", + "def rollback_one_iter(self):\n", + "\n", + "def current_iteration(self):\n", + "\n", + "def num_model_per_iteration(self):\n", + "\n", + "def num_trees(self):\n", + "\n", + "def eval(self, data, name, feval=None):\n", + "\n", + "def eval_valid(self, feval=None):\n", + "\n", + "def save_model(self, filename, num_iteration=None, start_iteration=0):\n", + "\n", + "def shuffle_models(self, start_iteration=0, end_iteration=-1):\n", + "\n", + "def model_from_string(self, model_str, verbose=True):\n", + "\n", + "def model_to_string(self, num_iteration=None, start_iteration=0):\n", + "\n", + "def dump_model(self, num_iteration=None, start_iteration=0):\n", + "\n", + "def predict(self, data, num_iteration=None,\n", + "\n", + "def refit(self, data, label, decay_rate=0.9, **kwargs):\n", + "\n", + "def get_leaf_output(self, tree_id, leaf_id):\n", + "\n", + "def _to_predictor(self, pred_parameter=None):\n", + "\n", + "def num_feature(self):\n", + "\n", + "def feature_name(self):\n", + "\n", + "def feature_importance(self, importance_type='split', iteration=None):\n", + "\n", + "def get_split_value_histogram(self, feature, bins=None, xgboost_style=False):\n", + "\n", + " def add(root):\n", + "\n", + "def __inner_eval(self, data_name, data_idx, feval=None):\n", + "\n", + "def __inner_predict(self, data_idx):\n", + "\n", + "def __get_eval_info(self):\n", + "\n", + "def set_attr(self, **kwargs):\n", + "\n", + "def find_lib_path():\n", + "\n", + "def json_default_with_numpy(obj):\n", + "\n", + "def _format_eval_result(value, show_stdv=True):\n", + "\n", + "def print_evaluation(period=1, show_stdv=True):\n", + "\n", + " def _callback(env):\n", + "\n", + "def record_evaluation(eval_result):\n", + "\n", + " def _init(env):\n", + "\n", + " def _callback(env):\n", + "\n", + "def reset_parameter(**kwargs):\n", + "\n", + " def _callback(env):\n", + "\n", + "def early_stopping(stopping_rounds, first_metric_only=False, verbose=True):\n", + "\n", + " def _init(env):\n", + "\n", + " def _callback(env):\n", + "\n", + "def train(params, train_set, num_boost_round=100,\n", + "\n", + "def _make_n_folds(full_data, folds, nfold, params, seed, fpreproc=None, stratified=True,\n", + "\n", + "def _agg_cv_result(raw_results, eval_train_metric=False):\n", + "\n", + "def cv(params, train_set, num_boost_round=100,\n", + "\n", + "def log_loss(preds, labels):\n", + "\n", + "def experiment(objective, label_type, data):\n", + "\n", + "def _check_not_tuple_of_2_elements(obj, obj_name='obj'):\n", + "\n", + "def plot_importance(booster, ax=None, height=0.2,\n", + "\n", + "def plot_metric(booster, metric=None, dataset_names=None,\n", + "\n", + "def _to_graphviz(tree_info, show_info, feature_names, precision=None, **kwargs):\n", + "\n", + " def add(root, parent=None, decision=None):\n", + "\n", + "def create_tree_digraph(booster, tree_index=0, show_info=None, precision=None,\n", + "\n", + "def plot_tree(booster, ax=None, tree_index=0, figsize=None,\n", + "\n", + "def cpp_flag(compiler):\n", + "\n", + "def find_nearest_neighbor(query, vectors, ban_set, cossims=None):\n", + "\n", + "def get_word_vector(self, word):\n", + "\n", + "def get_sentence_vector(self, text):\n", + "\n", + "def get_subwords(self, word, on_unicode_error='strict'):\n", + "\n", + "def get_input_vector(self, ind):\n", + "\n", + "def predict(self, text, k=1, threshold=0.0, on_unicode_error='strict'):\n", + "\n", + " def check(entry):\n", + "\n", + "def get_input_matrix(self):\n", + "\n", + "def get_output_matrix(self):\n", + "\n", + "def get_words(self, include_freq=False, on_unicode_error='strict'):\n", + "\n", + "def get_labels(self, include_freq=False, on_unicode_error='strict'):\n", + "\n", + "def get_line(self, text, on_unicode_error='strict'):\n", + "\n", + " def check(entry):\n", + "\n", + "def from_params(cls, params: Iterable[Tuple[str, Params]] = ()) -> Optional['RegularizerApplicator']:\n", + "\n", + "def list_available(cls) -> List[str]:\n", + "\n", + "def group_by_count(iterable: List[Any], count: int, default_value: Any) -> List[List[Any]]:\n", + "\n", + "def lazy_groups_of(iterator: Iterator[A], group_size: int) -> Iterator[List[A]]:\n", + "\n", + "def pad_sequence_to_length(sequence: List,\n", + "\n", + "def add_noise_to_dict_values(dictionary: Dict[A, float], noise_param: float) -> Dict[A, float]:\n", + "\n", + "def namespace_match(pattern: str, namespace: str):\n", + "\n", + "def prepare_environment(params: Params):\n", + "\n", + "def prepare_global_logging(serialization_dir: str, file_friendly_logging: bool) -> logging.FileHandler:\n", + "\n", + "def cleanup_global_logging(stdout_handler: logging.FileHandler) -> None:\n", + "\n", + "def get_spacy_model(spacy_model_name: str, pos_tags: bool, parse: bool, ner: bool) -> SpacyModelType:\n", + "\n", + "def import_submodules(package_name: str) -> None:\n", + "\n", + "def peak_memory_mb() -> float:\n", + "\n", + "def gpu_memory_mb() -> Dict[int, int]:\n", + "\n", + "def ensure_list(iterable: Iterable[A]) -> List[A]:\n", + "\n", + "def update(self, action: torch.Tensor) -> 'ChecklistStatelet':\n", + "\n", + "def _remove_action_from_type(valid_actions: Dict[str, List[str]],\n", + "\n", + "def linkcode_resolve(domain, info):\n", + "\n", + "def _get_initial_rnn_and_grammar_state(self,\n", + "\n", + "def _get_neighbor_indices(worlds: List[WikiTablesWorld],\n", + "\n", + "def _get_type_vector(worlds: List[WikiTablesWorld],\n", + "\n", + "def _get_linking_probabilities(self,\n", + "\n", + "def get_metrics(self, reset: bool = False) -> Dict[str, float]:\n", + "\n", + "def _create_grammar_state(self,\n", + "\n", + "def _compute_validation_outputs(self,\n", + "\n", + "def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:\n", + "\n", + "def _get_linked_logits_addition(checklist_state: ChecklistStatelet,\n", + "\n", + "def attend_on_question(self,\n", + "\n", + "def _walk(self) -> None:\n", + "\n", + "def _check_types(self) -> None:\n", + "\n", + "def get_padding_lengths(self) -> Dict[str, Dict[str, int]]:\n", + "\n", + "def as_tensor_dict(self,\n", + "\n", + "def get_strings_from_utterance(tokenized_utterance: List[Token]) -> Dict[str, List[int]]:\n", + "\n", + "def _update_grammar(self):\n", + "\n", + "def add_to_number_linking_scores(self,\n", + "\n", + "def _get_linked_entities(self) -> Dict[str, Dict[str, Tuple[str, str, List[int]]]]:\n", + "\n", + "def all_possible_actions(self) -> List[str]:\n", + "\n", + "def _flatten_entities(self) -> Tuple[List[str], numpy.ndarray]:\n", + "\n", + "def make_app(include_packages: Sequence[str] = ()) -> Flask:\n", + "\n", + "def train_model_from_args(args: argparse.Namespace):\n", + "\n", + "def train_model_from_file(parameter_filename: str,\n", + "\n", + "def train_model(params: Params,\n", + "\n", + "def _prf_divide(numerator, denominator):\n", + "\n", + "def load_data(file_path: str) -> Tuple[List[str], List[str]]:\n", + "\n", + "def pop_max_vocab_size(params: Params) -> Union[int, Dict[str, int]]:\n", + "\n", + "def save_to_files(self, directory: str) -> None:\n", + "\n", + "def from_files(cls, directory: str) -> 'Vocabulary':\n", + "\n", + "def set_from_file(self,\n", + "\n", + "def from_instances(cls,\n", + "\n", + "def _extend(self,\n", + "\n", + "def extend_from_instances(self,\n", + "\n", + "def is_padded(self, namespace: str) -> bool:\n", + "\n", + "def add_token_to_namespace(self, token: str, namespace: str = 'tokens') -> int:\n", + "\n", + "def get_regularization_penalty(self) -> Union[float, torch.Tensor]:\n", + "\n", + "def forward_on_instance(self, instance: Instance) -> Dict[str, numpy.ndarray]:\n", + "\n", + "def forward_on_instances(self,\n", + "\n", + "def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:\n", + "\n", + "def _get_prediction_device(self) -> int:\n", + "\n", + "def _maybe_warn_for_unseparable_batches(self, output_key: str):\n", + "\n", + "def _load(cls,\n", + "\n", + "def load(cls,\n", + "\n", + "def extend_embedder_vocab(self, embedding_sources_mapping: Dict[str, str] = None) -> None:\n", + "\n", + "def get_agenda(self,\n", + "\n", + "def evaluate_logical_form(self, logical_form: str, target_list: List[str]) -> bool:\n", + "\n", + "def select_string(self, rows: List[Row], column: StringColumn) -> List[str]:\n", + "\n", + "def select_number(self, rows: List[Row], column: NumberColumn) -> Number:\n", + "\n", + "def select_date(self, rows: List[Row], column: DateColumn) -> Date:\n", + "\n", + "def same_as(self, rows: List[Row], column: Column) -> List[Row]:\n", + "\n", + "def date(self, year: Number, month: Number, day: Number) -> Date:\n", + "\n", + "def first(self, rows: List[Row]) -> List[Row]:\n", + "\n", + "def last(self, rows: List[Row]) -> List[Row]:\n", + "\n", + "def previous(self, rows: List[Row]) -> List[Row]:\n", + "\n", + "def next(self, rows: List[Row]) -> List[Row]:\n", + "\n", + "def mode_string(self, rows: List[Row], column: StringColumn) -> List[str]:\n", + "\n", + "def mode_number(self, rows: List[Row], column: NumberColumn) -> Number:\n", + "\n", + "def mode_date(self, rows: List[Row], column: DateColumn) -> Date:\n", + "\n", + "def argmax(self, rows: List[Row], column: ComparableColumn) -> List[Row]:\n", + "\n", + "def argmin(self, rows: List[Row], column: ComparableColumn) -> List[Row]:\n", + "\n", + "def max_date(self, rows: List[Row], column: DateColumn) -> Date:\n", + "\n", + "def max_number(self, rows: List[Row], column: NumberColumn) -> Number:\n", + "\n", + "def average(self, rows: List[Row], column: NumberColumn) -> Number:\n", + "\n", + "def diff(self, first_row: List[Row], second_row: List[Row], column: NumberColumn) -> Number:\n", + "\n", + "def _get_row_index(self, row: Row) -> int:\n", + "\n", + "def is_terminal(self, symbol: str) -> bool:\n", + "\n", + "def get_paths_to_root(self,\n", + "\n", + "def get_multi_match_mapping(self) -> Dict[Type, List[Type]]:\n", + "\n", + "def parse_logical_form(self,\n", + "\n", + "def get_action_sequence(self, expression: Expression) -> List[str]:\n", + "\n", + "def get_logical_form(self,\n", + "\n", + "def _construct_node_from_actions(self,\n", + "\n", + "def _infer_num_arguments(cls, type_signature: str) -> int:\n", + "\n", + "def _process_nested_expression(self, nested_expression) -> str:\n", + "\n", + "def _add_name_mapping(self, name: str, translated_name: str, name_type: Type = None):\n", + "\n", + "def _create_sempre_executor(self) -> None:\n", + "\n", + "def b_cubed(clusters, mention_to_gold):\n", + "\n", + "def muc(clusters, mention_to_gold):\n", + "\n", + "def phi4(gold_clustering, predicted_clustering):\n", + "\n", + "def ceafe(clusters, gold_clusters):\n", + "\n", + "def take_action(self, production_rule: str) -> 'GrammarStatelet':\n", + "\n", + "def sparse_clip_norm(parameters, max_norm, norm_type=2) -> float:\n", + "\n", + "def move_optimizer_to_cuda(optimizer):\n", + "\n", + "def get_batch_size(batch: Union[Dict, torch.Tensor]) -> int:\n", + "\n", + "def time_to_str(timestamp: int) -> str:\n", + "\n", + "def str_to_time(time_str: str) -> datetime.datetime:\n", + "\n", + "def datasets_from_params(params: Params,\n", + "\n", + "def data_parallel(batch_group: List[TensorDict],\n", + "\n", + "def rescale_gradients(model: Model, grad_norm: Optional[float] = None) -> Optional[float]:\n", + "\n", + "def get_metrics(model: Model, total_loss: float, num_batches: int, reset: bool = False) -> Dict[str, float]:\n", + "\n", + "def parse_requirements() -> Tuple[PackagesType, PackagesType, Set[str]]:\n", + "\n", + "def parse_setup() -> Tuple[PackagesType, PackagesType, Set[str], Set[str]]:\n", + "\n", + "def enumerate_spans(sentence: List[T],\n", + "\n", + "def bio_tags_to_spans(tag_sequence: List[str],\n", + "\n", + "def iob1_tags_to_spans(tag_sequence: List[str],\n", + "\n", + "def bioul_tags_to_spans(tag_sequence: List[str],\n", + "\n", + "def to_bioul(tag_sequence: List[str], encoding: str = \"IOB1\") -> List[str]:\n", + "\n", + " def replace_label(full_label, new_label):\n", + "\n", + " def pop_replace_append(in_stack, out_stack, new_label):\n", + "\n", + " def process_stack(stack, out_stack):\n", + "\n", + "def bmes_tags_to_spans(tag_sequence: List[str],\n", + "\n", + " def extract_bmes_tag_label(text):\n", + "\n", + "def dry_run_from_args(args: argparse.Namespace):\n", + "\n", + "def search(self,\n", + "\n", + "def url_ok(match_tuple: MatchTuple) -> bool:\n", + "\n", + "def path_ok(match_tuple: MatchTuple) -> bool:\n", + "\n", + "def infer_and_cast(value: Any):\n", + "\n", + "def _environment_variables() -> Dict[str, str]:\n", + "\n", + "def unflatten(flat_dict: Dict[str, Any]) -> Dict[str, Any]:\n", + "\n", + "def with_fallback(preferred: Dict[str, Any], fallback: Dict[str, Any]) -> Dict[str, Any]:\n", + "\n", + " def merge(preferred_value: Any, fallback_value: Any) -> Any:\n", + "\n", + "def pop_choice(params: Dict[str, Any],\n", + "\n", + "def add_file_to_archive(self, name: str) -> None:\n", + "\n", + "def pop(self, key: str, default: Any = DEFAULT) -> Any:\n", + "\n", + "def pop_int(self, key: str, default: Any = DEFAULT) -> int:\n", + "\n", + "def pop_float(self, key: str, default: Any = DEFAULT) -> float:\n", + "\n", + "def pop_bool(self, key: str, default: Any = DEFAULT) -> bool:\n", + "\n", + "def get(self, key: str, default: Any = DEFAULT):\n", + "\n", + "def pop_choice(self, key: str, choices: List[Any], default_to_first_choice: bool = False) -> Any:\n", + "\n", + "def as_dict(self, quiet: bool = False, infer_type_and_cast: bool = False):\n", + "\n", + " def log_recursively(parameters, history):\n", + "\n", + "def as_flat_dict(self):\n", + "\n", + " def recurse(parameters, path):\n", + "\n", + "def assert_empty(self, class_name: str):\n", + "\n", + "def from_file(params_file: str, params_overrides: str = \"\", ext_vars: dict = None) -> 'Params':\n", + "\n", + "def as_ordered_dict(self, preference_orders: List[List[str]] = None) -> OrderedDict:\n", + "\n", + " def order_func(key):\n", + "\n", + " def order_dict(dictionary, order_func):\n", + "\n", + "def get_hash(self) -> str:\n", + "\n", + "def clear(self) -> None:\n", + "\n", + "def state_dict(self) -> Dict[str, Any]:\n", + "\n", + "def add_metric(self, metric: float) -> None:\n", + "\n", + "def add_metrics(self, metrics: Iterable[float]) -> None:\n", + "\n", + "def should_stop_early(self) -> bool:\n", + "\n", + "def archive_model(serialization_dir: str,\n", + "\n", + "def load_archive(archive_file: str,\n", + "\n", + "def extract_module(self, path: str, freeze: bool = True) -> Module:\n", + "\n", + "def _get_action_strings(cls,\n", + "\n", + "def decode(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]:\n", + "\n", + "def _check_state_denotations(self, state: GrammarBasedState, worlds: List[NlvrLanguage]) -> List[bool]:\n", + "\n", + "def find_learning_rate_from_args(args: argparse.Namespace) -> None:\n", + "\n", + "def find_learning_rate_model(params: Params, serialization_dir: str,\n", + "\n", + "def search_learning_rate(trainer: Trainer,\n", + "\n", + "def _smooth(values: List[float], beta: float) -> List[float]:\n", + "\n", + " def _do_layer_norm(tensor, broadcast_mask, num_elements_not_masked):\n", + "\n", + " def decorator(function: Callable) -> Callable:\n", + "\n", + "def nltk_tree_to_logical_form(tree: Tree) -> str:\n", + "\n", + "def get_type(type_: Type) -> 'PredicateType':\n", + "\n", + "def execute(self, logical_form: str):\n", + "\n", + "def execute_action_sequence(self, action_sequence: List[str], side_arguments: List[Dict] = None):\n", + "\n", + "def get_nonterminal_productions(self) -> Dict[str, List[str]]:\n", + "\n", + "def all_possible_productions(self) -> List[str]:\n", + "\n", + "def logical_form_to_action_sequence(self, logical_form: str) -> List[str]:\n", + "\n", + "def action_sequence_to_logical_form(self, action_sequence: List[str]) -> str:\n", + "\n", + "def add_predicate(self, name: str, function: Callable, side_arguments: List[str] = None):\n", + "\n", + "def add_constant(self, name: str, value: Any, type_: Type = None):\n", + "\n", + "def is_nonterminal(self, symbol: str) -> bool:\n", + "\n", + "def _execute_expression(self, expression: Any):\n", + "\n", + "def _execute_sequence(self,\n", + "\n", + " def curried_function(*args):\n", + "\n", + "def _get_transitions(self, expression: Any, expected_type: PredicateType) -> Tuple[List[str], PredicateType]:\n", + "\n", + "def _get_function_transitions(self,\n", + "\n", + "def _construct_node_from_actions(self,\n", + "\n", + "def _choice(num_words: int, num_samples: int) -> Tuple[np.ndarray, int]:\n", + "\n", + " def get_buffer() -> np.ndarray:\n", + "\n", + "def tokens_to_indices(self,\n", + "\n", + "def pad_token_sequence(self,\n", + "\n", + "def canonicalize_clusters(clusters: DefaultDict[int, List[Tuple[int, int]]]) -> List[List[Tuple[int, int]]]:\n", + "\n", + "def join_mwp(tags: List[str]) -> List[str]:\n", + "\n", + "def make_oie_string(tokens: List[Token], tags: List[str]) -> str:\n", + "\n", + "def get_predicate_indices(tags: List[str]) -> List[int]:\n", + "\n", + "def get_predicate_text(sent_tokens: List[Token], tags: List[str]) -> str:\n", + "\n", + "def predicates_overlap(tags1: List[str], tags2: List[str]) -> bool:\n", + "\n", + "def get_coherent_next_tag(prev_label: str, cur_label: str) -> str:\n", + "\n", + "def merge_overlapping_predictions(tags1: List[str], tags2: List[str]) -> List[str]:\n", + "\n", + "def consolidate_predictions(outputs: List[List[str]], sent_tokens: List[Token]) -> Dict[str, List[str]]:\n", + "\n", + "def sanitize_label(label: str) -> str:\n", + "\n", + "def batch_to_ids(batch: List[List[str]]) -> torch.Tensor:\n", + "\n", + "def create_cached_cnn_embeddings(self, tokens: List[str]) -> None:\n", + "\n", + "def normalize_text(text: str) -> str:\n", + "\n", + "def char_span_to_token_span(token_offsets: List[Tuple[int, int]],\n", + "\n", + "def find_valid_answer_spans(passage_tokens: List[Token],\n", + "\n", + "def make_reading_comprehension_instance(question_tokens: List[Token],\n", + "\n", + "def make_reading_comprehension_instance_quac(question_list_tokens: List[List[Token]],\n", + "\n", + " def get_tag(i, i_name):\n", + "\n", + " def mark_tag(span_start, span_end, passage_tags, prev_answer_distance):\n", + "\n", + "def handle_cannot(reference_answers: List[str]):\n", + "\n", + "def get_best_span(span_start_logits: torch.Tensor, span_end_logits: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def batch_split_words(self, sentences: List[str]) -> List[List[Token]]:\n", + "\n", + "def constrained_to(self, initial_sequence: torch.Tensor, keep_beam_details: bool = True) -> 'BeamSearch':\n", + "\n", + "def search(self,\n", + "\n", + "def _normalize_answer(text: str) -> str:\n", + "\n", + "def _align_bags(predicted: List[Set[str]], gold: List[Set[str]]) -> List[float]:\n", + "\n", + "def get_metrics(predicted: Union[str, List[str], Tuple[str, ...]],\n", + "\n", + "def answer_json_to_strings(answer: Dict[str, Any]) -> Tuple[Tuple[str, ...], str]:\n", + "\n", + "def evaluate_json(annotations: Dict[str, Any], predicted_answers: Dict[str, Any]) -> Tuple[float, float]:\n", + "\n", + "def evaluate_prediction_file(prediction_path: str, gold_path: str) -> Tuple[float, float]:\n", + "\n", + "def cache_data(self, cache_directory: str) -> None:\n", + "\n", + "def read(self, file_path: str) -> Iterable[Instance]:\n", + "\n", + "def restore_checkpoint(self) -> Tuple[Dict[str, Any], Dict[str, Any]]:\n", + "\n", + "def write_to_conll_eval_file(prediction_file: TextIO,\n", + "\n", + "def convert_bio_tags_to_conll_format(labels: List[str]):\n", + "\n", + "def get_agenda_for_sentence(self, sentence: str) -> List[str]:\n", + "\n", + "def _get_number_productions(sentence: str) -> List[str]:\n", + "\n", + "def same_color(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def same_shape(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def touch_object(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def top(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def bottom(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def above(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def below(self, objects: Set[Object]) -> Set[Object]:\n", + "\n", + "def _objects_touch_each_other(self, object1: Object, object2: Object) -> bool:\n", + "\n", + "def _separate_objects_by_boxes(self, objects: Set[Object]) -> Dict[Box, List[Object]]:\n", + "\n", + "def _get_objects_with_same_attribute(self,\n", + "\n", + "def has_tensor(obj) -> bool:\n", + "\n", + "def move_to_device(obj, cuda_device: int):\n", + "\n", + "def clamp_tensor(tensor, minimum, maximum):\n", + "\n", + "def batch_tensor_dicts(tensor_dicts: List[Dict[str, torch.Tensor]],\n", + "\n", + "def get_mask_from_sequence_lengths(sequence_lengths: torch.Tensor, max_length: int) -> torch.Tensor:\n", + "\n", + "def sort_batch_by_length(tensor: torch.Tensor, sequence_lengths: torch.Tensor):\n", + "\n", + "def get_final_encoder_states(encoder_outputs: torch.Tensor,\n", + "\n", + "def get_dropout_mask(dropout_probability: float, tensor_for_masking: torch.Tensor):\n", + "\n", + "def masked_softmax(vector: torch.Tensor,\n", + "\n", + "def masked_log_softmax(vector: torch.Tensor, mask: torch.Tensor, dim: int = -1) -> torch.Tensor:\n", + "\n", + "def masked_max(vector: torch.Tensor,\n", + "\n", + "def masked_mean(vector: torch.Tensor,\n", + "\n", + "def masked_flip(padded_sequence: torch.Tensor,\n", + "\n", + "def viterbi_decode(tag_sequence: torch.Tensor,\n", + "\n", + "def get_text_field_mask(text_field_tensors: Dict[str, torch.Tensor],\n", + "\n", + "def weighted_sum(matrix: torch.Tensor, attention: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def sequence_cross_entropy_with_logits(logits: torch.FloatTensor,\n", + "\n", + "def replace_masked_values(tensor: torch.Tensor, mask: torch.Tensor, replace_with: float) -> torch.Tensor:\n", + "\n", + "def tensors_equal(tensor1: torch.Tensor, tensor2: torch.Tensor, tolerance: float = 1e-12) -> bool:\n", + "\n", + "def device_mapping(cuda_device: int):\n", + "\n", + "def combine_tensors(combination: str, tensors: List[torch.Tensor]) -> torch.Tensor:\n", + "\n", + "def _rindex(sequence: Sequence[T], obj: T) -> int:\n", + "\n", + "def combine_tensors_and_multiply(combination: str,\n", + "\n", + "def get_combined_dim(combination: str, tensor_dims: List[int]) -> int:\n", + "\n", + "def logsumexp(tensor: torch.Tensor,\n", + "\n", + "def flatten_and_batch_shift_indices(indices: torch.Tensor,\n", + "\n", + "def batched_index_select(target: torch.Tensor,\n", + "\n", + "def flattened_index_select(target: torch.Tensor,\n", + "\n", + "def get_range_vector(size: int, device: int) -> torch.Tensor:\n", + "\n", + "def bucket_values(distances: torch.Tensor,\n", + "\n", + "def add_sentence_boundary_token_ids(tensor: torch.Tensor,\n", + "\n", + "def remove_sentence_boundaries(tensor: torch.Tensor,\n", + "\n", + "def add_positional_features(tensor: torch.Tensor,\n", + "\n", + "def clone(module: torch.nn.Module, num_copies: int) -> torch.nn.ModuleList:\n", + "\n", + "def combine_initial_dims(tensor: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def uncombine_initial_dims(tensor: torch.Tensor, original_size: torch.Size) -> torch.Tensor:\n", + "\n", + "def _string_in_table(self, candidate: str) -> List[str]:\n", + "\n", + "def normalize_string(string: str) -> str:\n", + "\n", + "def lisp_to_nested_expression(lisp_string: str) -> List:\n", + "\n", + "def batch_to_embeddings(self, batch: List[List[str]]) -> Tuple[torch.Tensor, torch.Tensor]:\n", + "\n", + "def embed_sentence(self, sentence: List[str]) -> numpy.ndarray:\n", + "\n", + "def embed_batch(self, batch: List[List[str]]) -> List[numpy.ndarray]:\n", + "\n", + "def embed_sentences(self,\n", + "\n", + "def embed_file(self,\n", + "\n", + "def add_field(self, field_name: str, field: Field, vocab: Vocabulary = None) -> None:\n", + "\n", + "def count_vocab_items(self, counter: Dict[str, Dict[str, int]]):\n", + "\n", + "def index_fields(self, vocab: Vocabulary) -> None:\n", + "\n", + "def get_padding_lengths(self) -> Dict[str, Dict[str, int]]:\n", + "\n", + "def as_tensor_dict(self,\n", + "\n", + "def full_name(cla55: Optional[type]) -> str:\n", + "\n", + "def _get_config_type(cla55: type) -> Optional[str]:\n", + "\n", + "def _docspec_comments(obj) -> Dict[str, str]:\n", + "\n", + "def _auto_config(cla55: Type[T]) -> Config[T]:\n", + "\n", + "def render_config(config: Config, indent: str = \"\") -> str:\n", + "\n", + "def _render(item: ConfigItem, indent: str = \"\") -> str:\n", + "\n", + "def _valid_choices(cla55: type) -> Dict[str, str]:\n", + "\n", + "def url_to_filename(url: str, etag: str = None) -> str:\n", + "\n", + "def filename_to_url(filename: str, cache_dir: str = None) -> Tuple[str, str]:\n", + "\n", + "def cached_path(url_or_filename: Union[str, Path], cache_dir: str = None) -> str:\n", + "\n", + "def is_url_or_existing_file(url_or_filename: Union[str, Path, None]) -> bool:\n", + "\n", + "def split_s3_path(url: str) -> Tuple[str, str]:\n", + "\n", + "def s3_request(func: Callable):\n", + "\n", + " def wrapper(url: str, *args, **kwargs):\n", + "\n", + "def s3_etag(url: str) -> Optional[str]:\n", + "\n", + "def s3_get(url: str, temp_file: IO) -> None:\n", + "\n", + "def get_from_cache(url: str, cache_dir: str = None) -> str:\n", + "\n", + "def read_set_from_file(filename: str) -> Set[str]:\n", + "\n", + "def main(output_directory: int, data: str) -> None:\n", + "\n", + "def forward(self,\n", + "\n", + "def resolve(self, other: Type) -> Optional[Type]:\n", + "\n", + "def resolve(self, other: Type) -> Type:\n", + "\n", + "def process_data(input_file: str,\n", + "\n", + "def batch_split_sentences(self, texts: List[str]) -> List[List[str]]:\n", + "\n", + "def dataset_iterator(self, file_path: str) -> Iterator[OntonotesSentence]:\n", + "\n", + "def dataset_path_iterator(file_path: str) -> Iterator[str]:\n", + "\n", + "def dataset_document_iterator(self, file_path: str) -> Iterator[List[OntonotesSentence]]:\n", + "\n", + "def sentence_iterator(self, file_path: str) -> Iterator[OntonotesSentence]:\n", + "\n", + "def _process_coref_span_annotations_for_word(label: str,\n", + "\n", + "def _process_span_annotations_for_word(annotations: List[str],\n", + "\n", + "def print_results_from_args(args: argparse.Namespace):\n", + "\n", + "def forward(self, input_tensor):\n", + "\n", + "def get_metric(self, reset: bool) -> Union[float, Tuple[float, ...], Dict[str, float], Dict[str, List[float]]]:\n", + "\n", + "def unwrap_to_tensors(*tensors: torch.Tensor):\n", + "\n", + "def replace_variables(sentence: List[str],\n", + "\n", + "def clean_and_split_sql(sql: str) -> List[str]:\n", + "\n", + "def resolve_primary_keys_in_schema(sql_tokens: List[str],\n", + "\n", + "def read_dataset_schema(schema_path: str) -> Dict[str, List[TableColumn]]:\n", + "\n", + "def process_sql_data(data: List[JsonDict],\n", + "\n", + "def sort_and_run_forward(self,\n", + "\n", + "def _get_initial_states(self,\n", + "\n", + "def _update_states(self,\n", + "\n", + "def construct_prefix_tree(targets: Union[torch.Tensor, List[List[List[int]]]],\n", + "\n", + "def to_value(original_string, corenlp_value=None):\n", + "\n", + "def to_value_list(original_strings, corenlp_values=None):\n", + "\n", + "def check_denotation(target_values, predicted_values):\n", + "\n", + "def parse(text):\n", + "\n", + "def parse(text):\n", + "\n", + "def main(serialization_directory: int,\n", + "\n", + "def decode(self,\n", + "\n", + "def state_dict(self) -> Dict[str, Any]:\n", + "\n", + "def load_state_dict(self, state_dict: Dict[str, Any]) -> None:\n", + "\n", + "def ensemble(subresults: List[Dict[str, torch.Tensor]]) -> torch.Tensor:\n", + "\n", + "def _lstm_forward(self,\n", + "\n", + "def load_weights(self, weight_file: str) -> None:\n", + "\n", + "def substitute_any_type(type_: Type, basic_types: Set[BasicType]) -> List[Type]:\n", + "\n", + "def _get_complex_type_production(complex_type: ComplexType,\n", + "\n", + "def get_valid_actions(name_mapping: Dict[str, str],\n", + "\n", + "def return_type(self) -> Type:\n", + "\n", + "def argument_types(self) -> List[Type]:\n", + "\n", + "def substitute_any_type(self, basic_types: Set[BasicType]) -> List[Type]:\n", + "\n", + "def resolve(self, other) -> Optional[Type]:\n", + "\n", + "def resolve(self, other: Type) -> Optional[Type]:\n", + "\n", + "def _set_type(self, other_type: Type = ANY_TYPE, signature=None) -> None:\n", + "\n", + "def log_learning_rates(self,\n", + "\n", + "def log_histograms(self, model: Model, histogram_parameters: Set[str]) -> None:\n", + "\n", + "def log_metrics(self,\n", + "\n", + "def get_explanation(logical_form: str,\n", + "\n", + "def align_entities(extracted: List[str],\n", + "\n", + "def multi_perspective_match(vector1: torch.Tensor,\n", + "\n", + "def multi_perspective_match_pairwise(vector1: torch.Tensor,\n", + "\n", + "def forward(self,\n", + "\n", + "def parse_example_line(lisp_string: str) -> Dict:\n", + "\n", + "def make_vocab_from_args(args: argparse.Namespace):\n", + "\n", + "def execute(self, lf_raw: str) -> int:\n", + "\n", + "def get_times_from_utterance(utterance: str,\n", + "\n", + "def get_date_from_utterance(tokenized_utterance: List[Token],\n", + "\n", + "def get_numbers_from_utterance(utterance: str, tokenized_utterance: List[Token]) -> Dict[str, List[int]]:\n", + "\n", + "def digit_to_query_time(digit: str) -> List[int]:\n", + "\n", + "def get_approximate_times(times: List[int]) -> List[int]:\n", + "\n", + "def _time_regex_match(regex: str,\n", + "\n", + "def _evaluate_sql_query_subprocess(self, predicted_query: str, sql_query_labels: List[str]) -> int:\n", + "\n", + "def format_grammar_string(grammar_dictionary: Dict[str, List[str]]) -> str:\n", + "\n", + "def initialize_valid_actions(grammar: Grammar,\n", + "\n", + "def format_action(nonterminal: str,\n", + "\n", + "def add_action(self, node: Node) -> None:\n", + "\n", + "def visit(self, node):\n", + "\n", + "def forward(self,\n", + "\n", + "def update_grammar_to_be_variable_free(grammar_dictionary: Dict[str, List[str]]):\n", + "\n", + "def update_grammar_with_untyped_entities(grammar_dictionary: Dict[str, List[str]]) -> None:\n", + "\n", + "def _load(cls,\n", + "\n", + "def text_standardize(text):\n", + "\n", + "def main(prog: str = None,\n", + "\n", + "def get_padding_lengths(self) -> Dict[str, int]:\n", + "\n", + "def main(vocab_path: str,\n", + "\n", + "def sort_by_padding(instances: List[Instance],\n", + "\n", + "def infer(self, setup: QuaRelType, answer_0: QuaRelType, answer_1: QuaRelType) -> int:\n", + "\n", + "def make_app(predictor: Predictor,\n", + "\n", + "def _html(title: str, field_names: List[str]) -> str:\n", + "\n", + "def get_valid_actions(self) -> Dict[str, Tuple[torch.Tensor, torch.Tensor, List[int]]]:\n", + "\n", + "def take_action(self, production_rule: str) -> 'LambdaGrammarStatelet':\n", + "\n", + "def decode_mst(energy: numpy.ndarray,\n", + "\n", + "def chu_liu_edmonds(length: int,\n", + "\n", + "def assign_average_value(self) -> None:\n", + "\n", + "def restore(self) -> None:\n", + "\n", + "def forward(self, tensor_1: torch.Tensor, tensor_2: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def _prune_beam(states: List[State],\n", + "\n", + "def _get_best_final_states(self, finished_states: List[StateType]) -> Dict[int, List[StateType]]:\n", + "\n", + "def _read_pretrained_embeddings_file(file_uri: str,\n", + "\n", + "def _read_embeddings_from_text_file(file_uri: str,\n", + "\n", + "def _read_embeddings_from_hdf5(embeddings_filename: str,\n", + "\n", + "def _get_num_tokens_from_first_line(line: str) -> Optional[int]:\n", + "\n", + "def _get_predicted_embedding_addition(self,\n", + "\n", + "def _create_tensor_dicts(input_queue: Queue,\n", + "\n", + " def instances() -> Iterator[Instance]:\n", + "\n", + "def _queuer(instances: Iterable[Instance],\n", + "\n", + "def get_valid_actions(self) -> List[Dict[str, Tuple[torch.Tensor, torch.Tensor, List[int]]]]:\n", + "\n", + "def _worker(reader: DatasetReader,\n", + "\n", + "def allowed_transitions(constraint_type: str, labels: Dict[int, str]) -> List[Tuple[int, int]]:\n", + "\n", + "def is_transition_allowed(constraint_type: str,\n", + "\n", + "def _input_likelihood(self, logits: torch.Tensor, mask: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def _joint_likelihood(self,\n", + "\n", + "def forward(self,\n", + "\n", + "def viterbi_tags(self,\n", + "\n", + "def search(self,\n", + "\n", + "def main(data_directory: int, dataset: str = None, filter_by: str = None, verbose: bool = False) -> None:\n", + "\n", + "def takes_arg(obj, arg: str) -> bool:\n", + "\n", + "def takes_kwargs(obj) -> bool:\n", + "\n", + "def remove_optional(annotation: type):\n", + "\n", + "def create_kwargs(cls: Type[T], params: Params, **extras) -> Dict[str, Any]:\n", + "\n", + "def create_extras(cls: Type[T],\n", + "\n", + "def from_params(cls: Type[T], params: Params, **extras) -> T:\n", + "\n", + "def take_step(self,\n", + "\n", + "def _safe_sparse_mask(tensor: torch.Tensor, mask: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def parse_sentence(sentence_blob: str) -> Tuple[List[Dict[str, str]], List[Tuple[int, int]], List[str]]:\n", + "\n", + "def parse_cuda_device(cuda_device: Union[str, int, List[int]]) -> Union[int, List[int]]:\n", + "\n", + " def from_list(strings):\n", + "\n", + "def fine_tune_model_from_args(args: argparse.Namespace):\n", + "\n", + "def fine_tune_model_from_file_paths(model_archive_path: str,\n", + "\n", + "def fine_tune_model(model: Model,\n", + "\n", + "def add_epoch_number(batch: Batch, epoch: int) -> Batch:\n", + "\n", + "def _take_instances(self,\n", + "\n", + "def _memory_sized_lists(self,\n", + "\n", + "def get_num_batches(self, instances: Iterable[Instance]) -> int:\n", + "\n", + "def _create_batches(self, instances: Iterable[Instance], shuffle: bool) -> Iterable[Batch]:\n", + "\n", + "def replace_cr_with_newline(message: str):\n", + "\n", + "def capture_model_internals(self) -> Iterator[dict]:\n", + "\n", + " def add_output(idx: int):\n", + "\n", + " def _add_output(mod, _, outputs):\n", + "\n", + "def _batch_json_to_instances(self, json_dicts: List[JsonDict]) -> List[Instance]:\n", + "\n", + "def from_path(cls, archive_path: str, predictor_name: str = None) -> 'Predictor':\n", + "\n", + "def from_archive(cls, archive: Archive, predictor_name: str = None) -> 'Predictor':\n", + "\n", + "def attention(query: torch.Tensor,\n", + "\n", + "def subsequent_mask(size: int, device: str = 'cpu') -> torch.Tensor:\n", + "\n", + "def make_model(num_layers: int = 6,\n", + "\n", + "def forward(self, x, mask):\n", + "\n", + "def forward(self, x: torch.Tensor, sublayer: Callable[[torch.Tensor], torch.Tensor]) -> torch.Tensor:\n", + "\n", + "def forward(self, x: torch.Tensor, mask: torch.Tensor) -> torch.Tensor:\n", + "\n", + "def uniform_unit_scaling(tensor: torch.Tensor, nonlinearity: str = \"linear\"):\n", + "\n", + "def block_orthogonal(tensor: torch.Tensor,\n", + "\n", + "def lstm_hidden_bias(tensor: torch.Tensor) -> None:\n", + "\n", + "def from_params(cls, params: List[Tuple[str, Params]] = None) -> \"InitializerApplicator\":\n", + "\n", + "def read_from_file(cls, filename: str, question: List[Token]) -> 'TableQuestionKnowledgeGraph':\n", + "\n", + "def read_from_json(cls, json_object: Dict[str, Any]) -> 'TableQuestionKnowledgeGraph':\n", + "\n", + "def _get_numbers_from_tokens(tokens: List[Token]) -> List[Tuple[str, str]]:\n", + "\n", + "def _get_cell_parts(cls, cell_text: str) -> List[Tuple[str, str]]:\n", + "\n", + "def _should_split_column_cells(cls, column_cells: List[str]) -> bool:\n", + "\n", + "def _should_split_cell(cls, cell_text: str) -> bool:\n", + "\n", + "def get_linked_agenda_items(self) -> List[str]:\n", + "\n", + "def main(inp_fn: str,\n", + "\n", + "def element_from_span(span: List[int],\n", + "\n", + "def split_predicate(ex: Extraction) -> Extraction:\n", + "\n", + "def extraction_to_conll(ex: Extraction) -> List[str]:\n", + "\n", + "def interpret_span(text_spans: str) -> List[int]:\n", + "\n", + "def interpret_element(element_type: str, text: str, span: str) -> Element:\n", + "\n", + "def parse_element(raw_element: str) -> List[Element]:\n", + "\n", + "def convert_sent_to_conll(sent_ls: List[Extraction]):\n", + "\n", + "def pad_line_to_ontonotes(line, domain) -> List[str]:\n", + "\n", + "def convert_sent_dict_to_conll(sent_dic, domain) -> str:\n", + "\n", + "def deaggregate_record(decoded_data):\n", + "\n", + "def parse_s3_uri(uri):\n", + "\n", + "def to_s3_uri(code_dict):\n", + "\n", + "def construct_s3_location_object(location_uri, logical_id, property_name):\n", + "\n", + "def _get_policies(self, resource_properties):\n", + "\n", + "def _contains_policies(self, resource_properties):\n", + "\n", + "def _get_type(self, policy):\n", + "\n", + "def _is_policy_template(self, policy):\n", + "\n", + "def get_thing_shadow(self, **kwargs):\n", + "\n", + "def update_thing_shadow(self, **kwargs):\n", + "\n", + "def delete_thing_shadow(self, **kwargs):\n", + "\n", + "def publish(self, **kwargs):\n", + "\n", + "def merge(self, resource_type, resource_properties):\n", + "\n", + "def _parse(self, globals_dict):\n", + "\n", + "def _do_merge(self, global_value, local_value):\n", + "\n", + "def _merge_dict(self, global_dict, local_dict):\n", + "\n", + "def _token_of(self, input):\n", + "\n", + "def validate(template_dict, schema=None):\n", + "\n", + "def generate_car_price(location, days, age, car_type):\n", + "\n", + "def generate_hotel_price(location, nights, room_type):\n", + "\n", + "def book_hotel(intent_request):\n", + "\n", + "def book_car(intent_request):\n", + "\n", + "def dispatch(intent_request):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _link_policy(self, role):\n", + "\n", + "def add_default_parameter_values(self, sam_template):\n", + "\n", + "def add_pseudo_parameter_values(self):\n", + "\n", + "def add(self, logical_id, deployment_preference_dict):\n", + "\n", + "def enabled_logical_ids(self):\n", + "\n", + "def deployment_group(self, function_logical_id):\n", + "\n", + "def get_welcome_response():\n", + "\n", + "def set_color_in_session(intent, session):\n", + "\n", + "def on_intent(intent_request, session):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def gen(self):\n", + "\n", + "def get_hash(self, length=HASH_LENGTH):\n", + "\n", + "def _stringify(self, data):\n", + "\n", + "def add(self, logical_id, property, value):\n", + "\n", + "def get(self, logical_id, property):\n", + "\n", + "def encrypt(key, message):\n", + "\n", + "def get_tag_list(resource_tag_dict):\n", + "\n", + "def get_partition_name(cls, region=None):\n", + "\n", + "def on_before_transform_template(self, template_dict):\n", + "\n", + "def has_path(self, path, method=None):\n", + "\n", + "def method_has_integration(self, method):\n", + "\n", + "def get_method_contents(self, method):\n", + "\n", + "def has_integration(self, path, method):\n", + "\n", + "def add_path(self, path, method=None):\n", + "\n", + "def add_lambda_integration(self, path, method, integration_uri,\n", + "\n", + "def make_path_conditional(self, path, condition):\n", + "\n", + "def add_cors(self, path, allowed_origins, allowed_headers=None, allowed_methods=None, max_age=None,\n", + "\n", + "def _options_method_response_for_cors(self, allowed_origins, allowed_headers=None, allowed_methods=None,\n", + "\n", + "def _make_cors_allowed_methods_for_path(self, path):\n", + "\n", + "def add_authorizers(self, authorizers):\n", + "\n", + "def set_path_default_authorizer(self, path, default_authorizer, authorizers):\n", + "\n", + "def add_auth_to_method(self, path, method_name, auth, api):\n", + "\n", + "def add_gateway_responses(self, gateway_responses):\n", + "\n", + "def swagger(self):\n", + "\n", + "def is_valid(data):\n", + "\n", + "def _normalize_method_name(method):\n", + "\n", + "def on_before_transform_template(self, template_dict):\n", + "\n", + "def is_type(valid_type):\n", + "\n", + " def validate(value, should_raise=True):\n", + "\n", + "def list_of(validate_item):\n", + "\n", + " def validate(value, should_raise=True):\n", + "\n", + "def dict_of(validate_key, validate_item):\n", + "\n", + " def validate(value, should_raise=True):\n", + "\n", + "def one_of(*validators):\n", + "\n", + " def validate(value, should_raise=True):\n", + "\n", + "def to_statement(self, parameter_values):\n", + "\n", + "def missing_parameter_values(self, parameter_values):\n", + "\n", + "def from_dict(template_name, template_values_dict):\n", + "\n", + "def register(self, plugin):\n", + "\n", + "def _get(self, plugin_name):\n", + "\n", + "def act(self, event, *args, **kwargs):\n", + "\n", + "def from_dict(cls, logical_id, deployment_preference_dict):\n", + "\n", + "def decrypt(message):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def prepend(exception, message, end=': '):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def _getStatementForEffect(self, effect, methods):\n", + "\n", + "def on_before_transform_resource(self, logical_id, resource_type, resource_properties):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def transform(input_fragment, parameter_values, managed_policy_loader):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def on_before_transform_template(self, template_dict):\n", + "\n", + "def _get_api_events(self, function):\n", + "\n", + "def _process_api_events(self, function, api_events, template, condition=None):\n", + "\n", + "def _add_api_to_swagger(self, event_id, event_properties, template):\n", + "\n", + "def _get_api_id(self, event_properties):\n", + "\n", + "def _maybe_add_condition_to_implicit_api(self, template_dict):\n", + "\n", + "def _add_combined_condition_to_template(self, template_dict, condition_name, conditions_to_combine):\n", + "\n", + "def _maybe_add_conditions_to_implicit_api_paths(self, template):\n", + "\n", + "def _path_condition_name(self, api_id, path):\n", + "\n", + "def _maybe_remove_implicit_api(self, template):\n", + "\n", + "def make_auto_deployable(self, stage, swagger=None):\n", + "\n", + "def _invoke_internal(self, function_arn, payload, client_context, invocation_type=\"RequestResponse\"):\n", + "\n", + "def read(self, amt=None):\n", + "\n", + "def post_work(self, function_arn, input_bytes, client_context, invocation_type=\"RequestResponse\"):\n", + "\n", + "def get_work(self, function_arn):\n", + "\n", + "def post_work_result(self, function_arn, work_item):\n", + "\n", + "def post_handler_err(self, function_arn, invocation_id, handler_err):\n", + "\n", + "def get_work_result(self, function_arn, invocation_id):\n", + "\n", + "def on_before_transform_template(self, template_dict):\n", + "\n", + "def _can_process_application(self, app):\n", + "\n", + "def _handle_get_application_request(self, app_id, semver, key, logical_id):\n", + "\n", + "def _handle_create_cfn_template_request(self, app_id, semver, key, logical_id):\n", + "\n", + "def on_before_transform_resource(self, logical_id, resource_type, resource_properties):\n", + "\n", + "def _check_for_dictionary_key(self, logical_id, dictionary, keys):\n", + "\n", + "def on_after_transform_template(self, template):\n", + "\n", + "def _handle_get_cfn_template_response(self, response, application_id, template_id):\n", + "\n", + "def _sar_service_call(self, service_call_lambda, logical_id, *args):\n", + "\n", + "def _validate(self, sam_template, parameter_values):\n", + "\n", + "def iterate(self, resource_type=None):\n", + "\n", + "def set(self, logicalId, resource):\n", + "\n", + "def get(self, logicalId):\n", + "\n", + "def prepare_plugins(plugins, parameters={}):\n", + "\n", + "def translate(self, sam_template, parameter_values):\n", + "\n", + "def _get_resources_to_iterate(self, sam_template, macro_resolver):\n", + "\n", + "def from_dict(cls, logical_id, resource_dict, relative_id=None, sam_plugins=None):\n", + "\n", + "def _validate_logical_id(cls, logical_id):\n", + "\n", + "def _validate_resource_dict(cls, logical_id, resource_dict):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def _generate_resource_dict(self):\n", + "\n", + "def validate_properties(self):\n", + "\n", + "def set_resource_attribute(self, attr, value):\n", + "\n", + "def get_resource_attribute(self, attr):\n", + "\n", + "def get_runtime_attr(self, attr_name):\n", + "\n", + "def get_resource_references(self, generated_cfn_resources, supported_resource_refs):\n", + "\n", + "def resolve_resource_type(self, resource_dict):\n", + "\n", + "def build_response_card(title, subtitle, options):\n", + "\n", + "def get_random_int(minimum, maximum):\n", + "\n", + "def get_availabilities(date):\n", + "\n", + "def is_available(time, duration, availabilities):\n", + "\n", + "def get_availabilities_for_duration(duration, availabilities):\n", + "\n", + "def build_available_time_string(availabilities):\n", + "\n", + "def build_options(slot, appointment_type, date, booking_map):\n", + "\n", + "def make_appointment(intent_request):\n", + "\n", + "def dispatch(intent_request):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def make_combined_condition(conditions_list, condition_name):\n", + "\n", + "def is_instrinsic(input):\n", + "\n", + "def can_handle(self, input_dict):\n", + "\n", + "def _parse_resource_reference(cls, ref_value):\n", + "\n", + "def resolve_parameter_refs(self, input_dict, parameters):\n", + "\n", + "def resolve_resource_refs(self, input_dict, supported_resource_refs):\n", + "\n", + "def resolve_resource_id_refs(self, input_dict, supported_resource_id_refs):\n", + "\n", + "def resolve_parameter_refs(self, input_dict, parameters):\n", + "\n", + " def do_replacement(full_ref, prop_name):\n", + "\n", + "def resolve_resource_refs(self, input_dict, supported_resource_refs):\n", + "\n", + " def do_replacement(full_ref, ref_value):\n", + "\n", + "def resolve_resource_id_refs(self, input_dict, supported_resource_id_refs):\n", + "\n", + " def do_replacement(full_ref, ref_value):\n", + "\n", + "def _handle_sub_action(self, input_dict, handler):\n", + "\n", + "def _handle_sub_value(self, sub_value, handler_method):\n", + "\n", + "def _sub_all_refs(self, text, handler_method):\n", + "\n", + " def handler_method(full_ref, ref_value):\n", + "\n", + "def resolve_resource_refs(self, input_dict, supported_resource_refs):\n", + "\n", + "def resolve_resource_id_refs(self, input_dict, supported_resource_id_refs):\n", + "\n", + "def _get_resolved_dictionary(self, input_dict, key, resolved_value, remaining):\n", + "\n", + "def resolve_parameter_refs(self, input_dict, parameters):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def _construct_rest_api(self):\n", + "\n", + "def _construct_body_s3_dict(self):\n", + "\n", + "def _construct_deployment(self, rest_api):\n", + "\n", + "def _construct_stage(self, deployment, swagger):\n", + "\n", + "def to_cloudformation(self):\n", + "\n", + "def _add_cors(self):\n", + "\n", + "def _add_auth(self):\n", + "\n", + "def _add_gateway_responses(self):\n", + "\n", + "def _get_permission(self, authorizer_name, authorizer_lambda_function_arn):\n", + "\n", + "def _set_endpoint_configuration(self, rest_api, value):\n", + "\n", + "def retry(time_unit, multiplier, backoff_coefficient, max_delay, max_attempts, expiration_duration, enable_jitter):\n", + "\n", + " def deco_retry(task_to_try):\n", + "\n", + " def retry_impl(*args, **kwargs):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _get_resolved_alias_name(self, property_name, original_alias_value, intrinsics_resolver):\n", + "\n", + "def _construct_lambda_function(self):\n", + "\n", + "def _construct_role(self, managed_policy_map):\n", + "\n", + "def _validate_dlq(self):\n", + "\n", + "def _generate_event_resources(self, lambda_function, execution_role, event_resources, lambda_alias=None):\n", + "\n", + "def _construct_version(self, function, intrinsics_resolver):\n", + "\n", + "def _construct_alias(self, name, function, version):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _construct_nested_stack(self):\n", + "\n", + "def _get_application_tags(self):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _construct_lambda_layer(self, intrinsics_resolver):\n", + "\n", + "def _get_retention_policy_value(self):\n", + "\n", + "def order_flowers(intent_request):\n", + "\n", + "def dispatch(intent_request):\n", + "\n", + "def _construct_permission(self, function, source_arn=None, source_account=None, suffix=\"\", event_source_token=None):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _construct_target(self, function):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _depend_on_lambda_permissions(self, bucket, permission):\n", + "\n", + "def _depend_on_lambda_permissions_using_tag(self, bucket, permission):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def resources_to_link(self, resources):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def _add_swagger_integration(self, api, function):\n", + "\n", + "def resolve_parameter_refs(self, input):\n", + "\n", + "def resolve_sam_resource_refs(self, input, supported_resource_refs):\n", + "\n", + "def resolve_sam_resource_id_refs(self, input, supported_resource_id_refs):\n", + "\n", + "def _traverse(self, input, resolution_data, resolver_method):\n", + "\n", + "def _traverse_dict(self, input_dict, resolution_data, resolver_method):\n", + "\n", + "def _traverse_list(self, input_list, resolution_data, resolver_method):\n", + "\n", + "def _try_resolve_parameter_refs(self, input, parameters):\n", + "\n", + "def _try_resolve_sam_resource_refs(self, input, supported_resource_refs):\n", + "\n", + "def _try_resolve_sam_resource_id_refs(self, input, supported_resource_id_refs):\n", + "\n", + "def _is_intrinsic_dict(self, input):\n", + "\n", + "def to_cloudformation(self, **kwargs):\n", + "\n", + "def convert(self, template_name, parameter_values):\n", + "\n", + "def _is_valid_templates_dict(policy_templates_dict, schema=None):\n", + "\n", + "def render_chart_to_file(self, template_name: str, chart: Any, path: str):\n", + "\n", + "def decode_base64(data: str) -> bytes:\n", + "\n", + "def _set_collapse_interval(data, interval):\n", + "\n", + "def parse_pin(name_str):\n", + "\n", + "def ptr(self):\n", + "\n", + "def print(self):\n", + "\n", + "def run_loop(leds=all_leds):\n", + "\n", + "def find_c_file(obj_file, vpath):\n", + "\n", + "def find_module_registrations(c_file):\n", + "\n", + "def generate_module_table_header(modules):\n", + "\n", + "def readfiles():\n", + "\n", + "def uimports(code):\n", + "\n", + "def indent(block, spaces):\n", + "\n", + "def gen_table(contents):\n", + "\n", + "def gen_rst(results):\n", + "\n", + "def main():\n", + "\n", + "def init():\n", + "\n", + "def mass_erase():\n", + "\n", + "def page_erase(addr):\n", + "\n", + "def set_address(addr):\n", + "\n", + "def write_memory(addr, buf, progress=None, progress_addr=0, progress_size=0):\n", + "\n", + "def write_page(buf, xfer_offset):\n", + "\n", + "def exit_dfu():\n", + "\n", + "def consume(fmt, data, names):\n", + "\n", + "def read_dfu_file(filename):\n", + "\n", + "def get_dfu_devices(*args, **kwargs):\n", + "\n", + "def get_memory_layout(device):\n", + "\n", + "def list_dfu_devices(*args, **kwargs):\n", + "\n", + "def write_elements(elements, mass_erase_used, progress=None):\n", + "\n", + "def cli_progress(addr, offset, size):\n", + "\n", + "def main():\n", + "\n", + "def parse_port_pin(name_str):\n", + "\n", + "def print(self):\n", + "\n", + "def parse_port_pin(name_str):\n", + "\n", + "def run_node(cls,\n", + "\n", + "def convert_model_to_external_data(model, all_tensors_to_one_file=True, location=None):\n", + "\n", + "def _import(self, path, name):\n", + "\n", + "def _import_message(self, type_name):\n", + "\n", + "def run(self):\n", + "\n", + "def dynamic_unroll(cell, inputs, begin_state, drop_inputs=0, drop_outputs=0,\n", + "\n", + " def loop_body(inputs, states):\n", + "\n", + " def loop_body(inputs, states):\n", + "\n", + "def unroll(self, length, inputs, begin_state=None, layout='NTC', merge_outputs=None,\n", + "\n", + "def _fix_attribute_names(attrs, change_map):\n", + "\n", + "def _remove_attributes(attrs, remove_list):\n", + "\n", + "def _add_extra_attributes(attrs, extra_attr_map):\n", + "\n", + "def _pad_sequence_fix(attr, kernel_dim=None):\n", + "\n", + "def _fix_pooling(pool_type, inputs, new_attr):\n", + "\n", + "def _fix_bias(op_name, attrs, num_inputs):\n", + "\n", + "def _fix_broadcast(op_name, inputs, broadcast_axis, proto_obj):\n", + "\n", + "def _fix_channels(op_name, attrs, inputs, proto_obj):\n", + "\n", + "def _fix_gemm(op_name, inputs, old_attr, proto_obj):\n", + "\n", + "def get_input_shape(sym, proto_obj):\n", + "\n", + "def imresize(src, w, h, *args, **kwargs):\n", + "\n", + "def imdecode(buf, *args, **kwargs):\n", + "\n", + "def scale_down(src_size, size):\n", + "\n", + "def copyMakeBorder(src, top, bot, left, right, *args, **kwargs):\n", + "\n", + "def _get_interp_method(interp, sizes=()):\n", + "\n", + "def resize_short(src, size, interp=2):\n", + "\n", + "def fixed_crop(src, x0, y0, w, h, size=None, interp=2):\n", + "\n", + "def center_crop(src, size, interp=2):\n", + "\n", + "def color_normalize(src, mean, std=None):\n", + "\n", + "def random_size_crop(src, size, area, ratio, interp=2, **kwargs):\n", + "\n", + "def CreateAugmenter(data_shape, resize=0, rand_crop=False, rand_resize=False, rand_mirror=False,\n", + "\n", + "def dumps(self):\n", + "\n", + "def dumps(self):\n", + "\n", + "def reset(self):\n", + "\n", + "def hard_reset(self):\n", + "\n", + "def next_sample(self):\n", + "\n", + "def _batchify(self, batch_data, batch_label, start=0):\n", + "\n", + "def imdecode(self, s):\n", + "\n", + " def locate():\n", + "\n", + "def read_image(self, fname):\n", + "\n", + "def facc(label, pred):\n", + "\n", + "def word_to_vector(word):\n", + "\n", + "def vector_to_word(vector):\n", + "\n", + "def char_conv(out):\n", + "\n", + "def add_pooling_with_padding_types(builder, name, height, width, stride_height, stride_width,\n", + "\n", + "def get_frames(root_path):\n", + "\n", + "def write_data_csv(fname, frames, preproc):\n", + "\n", + "def crop_resize(img, size):\n", + "\n", + "def get_generator():\n", + "\n", + "def get_descriptor(ctx):\n", + "\n", + "def _spectral_norm(self):\n", + "\n", + "def conv_output_length(input_length, filter_size, border_mode, stride,\n", + "\n", + "def spectrogram(samples, fft_length=256, sample_rate=2, hop_length=128):\n", + "\n", + "def spectrogram_from_file(filename, step=10, window=20, max_freq=None,\n", + "\n", + "def sample(self, label):\n", + "\n", + "def _check_satisfy(self, rand_box, gt_boxes):\n", + "\n", + "def sample(self, label):\n", + "\n", + "def measure_cost(repeat, scipy_trans_lhs, scipy_dns_lhs, func_name, *args, **kwargs):\n", + "\n", + "def info(self):\n", + "\n", + "def getCatIds(self, catNms=[], supNms=[], catIds=[]):\n", + "\n", + "def loadAnns(self, ids=[]):\n", + "\n", + "def loadCats(self, ids=[]):\n", + "\n", + "def loadImgs(self, ids=[]):\n", + "\n", + "def showAnns(self, anns):\n", + "\n", + "def download(self, tarDir = None, imgIds = [] ):\n", + "\n", + "def loadNumpyAnnotations(self, data):\n", + "\n", + "def annToRLE(self, ann):\n", + "\n", + "def save_model():\n", + "\n", + "def highway(data):\n", + "\n", + "def train(symbol_data, train_iterator, valid_iterator, data_column_names, target_names):\n", + "\n", + " def norm_stat(d):\n", + "\n", + "def default_batchify_fn(data):\n", + "\n", + "def default_mp_batchify_fn(data):\n", + "\n", + "def _as_in_context(data, ctx):\n", + "\n", + "def worker_loop_v1(dataset, key_queue, data_queue, batchify_fn):\n", + "\n", + "def fetcher_loop_v1(data_queue, data_buffer, pin_memory=False,\n", + "\n", + "def _worker_fn(samples, batchify_fn, dataset=None):\n", + "\n", + "def send(self, obj):\n", + "\n", + "def _push_next(self):\n", + "\n", + "def shutdown(self):\n", + "\n", + "def _push_next(self):\n", + "\n", + "def _ctype_key_value(keys, vals):\n", + "\n", + "def _ctype_dict(param_dict):\n", + "\n", + "def _updater_wrapper(updater):\n", + "\n", + " def updater_handle(key, lhs_handle, rhs_handle, _):\n", + "\n", + "def create(name='local'):\n", + "\n", + "def init(self, key, value):\n", + "\n", + "def push(self, key, value, priority=0):\n", + "\n", + "def pull(self, key, out=None, priority=0, ignore_sparse=True):\n", + "\n", + "def row_sparse_pull(self, key, out=None, priority=0, row_ids=None):\n", + "\n", + "def set_gradient_compression(self, compression_params):\n", + "\n", + "def set_optimizer(self, optimizer):\n", + "\n", + "def type(self):\n", + "\n", + "def rank(self):\n", + "\n", + "def num_workers(self):\n", + "\n", + "def save_optimizer_states(self, fname, dump_optimizer=False):\n", + "\n", + "def load_optimizer_states(self, fname):\n", + "\n", + "def _set_updater(self, updater):\n", + "\n", + "def _send_command_to_servers(self, head, body):\n", + "\n", + "def add(self, module, **kwargs):\n", + "\n", + "def get_params(self):\n", + "\n", + "def init_params(self, initializer=Uniform(0.01), arg_params=None, aux_params=None,\n", + "\n", + " def _check_name(known_names, new_names, modules, i):\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def init_optimizer(self, kvstore='local', optimizer='sgd',\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def backward(self, out_grads=None):\n", + "\n", + "def update(self):\n", + "\n", + "def get_outputs(self, merge_multi_context=True):\n", + "\n", + "def get_input_grads(self, merge_multi_context=True):\n", + "\n", + "def update_metric(self, eval_metric, labels, pre_sliced=False):\n", + "\n", + "def install_monitor(self, mon):\n", + "\n", + "def get_iterator(data_shape, use_caffe_data):\n", + "\n", + " def get_iterator_impl_mnist(args, kv):\n", + "\n", + " def get_iterator_impl_caffe(args, kv):\n", + "\n", + "def predict(prediction_dir='./Test'):\n", + "\n", + "def _proc_loop(proc_id, alive, queue, fn):\n", + "\n", + "def _init_proc(self):\n", + "\n", + "def reset(self):\n", + "\n", + "def with_metaclass(meta, *bases):\n", + "\n", + " def __new__(cls, name, this_bases, d):\n", + "\n", + " def __prepare__(cls, name, this_bases):\n", + "\n", + "def _load_lib():\n", + "\n", + "def c_array(ctype, values):\n", + "\n", + "def c_handle_array(objs):\n", + "\n", + "def ctypes2numpy_shared(cptr, shape):\n", + "\n", + "def build_param_doc(arg_names, arg_types, arg_descs, remove_dup=True):\n", + "\n", + "def add_fileline_to_docstring(module, incursive=True):\n", + "\n", + " def _add_fileline(obj):\n", + "\n", + "def _init_op_module(root_namespace, module_name, make_op_func):\n", + "\n", + "def _generate_op_module_signature(root_namespace, module_name, op_code_gen_func):\n", + "\n", + " def get_module_file(module_name):\n", + "\n", + " def write_all_str(module_file, module_all_list):\n", + "\n", + "def set_np_compat(active):\n", + "\n", + "def is_np_compat():\n", + "\n", + "def use_np_compat(func):\n", + "\n", + " def scalar_one():\n", + "\n", + " def _with_np_compat(*args, **kwargs):\n", + "\n", + "def rse(label, pred):\n", + "\n", + "def rae(label, pred):\n", + "\n", + "def corr(label, pred):\n", + "\n", + "def get_custom_metrics():\n", + "\n", + "def _get_input(proto):\n", + "\n", + "def _convert_conv_param(param):\n", + "\n", + "def _convert_pooling_param(param):\n", + "\n", + "def _parse_proto(prototxt_fname):\n", + "\n", + "def convert_symbol(prototxt_fname):\n", + "\n", + "def train_episode(agent, envs, preprocessors, t_max, render):\n", + "\n", + "def parse_caffemodel(file_path):\n", + "\n", + "def featurize(self, audio_clip, overwrite=False, save_feature_as_csvfile=False):\n", + "\n", + "def load_metadata_from_desc_file(self, desc_file, partition='train',\n", + "\n", + "def prepare_minibatch(self, audio_paths, texts, overwrite=False,\n", + "\n", + "def sample_normalize(self, k_samples=1000, overwrite=False):\n", + "\n", + "def gru(num_hidden, indata, prev_state, param, seqidx, layeridx, dropout=0., is_batchnorm=False, gamma=None, beta=None, name=None):\n", + "\n", + "def save_image(data, epoch, image_size, batch_size, output_dir, padding=2):\n", + "\n", + "def list_image(root, recursive, exts):\n", + "\n", + "def write_list(path_out, image_list):\n", + "\n", + "def make_list(args):\n", + "\n", + "def read_list(path_in):\n", + "\n", + "def image_encode(args, i, item, q_out):\n", + "\n", + "def read_worker(args, q_in, q_out):\n", + "\n", + "def write_worker(q_out, fname, working_dir):\n", + "\n", + "def parse_args():\n", + "\n", + "def transform(data, target_wd, target_ht, is_train, box):\n", + "\n", + "def cub200_iterator(data_path, batch_k, batch_size, data_shape):\n", + "\n", + "def get_image(self, img, is_train):\n", + "\n", + "def sample_train_batch(self):\n", + "\n", + "def next(self):\n", + "\n", + "def load_mnist(training_num=50000):\n", + "\n", + "def feature_list():\n", + "\n", + "def is_enabled(self, feature_name):\n", + "\n", + "def cache_path(self):\n", + "\n", + "def _load_image_set_index(self, shuffle):\n", + "\n", + "def image_path_from_index(self, index):\n", + "\n", + "def _label_path_from_index(self, index):\n", + "\n", + "def _load_image_labels(self):\n", + "\n", + "def evaluate_detections(self, detections):\n", + "\n", + "def get_result_file_template(self):\n", + "\n", + "def write_pascal_results(self, all_boxes):\n", + "\n", + "def do_python_eval(self):\n", + "\n", + "def _get_imsize(self, im_name):\n", + "\n", + "def add_fit_args(parser):\n", + "\n", + "def fit(args, network, data_loader, **kwargs):\n", + "\n", + "def CreateMultiRandCropAugmenter(min_object_covered=0.1, aspect_ratio_range=(0.75, 1.33),\n", + "\n", + " def align_parameters(params):\n", + "\n", + "def CreateDetAugmenter(data_shape, resize=0, rand_crop=0, rand_pad=0, rand_gray=0,\n", + "\n", + "def dumps(self):\n", + "\n", + "def _calculate_areas(self, label):\n", + "\n", + "def _intersect(self, label, xmin, ymin, xmax, ymax):\n", + "\n", + "def _check_satisfy_constraints(self, label, xmin, ymin, xmax, ymax, width, height):\n", + "\n", + "def _update_labels(self, label, crop_box, height, width):\n", + "\n", + "def _random_crop_proposal(self, label, height, width):\n", + "\n", + "def _update_labels(self, label, pad_box, height, width):\n", + "\n", + "def _random_pad_proposal(self, label, height, width):\n", + "\n", + "def _check_valid_label(self, label):\n", + "\n", + "def _estimate_label_shape(self):\n", + "\n", + "def _parse_label(self, label):\n", + "\n", + "def reshape(self, data_shape=None, label_shape=None):\n", + "\n", + "def _batchify(self, batch_data, batch_label, start=0):\n", + "\n", + "def next(self):\n", + "\n", + "def check_label_shape(self, label_shape):\n", + "\n", + "def draw_next(self, color=None, thickness=2, mean=None, std=None, clip=True,\n", + "\n", + "def sync_label_shape(self, it, verbose=False):\n", + "\n", + "def _generate_base_anchors(base_size, scales, ratios):\n", + "\n", + "def _whctrs(anchor):\n", + "\n", + "def _mkanchors(ws, hs, x_ctr, y_ctr):\n", + "\n", + "def _ratio_enum(anchor, ratios):\n", + "\n", + "def _scale_enum(anchor, scales):\n", + "\n", + "def prepare_data(args):\n", + "\n", + "def arch(args, seq_len=None):\n", + "\n", + "def main():\n", + "\n", + "def vis_detection(im_orig, detections, class_names, thresh=0.7):\n", + "\n", + "def check_error(model, path, shapes, output = 'softmax_output', verbose = True):\n", + "\n", + "def setting_ctx(num_gpus):\n", + "\n", + "def char_beam_search(out):\n", + "\n", + "def build_model(self, dr_rate=0, path=None):\n", + "\n", + "def save_model(self, epoch, loss):\n", + "\n", + "def load_dataloader(self):\n", + "\n", + "def train(self, data, label, batch_size):\n", + "\n", + "def infer(self, input_data, input_label):\n", + "\n", + "def train_batch(self, dataloader):\n", + "\n", + "def infer_batch(self, dataloader):\n", + "\n", + "def run(self, epochs):\n", + "\n", + "def sample_categorical(prob, rng):\n", + "\n", + "def sample_normal(mean, var, rng):\n", + "\n", + "def sample_mog(prob, mean, var, rng):\n", + "\n", + "def get_dataset(prefetch=False):\n", + "\n", + "def evaluate(mod, data_iter, epoch, log_interval):\n", + "\n", + "def _read(self):\n", + "\n", + "def next(self):\n", + "\n", + "def _convert_operator(self, node_name, op_name, attrs, inputs):\n", + "\n", + "def from_onnx(self, graph):\n", + "\n", + "def get_graph_metadata(self, graph):\n", + "\n", + "def graph_to_gluon(self, graph, ctx):\n", + "\n", + "def _parse_array(self, tensor_proto):\n", + "\n", + "def _parse_attr(self, attr_proto):\n", + "\n", + "def reshape(self, data_shapes, label_shapes=None):\n", + "\n", + "def init_optimizer(self, kvstore='local', optimizer='sgd',\n", + "\n", + "def _create_optimizer(self, optimizer, default_opt, kvstore, optimizer_params):\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def backward(self, out_grads=None):\n", + "\n", + "def update_full_grads(self, train_data):\n", + "\n", + "def _accumulate_kvstore(self, key, value):\n", + "\n", + "def _allocate_gradients(self, key, value):\n", + "\n", + "def _svrg_grads_update_rule(self, g_curr_batch_curr_weight, g_curr_batch_special_weight,\n", + "\n", + "def _update_svrg_gradients(self):\n", + "\n", + "def fit(self, train_data, eval_data=None, eval_metric='acc',\n", + "\n", + "def prepare(self, data_batch, sparse_row_id_fn=None):\n", + "\n", + "def _load_image_set_index(self, shuffle):\n", + "\n", + "def _label_path_from_index(self, index):\n", + "\n", + "def _load_image_labels(self):\n", + "\n", + "def get_register_func(base_class, nickname):\n", + "\n", + " def register(klass, name=None):\n", + "\n", + "def get_alias_func(base_class, nickname):\n", + "\n", + " def alias(*aliases):\n", + "\n", + " def reg(klass):\n", + "\n", + "def get_create_func(base_class, nickname):\n", + "\n", + " def create(*args, **kwargs):\n", + "\n", + "def parse_args():\n", + "\n", + "def clean_str(string):\n", + "\n", + "def load_data_and_labels():\n", + "\n", + "def pad_sentences(sentences, padding_word=\"\"):\n", + "\n", + "def build_input_data(sentences, labels, vocabulary):\n", + "\n", + "def build_input_data_with_word2vec(sentences, labels, word2vec_list):\n", + "\n", + "def load_data_with_word2vec(word2vec_list):\n", + "\n", + "def load_data():\n", + "\n", + "def batch_iter(data, batch_size, num_epochs):\n", + "\n", + "def load_pretrained_word2vec(infile):\n", + "\n", + "def generate_batch(im_tensor, im_info):\n", + "\n", + "def get_symbol(num_classes=1000, **kwargs):\n", + "\n", + "def get_mlp():\n", + "\n", + "def get_lenet():\n", + "\n", + "def parse_args():\n", + "\n", + "def forward(self, is_train, req, in_data, out_data, aux):\n", + "\n", + "def backward(self, req, out_grad, in_data, out_data, in_grad, aux):\n", + "\n", + "def _reset_bind(self):\n", + "\n", + "def data_names(self):\n", + "\n", + "def output_names(self):\n", + "\n", + "def get_params(self):\n", + "\n", + "def init_params(self, initializer=Uniform(0.01), arg_params=None, aux_params=None,\n", + "\n", + "def get_states(self, merge_multi_context=True):\n", + "\n", + "def set_states(self, states=None, value=None):\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def switch_bucket(self, bucket_key, data_shapes, label_shapes=None):\n", + "\n", + "def init_optimizer(self, kvstore='local', optimizer='sgd',\n", + "\n", + "def prepare(self, data_batch, sparse_row_id_fn=None):\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def backward(self, out_grads=None):\n", + "\n", + "def update(self):\n", + "\n", + "def get_outputs(self, merge_multi_context=True):\n", + "\n", + "def get_input_grads(self, merge_multi_context=True):\n", + "\n", + "def update_metric(self, eval_metric, labels, pre_sliced=False):\n", + "\n", + "def install_monitor(self, mon):\n", + "\n", + "def is_recording():\n", + "\n", + "def is_training():\n", + "\n", + "def mark_variables(variables, gradients, grad_reqs='write'):\n", + "\n", + "def _parse_head(heads, head_grads):\n", + "\n", + "def grad(heads, variables, head_grads=None, retain_graph=None, create_graph=False,\n", + "\n", + "def get_symbol(x):\n", + "\n", + "def load_mldataset(filename):\n", + "\n", + "def ParseAllOps():\n", + "\n", + "def main():\n", + "\n", + "def add_param(self, param_name, layer_index, blob_index):\n", + "\n", + "def add_arg_param(self, param_name, layer_index, blob_index):\n", + "\n", + "def add_aux_param(self, param_name, layer_index, blob_index):\n", + "\n", + "def add_optional_arg_param(self, param_name, layer_index, blob_index):\n", + "\n", + "def convert(self, caffemodel_path, outmodel_path):\n", + "\n", + "def sample_rois(rois, gt_boxes, num_classes, rois_per_image, fg_rois_per_image, fg_overlap, box_stds):\n", + "\n", + "def register(reg_name):\n", + "\n", + " def do_register(prop_cls):\n", + "\n", + " def creator(op_type, argc, keys, vals, ret):\n", + "\n", + " def infer_shape_entry(num_tensor, tensor_dims,\n", + "\n", + " def infer_storage_type_backward_entry(num_tensor, tensor_stypes, tags, _):\n", + "\n", + " def infer_storage_type_entry(num_tensor, tensor_stypes, _):\n", + "\n", + " def infer_type_entry(num_tensor, tensor_types, _):\n", + "\n", + " def list_outputs_entry(out, _):\n", + "\n", + " def list_arguments_entry(out, _):\n", + "\n", + " def list_auxiliary_states_entry(out, _):\n", + "\n", + " def declare_backward_dependency_entry(out_grad, in_data, out_data, num_dep, deps, _):\n", + "\n", + " def create_operator_entry(ctx, num_inputs, shapes, ndims, dtypes, ret, _):\n", + "\n", + " def forward_entry(num_ndarray, ndarraies, tags, reqs, is_train, _):\n", + "\n", + " def backward_entry(num_ndarray, ndarraies, tags, reqs, is_train, _):\n", + "\n", + " def delete_entry(_):\n", + "\n", + " def delete_entry(_):\n", + "\n", + "def declare_backward_dependency(self, out_grad, in_data, out_data):\n", + "\n", + "def assign(self, dst, req, src):\n", + "\n", + "def infer_type(self, in_type):\n", + "\n", + "def infer_storage_type(self, in_stype):\n", + "\n", + "def infer_storage_type_backward(self, ograd_stype, in_stype, out_stype, igrad_stype, aux_stype):\n", + "\n", + "def declare_backward_dependency(self, out_grad, in_data, out_data):\n", + "\n", + "def inc(self):\n", + "\n", + "def close(self):\n", + "\n", + "def tell(self):\n", + "\n", + "def create_index(self):\n", + "\n", + "def _run_cmd(cmds):\n", + "\n", + "def generate_doxygen(app):\n", + "\n", + "def build_mxnet(app):\n", + "\n", + "def build_r_docs(app):\n", + "\n", + "def build_scala(app):\n", + "\n", + "def build_scala_docs(app):\n", + "\n", + "def build_java_docs(app):\n", + "\n", + "def build_clojure_docs(app):\n", + "\n", + "def _convert_md_table_to_rst(table):\n", + "\n", + "def convert_table(app, docname, source):\n", + "\n", + "def _parse_code_lines(lines):\n", + "\n", + "def _get_blocks(lines):\n", + "\n", + "def _get_python_block_output(src, global_dict, local_dict):\n", + "\n", + "def copy_artifacts(app):\n", + "\n", + "def download_caffe_model(model_name, meta_info, dst_dir='./model'):\n", + "\n", + "def convert_caffe_model(model_name, meta_info, dst_dir='./model'):\n", + "\n", + "def multi_p_run(tot_num, _func, worker, params, n_process):\n", + "\n", + "def split_seq(sam_num, n_tile):\n", + "\n", + "def put_worker(func, from_idx, to_idx, params, out_q):\n", + "\n", + "def namedtuple_with_defaults(typename, field_names, default_values=()):\n", + "\n", + "def merge_dict(a, b):\n", + "\n", + "def zip_namedtuple(nt_list):\n", + "\n", + "def config_as_dict(cfg):\n", + "\n", + "def import_model(model_file):\n", + "\n", + "def get_model_metadata(model_file):\n", + "\n", + "def multi_layer_feature(body, from_layers, num_filters, strides, pads, min_filter=128):\n", + "\n", + "def multibox_layer(from_layers, num_classes, sizes=[.2, .95],\n", + "\n", + "def _apply_weighting(F, loss, weight=None, sample_weight=None):\n", + "\n", + "def _reshape_like(F, x, y):\n", + "\n", + "def get_tv_grad_executor(img, ctx, tv_weight):\n", + "\n", + "def train_nstyle(args, callback=None):\n", + "\n", + "def _get_batch(self):\n", + "\n", + "def _data_augmentation(self, data, label):\n", + "\n", + "def get_mnist():\n", + "\n", + "def _split_input_slice(batch_size, work_load_list):\n", + "\n", + "def _check_arguments(symbol):\n", + "\n", + "def _load_general(data, targets):\n", + "\n", + "def _bind_exec(sym, ctx, input_shapes, param_names, need_grad=False,\n", + "\n", + "def load_data_batch(self, data_batch):\n", + "\n", + "def forward(self, is_train=False):\n", + "\n", + "def update_metric(self, metric, labels, pre_sliced=False):\n", + "\n", + "def install_monitor(self, monitor):\n", + "\n", + "def set_params(self, arg_params, aux_params):\n", + "\n", + "def load_data_batch(self, data_batch):\n", + "\n", + "def update_metric(self, metric, labels, pre_sliced=False):\n", + "\n", + "def clear(self):\n", + "\n", + "def get_header_guard_dmlc(filename):\n", + "\n", + "def process(fname, allow_type):\n", + "\n", + "def main():\n", + "\n", + "def _print_summary_map(strm, result_map, ftype):\n", + "\n", + "def process_cpp(self, path, suffix):\n", + "\n", + "def process_python(self, path):\n", + "\n", + "def print_summary(self, strm):\n", + "\n", + "def _init_kvstore_server_module():\n", + "\n", + "def _controller(self):\n", + "\n", + " def server_controller(cmd_id, cmd_body, _):\n", + "\n", + "def run(self):\n", + "\n", + "def _generate_ndarray_function_code(handle, name, func_name, signature_only=False):\n", + "\n", + "def _make_ndarray_function(handle, name, func_name):\n", + "\n", + "def count_tokens_from_str(source_str, token_delim=' ', seq_delim='\\n',\n", + "\n", + "def zeros(shape, ctx=None, dtype=None, stype=None, **kwargs):\n", + "\n", + "def empty(shape, ctx=None, dtype=None, stype=None):\n", + "\n", + "def array(source_array, ctx=None, dtype=None):\n", + "\n", + "def load(fname):\n", + "\n", + "def load_frombuffer(buf):\n", + "\n", + "def save(fname, data):\n", + "\n", + "def _common_prefix(names):\n", + "\n", + "def _infer_param_types(in_params, out_params, arg_params, aux_params, default_dtype=mx_real_t):\n", + "\n", + "def create(prefix, params, hint):\n", + "\n", + "def collect_params(self, select=None):\n", + "\n", + "def save_params(self, filename):\n", + "\n", + "def load_parameters(self, filename, ctx=None, allow_missing=False,\n", + "\n", + "def load_params(self, filename, ctx=None, allow_missing=False,\n", + "\n", + "def register_child(self, block, name=None):\n", + "\n", + "def register_forward_pre_hook(self, hook):\n", + "\n", + "def register_forward_hook(self, hook):\n", + "\n", + "def apply(self, fn):\n", + "\n", + "def initialize(self, init=initializer.Uniform(), ctx=None, verbose=False,\n", + "\n", + "def hybridize(self, active=True, **kwargs):\n", + "\n", + "def cast(self, dtype):\n", + "\n", + "def summary(self, *inputs):\n", + "\n", + " def _get_shape_str(args):\n", + "\n", + " def flatten(args):\n", + "\n", + " def regroup(args, fmt):\n", + "\n", + " def _register_summary_hook(block):\n", + "\n", + " def _summary_hook(block, _, outputs):\n", + "\n", + "def _infer_attrs(self, infer_fn, attr, *args):\n", + "\n", + "def export(self, path, epoch=0):\n", + "\n", + "def forward(self, x, *args):\n", + "\n", + "def imports(symbol_file, input_names, param_file=None, ctx=None):\n", + "\n", + "def calc_expectation(grad_dict, num_batches):\n", + "\n", + "def calc_variance(grad_dict, num_batches, param_names):\n", + "\n", + "def makedirs(d):\n", + "\n", + "def alexnet(pretrained=False, ctx=cpu(),\n", + "\n", + "def classifer_metrics(label, pred):\n", + "\n", + "def data_iter(batch_size, num_embed, pre_trained_word2vec=False):\n", + "\n", + "def sym_gen(batch_size, sentences_size, num_embed, vocabulary_size,\n", + "\n", + "def train(symbol_data, train_iterator, valid_iterator, data_column_names, target_names):\n", + "\n", + "def convert_mat_to_images(args):\n", + "\n", + "def build(args) -> None:\n", + "\n", + "def create_network(batch_size, update_freq):\n", + "\n", + "def get_squeezenet(version, pretrained=False, ctx=cpu(),\n", + "\n", + "def parse_helper(attrs, attrs_name, alt_value=None):\n", + "\n", + "def transform_padding(pad_width):\n", + "\n", + "def convert_string_to_list(string_val):\n", + "\n", + "def get_inputs(node, kwargs):\n", + "\n", + "def create_basic_op_node(op_name, node, kwargs):\n", + "\n", + "def convert_weights_and_inputs(node, **kwargs):\n", + "\n", + "def convert_convolution(node, **kwargs):\n", + "\n", + "def convert_deconvolution(node, **kwargs):\n", + "\n", + "def convert_crop(node, **kwargs):\n", + "\n", + "def convert_fully_connected(node, **kwargs):\n", + "\n", + "def convert_batchnorm(node, **kwargs):\n", + "\n", + "def convert_activation(node, **kwargs):\n", + "\n", + "def convert_pad(node, **kwargs):\n", + "\n", + "def create_helper_trans_node(op_name, input_node, node_name):\n", + "\n", + "def convert_dot(node, **kwargs):\n", + "\n", + "def convert_linalg_gemm2(node, **kwargs):\n", + "\n", + "def convert_pooling(node, **kwargs):\n", + "\n", + "def convert_instancenorm(node, **kwargs):\n", + "\n", + "def convert_leakyrelu(node, **kwargs):\n", + "\n", + "def convert_softmax(node, **kwargs):\n", + "\n", + "def convert_softmax_output(node, **kwargs):\n", + "\n", + "def convert_logistic_regression_output(node, **kwargs):\n", + "\n", + "def convert_concat(node, **kwargs):\n", + "\n", + "def convert_transpose(node, **kwargs):\n", + "\n", + "def convert_lrn(node, **kwargs):\n", + "\n", + "def convert_l2normalization(node, **kwargs):\n", + "\n", + "def convert_dropout(node, **kwargs):\n", + "\n", + "def convert_clip(node, **kwargs):\n", + "\n", + "def scalar_op_helper(node, op_name, **kwargs):\n", + "\n", + "def convert_argmax(node, **kwargs):\n", + "\n", + "def convert_reshape(node, **kwargs):\n", + "\n", + "def convert_cast(node, **kwargs):\n", + "\n", + "def convert_slice_axis(node, **kwargs):\n", + "\n", + "def convert_slice_channel(node, **kwargs):\n", + "\n", + "def convert_expand_dims(node, **kwargs):\n", + "\n", + "def convert_squeeze(node, **kwargs):\n", + "\n", + "def convert_depthtospace(node, **kwargs):\n", + "\n", + "def convert_square(node, **kwargs):\n", + "\n", + "def convert_sum(node, **kwargs):\n", + "\n", + "def convert_hardsigmoid(node, **kwargs):\n", + "\n", + "def convert_logsoftmax(node, **kwargs):\n", + "\n", + "def convert_norm(node, **kwargs):\n", + "\n", + "def convert_multinomial(node, **kwargs):\n", + "\n", + "def convert_random_uniform(node, **kwargs):\n", + "\n", + "def convert_random_normal(node, **kwargs):\n", + "\n", + "def convert_roipooling(node, **kwargs):\n", + "\n", + "def convert_tile(node, **kwargs):\n", + "\n", + "def convert_broadcast_to(node, **kwargs):\n", + "\n", + "def exe(self):\n", + "\n", + "def compute_internal(self, sym_name, bucket_kwargs=None, **arg_dict):\n", + "\n", + "def init_from_fcnxs(ctx, fcnxs_symbol, fcnxs_args_from, fcnxs_auxs_from):\n", + "\n", + "def residual_unit(data, num_filter, stride, dim_match, name, bottle_neck=True, num_group=32, bn_mom=0.9, workspace=256, memonger=False):\n", + "\n", + "def resnext(units, num_stages, filter_list, num_classes, num_group, image_shape, bottle_neck=True, bn_mom=0.9, workspace=256, dtype='float32', memonger=False):\n", + "\n", + "def get_symbol(num_classes, num_layers, image_shape, num_group=32, conv_workspace=256, dtype='float32', **kwargs):\n", + "\n", + "def var(name, attr=None, shape=None, lr_mult=None, wd_mult=None, dtype=None,\n", + "\n", + "def Group(symbols):\n", + "\n", + "def load(fname):\n", + "\n", + "def load_json(json_str):\n", + "\n", + "def pow(base, exp):\n", + "\n", + "def maximum(left, right):\n", + "\n", + "def minimum(left, right):\n", + "\n", + "def hypot(left, right):\n", + "\n", + "def eye(N, M=0, k=0, dtype=None, **kwargs):\n", + "\n", + "def zeros(shape, dtype=None, **kwargs):\n", + "\n", + "def ones(shape, dtype=None, **kwargs):\n", + "\n", + "def full(shape, val, dtype=None, **kwargs):\n", + "\n", + "def arange(start, stop=None, step=1.0, repeat=1, infer_range=False, name=None, dtype=None):\n", + "\n", + "def histogram(a, bins=10, range=None, **kwargs):\n", + "\n", + "def split_v2(ary, indices_or_sections, axis=0, squeeze_axis=False):\n", + "\n", + "def name(self):\n", + "\n", + "def attr(self, key):\n", + "\n", + "def list_attr(self, recursive=False):\n", + "\n", + "def attr_dict(self):\n", + "\n", + "def _set_attr(self, **kwargs):\n", + "\n", + "def get_internals(self):\n", + "\n", + "def get_children(self):\n", + "\n", + "def list_arguments(self):\n", + "\n", + "def list_outputs(self):\n", + "\n", + "def list_auxiliary_states(self):\n", + "\n", + "def list_inputs(self):\n", + "\n", + "def infer_type(self, *args, **kwargs):\n", + "\n", + "def _infer_type_impl(self, partial, *args, **kwargs):\n", + "\n", + "def infer_shape(self, *args, **kwargs):\n", + "\n", + "def _infer_shape_impl(self, partial, *args, **kwargs):\n", + "\n", + "def save(self, fname):\n", + "\n", + "def tojson(self):\n", + "\n", + "def _get_ndarray_inputs(arg_key, args, arg_names, allow_missing):\n", + "\n", + "def simple_bind(self, ctx, grad_req='write', type_dict=None, stype_dict=None,\n", + "\n", + "def bind(self, ctx, args, args_grad=None, grad_req='write',\n", + "\n", + "def gradient(self, wrt):\n", + "\n", + "def eval(self, ctx=None, **kwargs):\n", + "\n", + "def get_backend_symbol(self, backend):\n", + "\n", + "def hybrid_forward(self, F, x):\n", + "\n", + "def hybrid_forward(self, F, x):\n", + "\n", + "def hybrid_forward(self, F, x):\n", + "\n", + "def retry(target_exception, tries=4, delay_s=1, backoff=2):\n", + "\n", + " def decorated_retry(f):\n", + "\n", + " def f_retry(*args, **kwargs):\n", + "\n", + "def load_model(model_name, epoch_num, data_shapes, label_shapes, label_names, gpus=''):\n", + "\n", + "def create_module(sym, data_shapes, label_shapes, label_names, gpus=''):\n", + "\n", + "def evaluate_net(net, path_imgrec, num_classes, num_batch, mean_pixels, data_shape,\n", + "\n", + "def init_params(self, initializer=Uniform(0.01), arg_params=None, aux_params=None,\n", + "\n", + "def update_metric(self, eval_metric, labels, pre_sliced=False):\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def _backward_impl(self):\n", + "\n", + "def encode_sentences(sentences, vocab=None, invalid_label=-1, invalid_key='\\n',\n", + "\n", + "def reset(self):\n", + "\n", + "def next(self):\n", + "\n", + "def getInstance(self):\n", + "\n", + "def main():\n", + "\n", + "def get(self, name, **kwargs):\n", + "\n", + "def reset(self):\n", + "\n", + "def begin_state(self, func=symbol.zeros, **kwargs):\n", + "\n", + "def unpack_weights(self, args):\n", + "\n", + "def pack_weights(self, args):\n", + "\n", + "def unroll(self, length, inputs, begin_state=None, layout='NTC', merge_outputs=None):\n", + "\n", + "def _get_activation(self, inputs, activation, **kwargs):\n", + "\n", + "def _slice_weights(self, arr, li, lh):\n", + "\n", + "def unfuse(self):\n", + "\n", + "def add(self, cell):\n", + "\n", + "def read_image(img_path, image_dims=None, mean=None):\n", + "\n", + "def _ch_dev(arg_params, aux_params, ctx):\n", + "\n", + "def convert_and_compare_caffe_to_mxnet(image_url, gpu, caffe_prototxt_path, caffe_model_path,\n", + "\n", + "def _bfs(root_node, process_node):\n", + "\n", + "def compare_layers_from_nets(caffe_net, arg_params, aux_params, exe, layer_name_to_record,\n", + "\n", + " def _compare_blob(caf_blob, mx_blob, caf_name, mx_name, blob_type, note):\n", + "\n", + " def _process_layer_parameters(layer):\n", + "\n", + " def _process_layer_output(caffe_blob_name):\n", + "\n", + "def main():\n", + "\n", + "def get_executor(sym, ctx, data_inputs, initializer=None):\n", + "\n", + "def copy_param(exe, new_param=None):\n", + "\n", + "def parse_args():\n", + "\n", + "def main():\n", + "\n", + "def optimize(args):\n", + "\n", + "def get_mnist_sym(output_op=None, num_hidden=400):\n", + "\n", + "def synthetic_grad(X, theta, sigma1, sigma2, sigmax, rescale_grad=1.0, grad=None):\n", + "\n", + "def get_toy_sym(teacher=True, teacher_noise_precision=None):\n", + "\n", + "def run_mnist_DistilledSGLD(num_training=50000, gpu_id=None):\n", + "\n", + "def run_toy_SGLD(gpu_id=None):\n", + "\n", + "def run_toy_DistilledSGLD(gpu_id):\n", + "\n", + "def run_toy_HMC(gpu_id=None):\n", + "\n", + "def run_synthetic_SGLD():\n", + "\n", + "def load_pascal(image_set, year, devkit_path, shuffle=False):\n", + "\n", + "def load_coco(image_set, dirname, shuffle=False):\n", + "\n", + "def reset(self):\n", + "\n", + "def next(self):\n", + "\n", + "def convert_reshape(net, node, module, builder):\n", + "\n", + "def convert_transpose(net, node, module, builder):\n", + "\n", + "def convert_flatten(net, node, module, builder):\n", + "\n", + "def convert_softmax(net, node, module, builder):\n", + "\n", + "def convert_activation(net, node, module, builder):\n", + "\n", + "def convert_leakyrelu(net, node, module, builder):\n", + "\n", + "def convert_elementwise_add(net, node, module, builder):\n", + "\n", + "def convert_convolution(net, node, module, builder):\n", + "\n", + "def convert_pooling(net, node, module, builder):\n", + "\n", + "def convert_batchnorm(net, node, module, builder):\n", + "\n", + "def convert_concat(net, node, module, builder):\n", + "\n", + "def dmlc_opts(opts):\n", + "\n", + "def _unfuse(self):\n", + "\n", + "def begin_state(self, batch_size=0, func=ndarray.zeros, **kwargs):\n", + "\n", + "def _forward_kernel(self, F, inputs, states, **kwargs):\n", + "\n", + "def wait_ssh_open(server, port, keep_waiting=None, timeout=None):\n", + "\n", + "def wait_port_open(server, port, timeout=None):\n", + "\n", + "def print_summary(symbol, shape=None, line_length=120, positions=[.44, .64, .74, 1.]):\n", + "\n", + " def print_row(fields, positions):\n", + "\n", + " def print_layer_summary(node, out_shape):\n", + "\n", + "def plot_network(symbol, title=\"plot\", save_format='pdf', shape=None, dtype=None, node_attrs={},\n", + "\n", + " def looks_like_weight(name):\n", + "\n", + "def evaluate_accuracy(data_iterator, network):\n", + "\n", + "def train_batch(batch_list, context, network, gluon_trainer):\n", + "\n", + "def get_optimized_symbol(executor):\n", + "\n", + "def tensorrt_bind(symbol, ctx, all_params, type_dict=None, stype_dict=None, group2ctx=None,\n", + "\n", + "def get_symbol(num_classes, num_layers=11, batch_norm=False, dtype='float32', **kwargs):\n", + "\n", + "def create_batch(self, frame):\n", + "\n", + "def detect_iter(self, det_iter, show_timer=False):\n", + "\n", + "def detect_batch(self, batch):\n", + "\n", + "def im_detect(self, im_list, root_dir=None, extension=None, show_timer=False):\n", + "\n", + "def visualize_detection(self, img, dets, classes=[], thresh=0.6):\n", + "\n", + "def filter_positive_detections(detections):\n", + "\n", + "def detect_and_visualize(self, im_list, root_dir=None, extension=None,\n", + "\n", + "def process_network_proto(caffe_root, deploy_proto):\n", + "\n", + "def read_network_dag(processed_deploy_prototxt):\n", + "\n", + "def read_caffe_mean(caffe_mean_file):\n", + "\n", + "def get_distance(F, x):\n", + "\n", + "def cross_entropy_loss(inputs, labels, rescale_loss=1):\n", + "\n", + "def rnn(bptt, vocab_size, num_embed, nhid, num_layers, dropout, num_proj, batch_size):\n", + "\n", + "def sampled_softmax(num_classes, num_samples, in_dim, inputs, weight, bias,\n", + "\n", + "def generate_samples(label, num_splits, sampler):\n", + "\n", + " def listify(x):\n", + "\n", + "def build_iters(data_dir, max_records, q, horizon, splits, batch_size):\n", + "\n", + "def get_model(name, **kwargs):\n", + "\n", + "def _new_alloc_handle(stype, shape, ctx, delay_alloc, dtype, aux_types, aux_shapes=None):\n", + "\n", + "def _prepare_src_array(source_array, dtype):\n", + "\n", + "def _prepare_default_dtype(src_array, dtype):\n", + "\n", + "def _check_shape(s1, s2):\n", + "\n", + "def csr_matrix(arg1, shape=None, ctx=None, dtype=None):\n", + "\n", + "def _csr_matrix_from_definition(data, indices, indptr, shape=None, ctx=None,\n", + "\n", + "def row_sparse_array(arg1, shape=None, ctx=None, dtype=None):\n", + "\n", + "def _row_sparse_ndarray_from_definition(data, indices, shape=None, ctx=None,\n", + "\n", + "def add(lhs, rhs):\n", + "\n", + "def subtract(lhs, rhs):\n", + "\n", + "def multiply(lhs, rhs):\n", + "\n", + "def divide(lhs, rhs):\n", + "\n", + "def zeros(stype, shape, ctx=None, dtype=None, **kwargs):\n", + "\n", + "def empty(stype, shape, ctx=None, dtype=None):\n", + "\n", + "def array(source_array, ctx=None, dtype=None):\n", + "\n", + "def _aux_type(self, i):\n", + "\n", + "def _aux_types(self):\n", + "\n", + "def astype(self, dtype, copy=True):\n", + "\n", + "def check_format(self, full_check=True):\n", + "\n", + "def _data(self):\n", + "\n", + "def _aux_data(self, i):\n", + "\n", + "def asscipy(self):\n", + "\n", + "def tostype(self, stype):\n", + "\n", + "def copyto(self, other):\n", + "\n", + "def export_model(sym, params, input_shape, input_type=np.float32,\n", + "\n", + "def bench_dot(lhs_row_dim, lhs_col_dim, rhs_col_dim, density,\n", + "\n", + "def convert_mean(binaryproto_fname, output=None):\n", + "\n", + "def get_densenet(num_layers, pretrained=False, ctx=cpu(),\n", + "\n", + "def load_module(sym_filepath, params_filepath):\n", + "\n", + "def import_module(module_name):\n", + "\n", + "def get_symbol_train(network, num_classes, from_layers, num_filters, strides, pads,\n", + "\n", + "def get_symbol(network, num_classes, from_layers, num_filters, sizes, ratios,\n", + "\n", + "def _get_grad(net, image, class_id=None, conv_layer_name=None, image_grad=False):\n", + "\n", + "def get_conv_out_grad(net, image, class_id=None, conv_layer_name=None):\n", + "\n", + "def get_image_grad(net, image, class_id=None):\n", + "\n", + "def grad_to_image(gradient):\n", + "\n", + "def get_cam(imggrad, conv_out):\n", + "\n", + "def get_img_heatmap(orig_img, activation_map):\n", + "\n", + "def to_grayscale(cv2im):\n", + "\n", + "def check_label_shapes(labels, preds, wrap=False, shape=False):\n", + "\n", + "def create(metric, *args, **kwargs):\n", + "\n", + "def np(numpy_feval, name=None, allow_extra_outputs=False):\n", + "\n", + " def feval(label, pred):\n", + "\n", + "def get_config(self):\n", + "\n", + "def update_dict(self, label, pred):\n", + "\n", + "def reset(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get_global(self):\n", + "\n", + "def get_name_value(self):\n", + "\n", + "def get_global_name_value(self):\n", + "\n", + "def update_binary_stats(self, label, pred):\n", + "\n", + "def matthewscc(self, use_global=False):\n", + "\n", + "def transform(self, fn, lazy=True):\n", + "\n", + "def transform_first(self, fn, lazy=True):\n", + "\n", + "def forward_ocr(self, img_):\n", + "\n", + "def read_prototxt(fname):\n", + "\n", + "def get_layers(proto):\n", + "\n", + "def read_caffemodel(prototxt_fname, caffemodel_fname):\n", + "\n", + "def layer_iter(layers, layer_names):\n", + "\n", + "def set_config(**kwargs):\n", + "\n", + "def profiler_set_config(mode='symbolic', filename='profile.json'):\n", + "\n", + "def set_state(state='stop', profile_process='worker'):\n", + "\n", + "def dump(finished=True, profile_process='worker'):\n", + "\n", + "def dumps(reset=False):\n", + "\n", + "def pause(profile_process='worker'):\n", + "\n", + "def resume(profile_process='worker'):\n", + "\n", + "def set_value(self, value):\n", + "\n", + "def increment(self, delta=1):\n", + "\n", + "def decrement(self, delta=1):\n", + "\n", + "def mark(self, scope='process'):\n", + "\n", + "def get_kernel(self, name, signature):\n", + "\n", + "def launch(self, args, ctx, grid_dims, block_dims, shared_mem=0):\n", + "\n", + "def reset(self):\n", + "\n", + "def update(self, labels, preds):\n", + "\n", + " def iou(x, ys):\n", + "\n", + "def _update(self):\n", + "\n", + "def _recall_prec(self, record, count):\n", + "\n", + "def _average_precision(self, rec, prec):\n", + "\n", + "def _insert(self, key, records, count):\n", + "\n", + "def _average_precision(self, rec, prec):\n", + "\n", + "def get_fine_tune_model(symbol, arg_params, num_classes, layer_name, dtype='float32'):\n", + "\n", + "def _list_images(self, root):\n", + "\n", + "def align_generation(self, file_nm, padding=75):\n", + "\n", + "def set_verbosity(self, verbose=False, print_func=None):\n", + "\n", + " def asum_stat(x):\n", + "\n", + "def _verbose_print(self, desc, init, arr):\n", + "\n", + "def _legacy_init(self, name, arr):\n", + "\n", + "def save_imglist(self, fname=None, root=None, shuffle=False):\n", + "\n", + " def progress_bar(count, total, suffix=''):\n", + "\n", + "def _load_class_names(self, filename, dirname):\n", + "\n", + "def read_data(label, image):\n", + "\n", + "def get_mnist_iter(args, kv):\n", + "\n", + "def make_file_extension_assertion(extension):\n", + "\n", + " def file_extension_assertion(file_path):\n", + "\n", + "def get_palette(num_colors=256):\n", + "\n", + "def get_data(img_path):\n", + "\n", + "def main():\n", + "\n", + "def _check_classes(self):\n", + "\n", + "def _load_image_set_index(self, shuffle):\n", + "\n", + "def _locate_index(self, index):\n", + "\n", + "def image_path_from_index(self, index):\n", + "\n", + "def module_checkpoint(mod, prefix, period=1, save_optimizer_states=False):\n", + "\n", + " def _callback(iter_no, sym=None, arg=None, aux=None):\n", + "\n", + "def do_checkpoint(prefix, period=1):\n", + "\n", + " def _callback(iter_no, sym, arg, aux):\n", + "\n", + "def log_train_metric(period, auto_reset=False):\n", + "\n", + " def _callback(param):\n", + "\n", + "def install(self, exe):\n", + "\n", + "def tic(self):\n", + "\n", + "def toc(self):\n", + "\n", + "def toc_print(self):\n", + "\n", + "def make_data_iter_plan(self):\n", + "\n", + "def expand(x, pending, stage):\n", + "\n", + "def get_imagenet_iterator(root, batch_size, num_workers, data_shape=224, dtype='float32'):\n", + "\n", + "def create(embedding_name, **kwargs):\n", + "\n", + "def get_pretrained_file_names(embedding_name=None):\n", + "\n", + "def _load_embedding(self, pretrained_file_path, elem_delim, init_unknown_vec, encoding='utf8'):\n", + "\n", + "def _set_idx_to_vec_by_embeddings(self, token_embeddings, vocab_len, vocab_idx_to_token):\n", + "\n", + "def get_vecs_by_tokens(self, tokens, lower_case_backup=False):\n", + "\n", + "def update_token_vectors(self, tokens, new_vectors):\n", + "\n", + "def _check_pretrained_file_names(cls, pretrained_file_name):\n", + "\n", + "def calc_grad(exe, exe_grads, params, X, Y, label_name=None, outgrad_f=None):\n", + "\n", + "def step_HMC(exe, exe_params, exe_grads, label_key, noise_precision, prior_precision, L=10, eps=1E-6):\n", + "\n", + "def HMC(sym, data_inputs, X, Y, X_test, Y_test, sample_num,\n", + "\n", + "def SGD(sym, data_inputs, X, Y, X_test, Y_test, total_iter_num,\n", + "\n", + "def SGLD(sym, X, Y, X_test, Y_test, total_iter_num,\n", + "\n", + "def DistilledSGLD(teacher_sym, student_sym,\n", + "\n", + "def get_platforms(path: str = get_dockerfiles_path()) -> List[str]:\n", + "\n", + "def get_docker_tag(platform: str, registry: str) -> str:\n", + "\n", + "def build_docker(platform: str, docker_binary: str, registry: str, num_retries: int, no_cache: bool) -> str:\n", + "\n", + " def run_cmd():\n", + "\n", + "def _get_local_image_id(docker_binary, docker_tag):\n", + "\n", + "def default_ccache_dir() -> str:\n", + "\n", + "def container_run(platform: str,\n", + "\n", + "def load_docker_cache(tag, docker_registry) -> None:\n", + "\n", + "def _load_general(data, targets, major_axis):\n", + "\n", + "def _load_data(batch, targets, major_axis):\n", + "\n", + "def _merge_multi_context(outputs, major_axis):\n", + "\n", + "def _prepare_group2ctxs(group2ctxs, ctx_len):\n", + "\n", + "def decide_slices(self, data_shapes):\n", + "\n", + "def _collect_arrays(self):\n", + "\n", + "def bind_exec(self, data_shapes, label_shapes, shared_group=None, reshape=False):\n", + "\n", + "def reshape(self, data_shapes, label_shapes):\n", + "\n", + "def set_params(self, arg_params, aux_params, allow_extra=False):\n", + "\n", + "def get_params(self, arg_params, aux_params):\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def get_output_shapes(self):\n", + "\n", + "def get_outputs(self, merge_multi_context=True, begin=0, end=None):\n", + "\n", + "def set_states(self, states=None, value=None):\n", + "\n", + "def get_input_grads(self, merge_multi_context=True):\n", + "\n", + "def backward(self, out_grads=None):\n", + "\n", + "def update_metric(self, eval_metric, labels, pre_sliced):\n", + "\n", + "def _bind_ith_exec(self, i, data_shapes, label_shapes, shared_group):\n", + "\n", + "def _sliced_shape(self, shapes, i, major_axis):\n", + "\n", + "def parse_class_names(args):\n", + "\n", + "def _has_instance(data, dtype):\n", + "\n", + "def _getdata_by_idx(data, idx):\n", + "\n", + "def get_mobilenet(multiplier, pretrained=False, ctx=cpu(),\n", + "\n", + "def get(self, name, hint):\n", + "\n", + "def draw(self, true_classes):\n", + "\n", + "def get_inception_score(images, splits=10):\n", + "\n", + "def load_param(params, ctx=None):\n", + "\n", + "def rnn_unroll(cell, length, inputs=None, begin_state=None, input_prefix='', layout='NTC'):\n", + "\n", + "def save_rnn_checkpoint(cells, prefix, epoch, symbol, arg_params, aux_params):\n", + "\n", + "def load_rnn_checkpoint(cells, prefix, epoch):\n", + "\n", + "def do_rnn_checkpoint(cells, prefix, period=1):\n", + "\n", + " def _callback(iter_no, sym=None, arg=None, aux=None):\n", + "\n", + "def hybridize(self, active=True, **kwargs):\n", + "\n", + "def read_img(path):\n", + "\n", + "def lstm_init_states(batch_size):\n", + "\n", + "def load_module(prefix, epoch, data_names, data_shapes):\n", + "\n", + "def main():\n", + "\n", + "def bbox_flip(bbox, width, flip_x=False):\n", + "\n", + "def bbox_overlaps(boxes, query_boxes):\n", + "\n", + "def clip_boxes(boxes, im_shape):\n", + "\n", + "def bbox_transform(ex_rois, gt_rois, box_stds):\n", + "\n", + "def bbox_pred(boxes, box_deltas, box_stds):\n", + "\n", + "def nms(dets, thresh):\n", + "\n", + "def im_detect(rois, scores, bbox_deltas, im_info,\n", + "\n", + "def c_str(string):\n", + "\n", + "def _find_lib_path():\n", + "\n", + "def _load_lib():\n", + "\n", + "def load_ndarray_file(nd_bytes):\n", + "\n", + "def forward(self, **kwargs):\n", + "\n", + "def reshape(self, input_shapes):\n", + "\n", + "def get_output(self, index):\n", + "\n", + "def begin_episode(self, max_episode_step=DEFAULT_MAX_EPISODE_STEP):\n", + "\n", + "def reset(self):\n", + "\n", + "def begin_state(self, batch_size=0, func=ndarray.zeros, **kwargs):\n", + "\n", + "def unroll(self, length, inputs, begin_state=None, layout='NTC', merge_outputs=None,\n", + "\n", + "def _get_activation(self, F, inputs, activation, **kwargs):\n", + "\n", + "def forward(self, inputs, states):\n", + "\n", + "def _check_input_names(symbol, names, typename, throw):\n", + "\n", + "def _check_names_match(data_names, data_shapes, name, throw):\n", + "\n", + "def _parse_data_desc(data_names, label_names, data_shapes, label_shapes):\n", + "\n", + "def forward_backward(self, data_batch):\n", + "\n", + "def score(self, eval_data, eval_metric, num_batch=None, batch_end_callback=None,\n", + "\n", + "def iter_predict(self, eval_data, num_batch=None, reset=True, sparse_row_id_fn=None):\n", + "\n", + "def predict(self, eval_data, num_batch=None, merge_batches=True, reset=True,\n", + "\n", + "def set_params(self, arg_params, aux_params, allow_missing=False, force_init=True,\n", + "\n", + "def save_params(self, fname):\n", + "\n", + "def load_params(self, fname):\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def find_lib_path():\n", + "\n", + "def find_include_path():\n", + "\n", + "def image(self, captcha_str):\n", + "\n", + "def get_rand(num_digit_min, num_digit_max):\n", + "\n", + "def _gen_sample(self):\n", + "\n", + "def register(klass):\n", + "\n", + "def create_optimizer(name, **kwargs):\n", + "\n", + "def create_state_multi_precision(self, index, weight):\n", + "\n", + "def update_multi_precision(self, index, weight, grad, state):\n", + "\n", + "def set_lr_mult(self, args_lr_mult):\n", + "\n", + "def set_wd_mult(self, args_wd_mult):\n", + "\n", + "def _set_current_context(self, device_id):\n", + "\n", + "def _update_count(self, index):\n", + "\n", + "def _get_lrs(self, indices):\n", + "\n", + "def _get_wds(self, indices):\n", + "\n", + "def sync_state_context(self, state, context):\n", + "\n", + "def set_states(self, states):\n", + "\n", + "def get_states(self, dump_optimizer=False):\n", + "\n", + "def preprocess(from_idx, to_idx, _params):\n", + "\n", + "def from_frames(self, path):\n", + "\n", + "def from_video(self, path):\n", + "\n", + "def handle_type(self, frames):\n", + "\n", + "def process_frames_face(self, frames):\n", + "\n", + "def process_frames_mouth(self, frames):\n", + "\n", + "def get_frames_mouth(self, detector, predictor, frames):\n", + "\n", + "def get_video_frames(self, path):\n", + "\n", + "def set_data(self, frames):\n", + "\n", + "def reset(self):\n", + "\n", + "def next(self):\n", + "\n", + "def subtract_imagenet_mean_preprocess_batch(batch):\n", + "\n", + "def imagenet_clamp_batch(batch, low, high):\n", + "\n", + "def create_network(batch_size, update_freq):\n", + "\n", + "def evaluate_accuracy(data_iterator, net):\n", + "\n", + "def train(train_dir=None, train_csv=None, epochs=30, batch_size=32):\n", + "\n", + "def set_bulk_size(size):\n", + "\n", + "def applyLM(parentBeam, childBeam, classes, lm):\n", + "\n", + "def addBeam(beamState, labeling):\n", + "\n", + "def ctcBeamSearch(mat, classes, lm, k, beamWidth):\n", + "\n", + "def norm(self):\n", + "\n", + "def sort(self):\n", + "\n", + "def get_loc(data, attr={'lr_mult':'0.01'}):\n", + "\n", + "def get_detector(net, prefix, epoch, data_shape, mean_pixels, ctx, num_class,\n", + "\n", + "def parse_class_names(class_names):\n", + "\n", + "def parse_data_shape(data_shape_str):\n", + "\n", + "def get_lenet():\n", + "\n", + "def CRPS(label, pred):\n", + "\n", + "def encode_label(label_data):\n", + "\n", + "def _load_annotation(self, _coco, coco_ind_to_class_ind, index):\n", + "\n", + "def _write_coco_results(self, _coco, detections):\n", + "\n", + "def rand_zipfian(true_classes, num_sampled, range_max, ctx=None):\n", + "\n", + "def foreach(body, data, init_states):\n", + "\n", + " def check_input(inputs, in_type, msg):\n", + "\n", + "def while_loop(cond, func, loop_vars, max_iterations=None):\n", + "\n", + " def _to_python_scalar(inputs, type_, name):\n", + "\n", + " def _func_wrapper(loop_vars):\n", + "\n", + "def cond(pred, then_func, else_func):\n", + "\n", + " def _to_python_scalar(inputs, type_, name):\n", + "\n", + "def isfinite(data):\n", + "\n", + "def vanilla_lstm(num_hidden, indata, prev_state, param, seqidx, layeridx, is_batchnorm=False, gamma=None, beta=None, name=None):\n", + "\n", + "def lstm(num_hidden, indata, prev_state, param, seqidx, layeridx, dropout=0., num_hidden_proj=0, is_batchnorm=False,\n", + "\n", + "def get_image(roi_rec, short, max_size, mean, std):\n", + "\n", + "def imdecode(image_path):\n", + "\n", + "def resize(im, short, max_size):\n", + "\n", + "def transform(im, mean, std):\n", + "\n", + "def transform_inverse(im_tensor, mean, std):\n", + "\n", + "def tensor_vstack(tensor_list, pad=0):\n", + "\n", + "def get_distance_matrix(x):\n", + "\n", + "def evaluate_emb(emb, labels):\n", + "\n", + "def get_lr(lr, epoch, steps, factor):\n", + "\n", + "def train(epochs, ctx):\n", + "\n", + "def _lstm_unroll_base(num_lstm_layer, seq_len, num_hidden):\n", + "\n", + "def _add_warp_ctc_loss(pred, seq_len, num_label, label):\n", + "\n", + "def _add_mxnet_ctc_loss(pred, seq_len, label):\n", + "\n", + "def _add_ctc_loss(pred, seq_len, num_label, loss_type):\n", + "\n", + "def lstm_unroll(num_lstm_layer, seq_len, num_hidden, num_label, loss_type=None):\n", + "\n", + "def init_states(batch_size, num_lstm_layer, num_hidden):\n", + "\n", + "def _imperative_invoke(handle, ndargs, keys, vals, out):\n", + "\n", + "def set_is_training(is_train):\n", + "\n", + "def backward(outputs, out_grads=None, retain_graph=False):\n", + "\n", + "def grad_and_loss(func, argnum=None):\n", + "\n", + " def wrapped(*args):\n", + "\n", + "def grad(func, argnum=None):\n", + "\n", + " def wrapped(*args):\n", + "\n", + "def split_data(data, num_slice, batch_axis=0, even_split=True):\n", + "\n", + "def split_and_load(data, ctx_list, batch_axis=0, even_split=True):\n", + "\n", + "def clip_global_norm(arrays, max_norm, check_isfinite=True):\n", + "\n", + " def _norm(array):\n", + "\n", + "def _indent(s_, numSpaces):\n", + "\n", + "def check_sha1(filename, sha1_hash):\n", + "\n", + "def download(url, path=None, overwrite=False, sha1_hash=None, retries=5, verify_ssl=True):\n", + "\n", + "def _get_repo_url():\n", + "\n", + "def _get_repo_file_url(namespace, filename):\n", + "\n", + "def _brief_print_list(lst, limit=7):\n", + "\n", + "def _make_symbol_function(handle, name, func_name):\n", + "\n", + "def batch_row_ids(data_batch):\n", + "\n", + "def all_row_ids(data_batch):\n", + "\n", + "def convert_model(prototxt_fname, caffemodel_fname, output_prefix=None):\n", + "\n", + "def _parse_proto(prototxt_fname):\n", + "\n", + "def convert_symbol(prototxt_fname):\n", + "\n", + "def get_vgg(num_layers, pretrained=False, ctx=cpu(),\n", + "\n", + "def check_with_uniform(uf, arg_shapes, dim=None, npuf=None, rmin=-10, type_list=[np.float32]):\n", + "\n", + "def filter_roidb(self):\n", + "\n", + "def append_flipped_images(self):\n", + "\n", + "def get_model_file(name, root=os.path.join(base.data_dir(), 'models')):\n", + "\n", + "def purge(root=os.path.join(base.data_dir(), 'models')):\n", + "\n", + "def image_path_from_index(self, index):\n", + "\n", + "def _load_all(self, anno_file, shuffle):\n", + "\n", + "def init_params(self, initializer=mx.init.Uniform(0.01), **kwargs):\n", + "\n", + "def forward(self, data_batch, is_train=None, carry_state=True):\n", + "\n", + "def update(self, max_norm=None):\n", + "\n", + "def _clip_by_global_norm(self, max_norm):\n", + "\n", + "def visual(title, X, name):\n", + "\n", + "def transformer(data, label):\n", + "\n", + "def get_dataset(dataset_name):\n", + "\n", + "def get_netG():\n", + "\n", + "def get_netD():\n", + "\n", + "def get_configurations(netG, netD):\n", + "\n", + "def main():\n", + "\n", + "def getLogger(name=None, filename=None, filemode=None, level=WARNING):\n", + "\n", + "def get_logger(name=None, filename=None, filemode=None, level=WARNING):\n", + "\n", + "def transformer(data, label):\n", + "\n", + "def get_training_data(batch_size):\n", + "\n", + "def get_resnet(version, num_layers, pretrained=False, ctx=cpu(),\n", + "\n", + "def _random_helper(random, sampler, params, shape, dtype, kwargs):\n", + "\n", + "def poisson(lam=1, shape=_Null, dtype=_Null, **kwargs):\n", + "\n", + "def generalized_negative_binomial(mu=1, alpha=1, shape=_Null, dtype=_Null, **kwargs):\n", + "\n", + "def multinomial(data, shape=_Null, get_prob=True, dtype='int32', **kwargs):\n", + "\n", + "def get_symbol_train(num_classes=20, nms_thresh=0.5, force_suppress=False,\n", + "\n", + "def get_symbol(num_classes=20, nms_thresh=0.5, force_suppress=False,\n", + "\n", + "def load(prefix, epoch, load_optimizer_states=False, **kwargs):\n", + "\n", + "def save_checkpoint(self, prefix, epoch, save_optimizer_states=False):\n", + "\n", + "def _reset_bind(self):\n", + "\n", + "def get_params(self):\n", + "\n", + "def init_params(self, initializer=Uniform(0.01), arg_params=None, aux_params=None,\n", + "\n", + " def _impl(name, arr, cache):\n", + "\n", + "def set_params(self, arg_params, aux_params, allow_missing=False, force_init=True,\n", + "\n", + "def bind(self, data_shapes, label_shapes=None, for_training=True,\n", + "\n", + "def reshape(self, data_shapes, label_shapes=None):\n", + "\n", + "def init_optimizer(self, kvstore='local', optimizer='sgd',\n", + "\n", + "def borrow_optimizer(self, shared_module):\n", + "\n", + "def forward(self, data_batch, is_train=None):\n", + "\n", + "def backward(self, out_grads=None):\n", + "\n", + "def update(self):\n", + "\n", + "def get_outputs(self, merge_multi_context=True):\n", + "\n", + "def get_input_grads(self, merge_multi_context=True):\n", + "\n", + "def get_states(self, merge_multi_context=True):\n", + "\n", + "def update_metric(self, eval_metric, labels, pre_sliced=False):\n", + "\n", + "def _sync_params_from_devices(self):\n", + "\n", + "def save_optimizer_states(self, fname):\n", + "\n", + "def load_optimizer_states(self, fname):\n", + "\n", + "def prepare(self, data_batch, sparse_row_id_fn=None):\n", + "\n", + "def _random_helper(random, sampler, params, shape, dtype, ctx, out, kwargs):\n", + "\n", + "def uniform(low=0, high=1, shape=_Null, dtype=_Null, ctx=None, out=None, **kwargs):\n", + "\n", + "def normal(loc=0, scale=1, shape=_Null, dtype=_Null, ctx=None, out=None, **kwargs):\n", + "\n", + "def randn(*shape, **kwargs):\n", + "\n", + "def exponential(scale=1, shape=_Null, dtype=_Null, ctx=None, out=None, **kwargs):\n", + "\n", + "def gamma(alpha=1, beta=1, shape=_Null, dtype=_Null, ctx=None, out=None, **kwargs):\n", + "\n", + "def negative_binomial(k=1, p=1, shape=_Null, dtype=_Null, ctx=None,\n", + "\n", + "def multinomial(data, shape=_Null, get_prob=False, out=None, dtype='int32', **kwargs):\n", + "\n", + "def randint(low, high, shape=_Null, dtype=_Null, ctx=None, out=None, **kwargs):\n", + "\n", + "def preprocess_uci_adult(data_name):\n", + "\n", + "def _init_params(self):\n", + "\n", + "def _reset_kvstore(self):\n", + "\n", + "def _init_kvstore(self):\n", + "\n", + "def set_learning_rate(self, lr):\n", + "\n", + "def _row_sparse_pull(self, parameter, out, row_id, full_idx=False):\n", + "\n", + "def step(self, batch_size, ignore_stale_grad=False):\n", + "\n", + "def allreduce_grads(self):\n", + "\n", + "def update(self, batch_size, ignore_stale_grad=False):\n", + "\n", + "def save_states(self, fname):\n", + "\n", + "def load_states(self, fname):\n", + "\n", + "def estimate_density(DATA_PATH, feature_size):\n", + "\n", + "def exec_cmd(cmd, role, taskid, pass_env):\n", + "\n", + "def submit(args):\n", + "\n", + " def mthread_submit(nworker, nserver, envs):\n", + "\n", + "def ctc_label(p):\n", + "\n", + "def _remove_blank(l):\n", + "\n", + "def _lcs(p, l):\n", + "\n", + "def accuracy(self, label, pred):\n", + "\n", + "def accuracy_lcs(self, label, pred):\n", + "\n", + "def get_movielens_iter(filename, batch_size):\n", + "\n", + "def imdecode(str_img, flag=1):\n", + "\n", + "def resize(src, size, interpolation=cv2.INTER_LINEAR):\n", + "\n", + "def copyMakeBorder(src, top, bot, left, right, border_type=cv2.BORDER_CONSTANT, value=0):\n", + "\n", + "def fixed_crop(src, x0, y0, w, h, size=None, interpolation=cv2.INTER_CUBIC):\n", + "\n", + "def random_crop(src, size):\n", + "\n", + "def random_size_crop(src, size, min_area=0.25, ratio=(3.0/4.0, 4.0/3.0)):\n", + "\n", + "def next(self):\n", + "\n", + "def check_label_shapes(labels, preds, shape=0):\n", + "\n", + "def import_to_gluon(model_file, ctx):\n", + "\n", + "def get_model(model, ctx, opt):\n", + "\n", + "def get_data_iters(dataset, batch_size, opt):\n", + "\n", + "def update_learning_rate(lr, trainer, epoch, ratio, steps):\n", + "\n", + "def seed(seed_state, ctx=\"all\"):\n", + "\n", + "def random_uniform(attrs, inputs, proto_obj):\n", + "\n", + "def random_normal(attrs, inputs, proto_obj):\n", + "\n", + "def add(attrs, inputs, proto_obj):\n", + "\n", + "def mean(attrs, inputs, proto_obj):\n", + "\n", + "def argmax(attrs, inputs, proto_obj):\n", + "\n", + "def argmin(attrs, inputs, proto_obj):\n", + "\n", + "def maximum(attrs, inputs, proto_obj):\n", + "\n", + "def minimum(attrs, inputs, proto_obj):\n", + "\n", + "def concat(attrs, inputs, proto_obj):\n", + "\n", + "def pad(attrs, inputs, proto_obj):\n", + "\n", + "def batch_norm(attrs, inputs, proto_obj):\n", + "\n", + "def instance_norm(attrs, inputs, proto_obj):\n", + "\n", + "def leaky_relu(attrs, inputs, proto_obj):\n", + "\n", + "def _elu(attrs, inputs, proto_obj):\n", + "\n", + "def _prelu(attrs, inputs, proto_obj):\n", + "\n", + "def _selu(attrs, inputs, proto_obj):\n", + "\n", + "def softmax(attrs, inputs, proto_obj):\n", + "\n", + "def softplus(attrs, inputs, proto_obj):\n", + "\n", + "def conv(attrs, inputs, proto_obj):\n", + "\n", + "def deconv(attrs, inputs, proto_obj):\n", + "\n", + "def fully_connected(attrs, inputs, proto_obj):\n", + "\n", + "def global_maxpooling(attrs, inputs, proto_obj):\n", + "\n", + "def global_avgpooling(attrs, inputs, proto_obj):\n", + "\n", + "def global_lppooling(attrs, inputs, proto_obj):\n", + "\n", + "def linalg_gemm(attrs, inputs, proto_obj):\n", + "\n", + "def local_response_norm(attrs, inputs, proto_obj):\n", + "\n", + "def dropout(attrs, inputs, proto_obj):\n", + "\n", + "def reshape(attrs, inputs, proto_obj):\n", + "\n", + "def cast(attrs, inputs, proto_obj):\n", + "\n", + "def split(attrs, inputs, proto_obj):\n", + "\n", + "def _slice(attrs, inputs, proto_obj):\n", + "\n", + "def transpose(attrs, inputs, proto_obj):\n", + "\n", + "def squeeze(attrs, inputs, proto_obj):\n", + "\n", + "def unsqueeze(attrs, inputs, cls):\n", + "\n", + "def flatten(attrs, inputs, proto_obj):\n", + "\n", + "def clip(attrs, inputs, proto_obj):\n", + "\n", + "def power(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_max(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_mean(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_min(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_sum(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_prod(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_log_sum(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_log_sum_exp(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_sum_square(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_l1(attrs, inputs, proto_obj):\n", + "\n", + "def reduce_l2(attrs, inputs, proto_obj):\n", + "\n", + "def avg_pooling(attrs, inputs, proto_obj):\n", + "\n", + "def lp_pooling(attrs, inputs, proto_obj):\n", + "\n", + "def max_roi_pooling(attrs, inputs, proto_obj):\n", + "\n", + "def depthtospace(attrs, inputs, proto_obj):\n", + "\n", + "def spacetodepth(attrs, inputs, proto_obj):\n", + "\n", + "def hardmax(attrs, inputs, proto_obj):\n", + "\n", + "def lpnormalization(attrs, inputs, proto_obj):\n", + "\n", + "def download_mp4(from_idx, to_idx, _params):\n", + "\n", + "def download_align(from_idx, to_idx, _params):\n", + "\n", + "def run_ut_py3_qemu():\n", + "\n", + "def run_ut_python3_qemu_internal():\n", + "\n", + "def _get_subword_units(token, gram):\n", + "\n", + "def fit(args, network, data_loader, eval_metrics=None, batch_end_callback=None):\n", + "\n", + "def preprocess(self, img):\n", + "\n", + "def _new_empty_handle():\n", + "\n", + "def _new_alloc_handle(shape, ctx, delay_alloc, dtype=mx_real_t):\n", + "\n", + "def _get_indexing_dispatch_code(key):\n", + "\n", + "def _get_index_range(start, stop, length, step=1):\n", + "\n", + "def _get_oshape_of_gather_nd_op(dshape, ishape):\n", + "\n", + "def _get_dim_size(start, stop, step):\n", + "\n", + "def _get_broadcast_shape(shape1, shape2):\n", + "\n", + "def ones(shape, ctx=None, dtype=None, **kwargs):\n", + "\n", + "def full(shape, val, ctx=None, dtype=mx_real_t, out=None):\n", + "\n", + "def array(source_array, ctx=None, dtype=None):\n", + "\n", + "def moveaxis(tensor, source, destination):\n", + "\n", + "def arange(start, stop=None, step=1.0, repeat=1, infer_range=None, ctx=None, dtype=mx_real_t):\n", + "\n", + "def _ufunc_helper(lhs, rhs, fn_array, fn_scalar, lfn_scalar, rfn_scalar=None):\n", + "\n", + "def add(lhs, rhs):\n", + "\n", + "def subtract(lhs, rhs):\n", + "\n", + "def multiply(lhs, rhs):\n", + "\n", + "def divide(lhs, rhs):\n", + "\n", + "def modulo(lhs, rhs):\n", + "\n", + "def power(base, exp):\n", + "\n", + "def maximum(lhs, rhs):\n", + "\n", + "def minimum(lhs, rhs):\n", + "\n", + "def equal(lhs, rhs):\n", + "\n", + "def not_equal(lhs, rhs):\n", + "\n", + "def greater(lhs, rhs):\n", + "\n", + "def greater_equal(lhs, rhs):\n", + "\n", + "def lesser(lhs, rhs):\n", + "\n", + "def lesser_equal(lhs, rhs):\n", + "\n", + "def logical_and(lhs, rhs):\n", + "\n", + "def logical_or(lhs, rhs):\n", + "\n", + "def logical_xor(lhs, rhs):\n", + "\n", + "def concatenate(arrays, axis=0, always_copy=True):\n", + "\n", + "def imdecode(str_img, clip_rect=(0, 0, 0, 0), out=None, index=0, channels=3, mean=None):\n", + "\n", + "def zeros(shape, ctx=None, dtype=None, **kwargs):\n", + "\n", + "def eye(N, M=0, k=0, ctx=None, dtype=None, **kwargs):\n", + "\n", + "def empty(shape, ctx=None, dtype=None):\n", + "\n", + "def histogram(a, bins=10, range=None):\n", + "\n", + "def split_v2(ary, indices_or_sections, axis=0, squeeze_axis=False):\n", + "\n", + "def to_dlpack_for_read(data):\n", + "\n", + "def to_dlpack_for_write(data):\n", + "\n", + "def from_dlpack(dlpack):\n", + "\n", + "def from_numpy(ndarray, zero_copy=True):\n", + "\n", + " def _make_manager_ctx(obj):\n", + "\n", + " def _make_dl_tensor(array):\n", + "\n", + " def _make_dl_managed_tensor(array):\n", + "\n", + "def _get_index_nd(self, key):\n", + "\n", + " def _is_advanced_index(index):\n", + "\n", + "def _prepare_value_nd(self, value, vshape):\n", + "\n", + "def _set_nd_basic_indexing(self, key, value):\n", + "\n", + "def _set_nd_advanced_indexing(self, key, value):\n", + "\n", + "def _get_nd_basic_indexing(self, key):\n", + "\n", + "def _sync_copyfrom(self, source_array):\n", + "\n", + "def _slice(self, start, stop):\n", + "\n", + "def _at(self, idx):\n", + "\n", + "def reshape(self, *shape, **kwargs):\n", + "\n", + "def broadcast_to(self, shape):\n", + "\n", + "def shape(self):\n", + "\n", + "def context(self):\n", + "\n", + "def dtype(self):\n", + "\n", + "def _fresh_grad(self):\n", + "\n", + "def asnumpy(self):\n", + "\n", + "def astype(self, dtype, copy=True):\n", + "\n", + "def copyto(self, other):\n", + "\n", + "def as_in_context(self, context):\n", + "\n", + "def attach_grad(self, grad_req='write', stype=None):\n", + "\n", + "def grad(self):\n", + "\n", + "def detach(self):\n", + "\n", + "def backward(self, out_grad=None, retain_graph=False, train_mode=True):\n", + "\n", + "def build(self, align_path):\n", + "\n", + "def sentence(self, padding=75):\n", + "\n", + "def word(self, _id, padding=75):\n", + "\n", + "def word_frame_pos(self, _id):\n", + "\n", + "def prepare_sparse_params(self, param_rowids):\n", + "\n", + "def save_params(self, fname):\n", + "\n", + "def get_params_from_kv(self, arg_params, aux_params):\n", + "\n", + "def clip_by_global_norm_per_ctx(self, max_norm=1.0, param_names=None):\n", + "\n", + "def rescale_grad(self, scale=None, param_name=None):\n", + "\n", + "def factorization_machine_model(factor_size, num_features,\n", + "\n", + "def batchify(data, batch_size):\n", + "\n", + "def tokenize(self, path):\n", + "\n", + "def _build_doc(func_name,\n", + "\n", + "def get_output_shape(sym, **input_shapes):\n", + "\n", + "def num_gpus():\n", + "\n", + "def gpu_memory_info(device_id=0):\n", + "\n", + "def current_context():\n", + "\n", + "def _list_audio_files(self, root, skip_rows=0):\n", + "\n", + "def transform_first(self, fn, lazy=False):\n", + "\n", + "def config_cython():\n", + "\n", + "def _compose(self, *args, **kwargs):\n", + "\n", + "def _set_attr(self, **kwargs):\n", + "\n", + "def get_config(network, data_shape, **kwargs):\n", + "\n", + "def get_symbol_train(network, data_shape, **kwargs):\n", + "\n", + "def _set_trainer(self, trainer):\n", + "\n", + "def _get_row_sparse(self, arr_list, ctx, row_id):\n", + "\n", + "def _load_init(self, data, ctx):\n", + "\n", + "def _finish_deferred_init(self):\n", + "\n", + "def _init_impl(self, data, ctx_list):\n", + "\n", + "def _init_grad(self):\n", + "\n", + "def _reduce(self):\n", + "\n", + "def initialize(self, init=None, ctx=None, default_init=initializer.Uniform(),\n", + "\n", + "def reset_ctx(self, ctx):\n", + "\n", + "def set_data(self, data):\n", + "\n", + "def row_sparse_data(self, row_id):\n", + "\n", + "def list_row_sparse_data(self, row_id):\n", + "\n", + "def data(self, ctx=None):\n", + "\n", + "def list_data(self):\n", + "\n", + "def grad(self, ctx=None):\n", + "\n", + "def list_grad(self):\n", + "\n", + "def list_ctx(self):\n", + "\n", + "def zero_grad(self):\n", + "\n", + "def var(self):\n", + "\n", + "def cast(self, dtype):\n", + "\n", + "def get(self, name, **kwargs):\n", + "\n", + "def get_constant(self, name, value=None):\n", + "\n", + "def update(self, other):\n", + "\n", + "def initialize(self, init=initializer.Uniform(), ctx=None, verbose=False,\n", + "\n", + "def setattr(self, name, value):\n", + "\n", + "def save(self, filename, strip_prefix=''):\n", + "\n", + "def load(self, filename, ctx=None, allow_missing=False,\n", + "\n", + "def _make_torch_function(handle):\n", + "\n", + " def generic_torch_function(*args, **kwargs):\n", + "\n", + "def _init_torch_module():\n", + "\n", + "def inception_v3(pretrained=False, ctx=cpu(),\n", + "\n", + "def pack(header, s):\n", + "\n", + "def unpack(s):\n", + "\n", + "def unpack_img(s, iscolor=-1):\n", + "\n", + "def pack_img(header, img, quality=95, img_fmt='.jpg'):\n", + "\n", + "def open(self):\n", + "\n", + "def _check_pid(self, allow_reset=False):\n", + "\n", + "def close(self):\n", + "\n", + "def write(self, buf):\n", + "\n", + "def read(self):\n", + "\n", + "def close(self):\n", + "\n", + "def seek(self, idx):\n", + "\n", + "def tell(self):\n", + "\n", + "def write_idx(self, idx, buf):\n", + "\n", + "def _add_new_columns(dataframe, metrics):\n", + "\n", + "def args_wrapper(*args):\n", + "\n", + "def append_metrics(self, metrics, df_name):\n", + "\n", + "def train_cb(self, param):\n", + "\n", + "def _process_batch(self, param, dataframe):\n", + "\n", + "def epoch_cb(self):\n", + "\n", + "def _push_render(self):\n", + "\n", + "def _process_batch(self, param, df_name):\n", + "\n", + "def build_vocab(nested_list):\n", + "\n", + "def build_iters(data_dir, max_records, train_fraction, batch_size, buckets=None):\n", + "\n", + "def sym_gen(seq_len):\n", + "\n", + "def rand_zipfian(true_classes, num_sampled, range_max):\n", + "\n", + "def foreach(body, data, init_states, name=\"foreach\"):\n", + "\n", + "def while_loop(cond, func, loop_vars, max_iterations=None, name=\"while_loop\"):\n", + "\n", + " def _to_python_scalar(inputs, type_, name):\n", + "\n", + " def _cond_wrapper(loop_vars):\n", + "\n", + " def _func_wrapper(loop_vars):\n", + "\n", + " def _create_subgraph(graph_vars, graph_func, subgraph_name):\n", + "\n", + " def _union_inputs(*graphs):\n", + "\n", + "def cond(pred, then_func, else_func, name=\"cond\"):\n", + "\n", + " def _create_subgraph(graph_vars, graph_func, subgraph_name):\n", + "\n", + " def _union_inputs(*graphs):\n", + "\n", + "def _index_unknown_and_reserved_tokens(self, unknown_token, reserved_tokens):\n", + "\n", + "def _index_counter_keys(self, counter, unknown_token, reserved_tokens, most_freq_count,\n", + "\n", + "def to_indices(self, tokens):\n", + "\n", + "def to_tokens(self, indices):\n", + "\n", + "def _make_io_iterator(handle):\n", + "\n", + " def creator(*args, **kwargs):\n", + "\n", + "def _init_io_module():\n", + "\n", + "def get_list(shapes, types):\n", + "\n", + "def next(self):\n", + "\n", + "def hard_reset(self):\n", + "\n", + "def reset(self):\n", + "\n", + "def iter_next(self):\n", + "\n", + "def next(self):\n", + "\n", + "def _getdata(self, data_source, start=None, end=None):\n", + "\n", + "def _concat(self, first_data, second_data):\n", + "\n", + "def _batchify(self, data_source):\n", + "\n", + "def getpad(self):\n", + "\n", + "def _shuffle_data(self):\n", + "\n", + "def _quantize_params(qsym, params, th_dict):\n", + "\n", + "def _quantize_symbol(sym, excluded_symbols=None, offline_params=None, quantized_dtype='int8'):\n", + "\n", + "def _calibrate_quantized_sym(qsym, th_dict):\n", + "\n", + "def _collect_layer_output_min_max(mod, data, include_layer=None,\n", + "\n", + "def _collect_layer_outputs(mod, data, include_layer=None, max_num_examples=None, logger=None):\n", + "\n", + "def _smooth_distribution(p, eps=0.0001):\n", + "\n", + "def _get_optimal_threshold(arr, quantized_dtype, num_bins=8001, num_quantized_bins=255):\n", + "\n", + "def _get_optimal_thresholds(nd_dict, quantized_dtype, num_bins=8001, num_quantized_bins=255, logger=None):\n", + "\n", + "def _load_sym(sym, logger=logging):\n", + "\n", + "def _load_params(params, logger=logging):\n", + "\n", + "def quantize_model(sym, arg_params, aux_params,\n", + "\n", + "def collect(self, name, arr):\n", + "\n", + "def collect(self, name, arr):\n", + "\n", + "def encoder(nef, z_dim, batch_size, no_bias=True, fix_gamma=True, eps=1e-5 + 1e-12):\n", + "\n", + "def generator(ngf, nc, no_bias=True, fix_gamma=True, eps=1e-5 + 1e-12, z_dim=100, activation='sigmoid'):\n", + "\n", + "def discriminator1(ndf, no_bias=True, fix_gamma=True, eps=1e-5 + 1e-12):\n", + "\n", + "def discriminator2(ndf, no_bias=True, fix_gamma=True, eps=1e-5 + 1e-12):\n", + "\n", + "def GaussianLogDensity(x, mu, log_var, name='GaussianLogDensity', EPSILON = 1e-6):\n", + "\n", + "def DiscriminatorLayerLoss():\n", + "\n", + "def KLDivergenceLoss():\n", + "\n", + "def get_data(path, activation):\n", + "\n", + "def fill_buf(buf, i, img, shape):\n", + "\n", + "def visual(title, X, activation):\n", + "\n", + "def train(dataset, nef, ndf, ngf, nc, batch_size, Z, lr, beta1, epsilon, ctx, check_point, g_dl_weight, output_path, checkpoint_path, data_path, activation,num_epoch, save_after_every, visualize_after_every, show_after_every):\n", + "\n", + " def norm_stat(d):\n", + "\n", + " def facc(label, pred):\n", + "\n", + " def fentropy(label, pred):\n", + "\n", + " def kldivergence(label, pred):\n", + "\n", + "def create_and_validate_dir(data_dir):\n", + "\n", + "def parse_args():\n", + "\n", + "def get_rmse_log(net, X_train, y_train):\n", + "\n", + "def get_net():\n", + "\n", + "def train(net, X_train, y_train, epochs, verbose_epoch, learning_rate,\n", + "\n", + "def k_fold_cross_valid(k, epochs, verbose_epoch, X_train, y_train,\n", + "\n", + "def learn(epochs, verbose_epoch, X_train, y_train, test, learning_rate,\n", + "\n", + "def capsnet(batch_size, n_class, num_routing, recon_loss_weight):\n", + "\n", + "def do_training(num_epoch, optimizer, kvstore, learning_rate, model_prefix, decay):\n", + "\n", + "def _shuffle(data, idx):\n", + "\n", + "def update(self, labels, preds):\n", + "\n", + "def reset(self):\n", + "\n", + "def next(self):\n", + "\n", + "def get(self, attr):\n", + "\n", + "def _create_sparse_kvstore(kvstore):\n", + "\n", + "def _create_kvstore(kvstore, num_device, arg_params):\n", + "\n", + "def _initialize_kvstore(kvstore, param_arrays, arg_params, param_names, update_on_kvstore):\n", + "\n", + "def _update_params_on_kvstore_nccl(param_arrays, grad_arrays, kvstore, param_names):\n", + "\n", + "def _update_params_on_kvstore(param_arrays, grad_arrays, kvstore, param_names):\n", + "\n", + "def _update_params(param_arrays, grad_arrays, updater, num_device,\n", + "\n", + "def _multiple_callbacks(callbacks, *args, **kwargs):\n", + "\n", + "def _train_multi_device(symbol, ctx, arg_names, param_names, aux_names,\n", + "\n", + "def save_checkpoint(prefix, epoch, symbol, arg_params, aux_params):\n", + "\n", + "def load_checkpoint(prefix, epoch):\n", + "\n", + "def _check_arguments(self):\n", + "\n", + "def _init_params(self, inputs, overwrite=False):\n", + "\n", + "def _init_predictor(self, input_shapes, type_dict=None):\n", + "\n", + "def _init_iter(self, X, y, is_train):\n", + "\n", + "def _init_eval_iter(self, eval_data):\n", + "\n", + "def predict(self, X, num_batch=None, return_data=False, reset=True):\n", + "\n", + "def score(self, X, eval_metric='acc', num_batch=None, batch_end_callback=None, reset=True):\n", + "\n", + "def fit(self, X, y=None, eval_data=None, eval_metric='acc',\n", + "\n", + "def save(self, prefix, epoch=None):\n", + "\n", + "def load(prefix, epoch, ctx=None, **kwargs):\n", + "\n", + "def create(symbol, X, y=None, ctx=None,\n", + "\n", + "def build_save_containers(platforms, registry, load_cache) -> int:\n", + "\n", + "def _build_save_container(platform, registry, load_cache) -> Optional[str]:\n", + "\n", + "def _upload_image(registry, docker_tag, image_id) -> None:\n", + "\n", + "def _login_dockerhub():\n", + "\n", + "def load_docker_cache(registry, docker_tag) -> None:\n", + "\n", + "def delete_local_docker_cache(docker_tag):\n", + "\n", + "def main() -> int:\n", + "\n", + " def script_name() -> str:\n", + "\n", + "def get_chinese_text():\n", + "\n", + "def load_data_and_labels():\n", + "\n", + "def reset(self):\n", + "\n", + "def reset_local(self):\n", + "\n", + "def update(self, labels, preds):\n", + "\n", + "def get(self):\n", + "\n", + "def dqn_sym_nips(action_num, data=None, name='dqn'):\n", + "\n", + "def _monitor_callback_wrapper(callback):\n", + "\n", + " def callback_handle(name, array, _):\n", + "\n", + "def _get_dict(names, ndarrays):\n", + "\n", + "def _get_outputs(self):\n", + "\n", + "def forward(self, is_train=False, **kwargs):\n", + "\n", + "def backward(self, out_grads=None, is_train=True):\n", + "\n", + "def set_monitor_callback(self, callback, monitor_all=False):\n", + "\n", + "def arg_dict(self):\n", + "\n", + "def grad_dict(self):\n", + "\n", + "def aux_dict(self):\n", + "\n", + "def output_dict(self):\n", + "\n", + "def copy_params_from(self, arg_params, aux_params=None, allow_extra_params=False):\n", + "\n", + "def reshape(self, partial_shaping=False, allow_up_sizing=False, **kwargs):\n", + "\n", + "def debug_str(self):\n", + "\n", + "def parse_voc_rec(filename):\n", + "\n", + "def voc_eval(detpath, annopath, imageset_file, classname, cache_dir, ovthresh=0.5, use_07_metric=False):\n", + "\n", + "def register(op_name):\n", + "\n", + " def wrapper(func):\n", + "\n", + "def convert_layer(node, **kwargs):\n", + "\n", + "def split_params(sym, params):\n", + "\n", + "def get_outputs(sym, params, in_shape, in_label):\n", + "\n", + "def convert_weights_to_numpy(weights_dict):\n", + "\n", + "def create_onnx_graph_proto(self, sym, params, in_shape, in_type, verbose=False):\n", + "\n", + "def get_lr_scheduler(learning_rate, lr_refactor_step, lr_refactor_ratio,\n", + "\n", + "def train_net(net, train_path, num_classes, batch_size,\n", + "\n", + "def imagenet50(display=False, resolution=224):\n", + "\n", + "def boston(display=False):\n", + "\n", + "def imdb(display=False):\n", + "\n", + "def communitiesandcrime(display=False):\n", + "\n", + "def diabetes(display=False):\n", + "\n", + "def iris(display=False):\n", + "\n", + "def adult(display=False):\n", + "\n", + "def nhanesi(display=False):\n", + "\n", + "def cric(display=False):\n", + "\n", + "def corrgroups60(display=False):\n", + "\n", + "def independentlinear60(display=False):\n", + "\n", + "def rank():\n", + "\n", + "def batch_remove_retrain(nmask_train, nmask_test, X_train, y_train, X_test, y_test, attr_train, attr_test, model_generator, metric):\n", + "\n", + "def keep_retrain(nkeep, X_train, y_train, X_test, y_test, attr_test, model_generator, metric, trained_model, random_state):\n", + "\n", + "def keep_mask(nkeep, X_train, y_train, X_test, y_test, attr_test, model_generator, metric, trained_model, random_state):\n", + "\n", + "def keep_impute(nkeep, X_train, y_train, X_test, y_test, attr_test, model_generator, metric, trained_model, random_state):\n", + "\n", + "def keep_resample(nkeep, X_train, y_train, X_test, y_test, attr_test, model_generator, metric, trained_model, random_state):\n", + "\n", + "def local_accuracy(X_train, y_train, X_test, y_test, attr_test, model_generator, metric, trained_model):\n", + "\n", + "def const_rand(size, seed=23980):\n", + "\n", + "def const_shuffle(arr, seed=23980):\n", + "\n", + "def shap_values(self, X, **kwargs):\n", + "\n", + "def image_plot(shap_values, x, labels=None, show=True, width=20, aspect=0.2, hspace=0.2, labelpad=None):\n", + "\n", + "def hclust_ordering(X, metric=\"sqeuclidean\"):\n", + "\n", + "def approximate_interactions(index, shap_values, X, feature_names=None):\n", + "\n", + "def _human_score_map(human_consensus, methods_attrs):\n", + "\n", + "def draw_bars(out_value, features, feature_type, width_separators, width_bar):\n", + "\n", + "def format_data(data):\n", + "\n", + "def draw_additive_plot(data, figsize, show, text_rotation=0):\n", + "\n", + "def try_run_setup(**kwargs):\n", + "\n", + "def deeplift_grad(module, grad_input, grad_output):\n", + "\n", + "def add_interim_values(module, input, output):\n", + "\n", + "def get_target_input(module, input, output):\n", + "\n", + "def add_handles(self, model, forward_handle, backward_handle):\n", + "\n", + "def remove_attributes(self, model):\n", + "\n", + "def get_xgboost_json(model):\n", + "\n", + "def __dynamic_expected_value(self, y):\n", + "\n", + "def shap_values(self, X, y=None, tree_limit=None, approximate=False):\n", + "\n", + "def shap_interaction_values(self, X, y=None, tree_limit=None):\n", + "\n", + "def get_transform(self, model_output):\n", + "\n", + "def predict(self, X, y=None, output=\"margin\", tree_limit=None):\n", + "\n", + "def shap_values(self, X, nsamples=200, ranked_outputs=None, output_rank_order=\"max\", rseed=None):\n", + "\n", + "def force_plot(base_value, shap_values, features=None, feature_names=None, out_names=None, link=\"identity\",\n", + "\n", + "def save_html(out_file, plot_html):\n", + "\n", + "def tensors_blocked_by_false(ops):\n", + "\n", + " def recurse(op):\n", + "\n", + "def softmax(explainer, op, *grads):\n", + "\n", + "def _variable_inputs(self, op):\n", + "\n", + "def phi_symbolic(self, i):\n", + "\n", + "def run(self, out, model_inputs, X):\n", + "\n", + "def custom_grad(self, op, *grads):\n", + "\n", + "def run_remote_experiments(experiments, thread_hosts, rate_limit=10):\n", + "\n", + "def monitoring_plot(ind, shap_values, features, feature_names=None):\n", + "\n", + "def kmeans(X, k, round_values=True):\n", + "\n", + "def shap_values(self, X, **kwargs):\n", + "\n", + "def embedding_plot(ind, shap_values, feature_names=None, method=\"pca\", alpha=1.0, show=True):\n", + "\n", + "def dependence_plot(ind, shap_values, features, feature_names=None, display_features=None,\n", + "\n", + "def runtime(X, y, model_generator, method_name):\n", + "\n", + "def local_accuracy(X, y, model_generator, method_name):\n", + "\n", + " def score_map(true, pred):\n", + "\n", + " def score_function(X_train, X_test, y_train, y_test, attr_function, trained_model, random_state):\n", + "\n", + "def keep_negative_mask(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_absolute_mask__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_positive_mask(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_absolute_mask__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_negative_resample(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_absolute_resample__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_absolute_resample__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_positive_resample(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_absolute_resample__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_absolute_resample__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_negative_impute(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_absolute_impute__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_absolute_impute__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_positive_impute(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_absolute_impute__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_absolute_impute__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def keep_negative_retrain(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def remove_positive_retrain(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def batch_remove_absolute_retrain__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def batch_keep_absolute_retrain__r2(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def batch_remove_absolute_retrain__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def batch_keep_absolute_retrain__roc_auc(X, y, model_generator, method_name, num_fcounts=11):\n", + "\n", + "def __score_method(X, y, fcounts, model_generator, score_function, method_name, nreps=10, test_size=100, cache_dir=\"/tmp\"):\n", + "\n", + " def score(attr_function):\n", + "\n", + " def cached_attr_function(X_inner):\n", + "\n", + "def human_and_00(X, y, model_generator, method_name):\n", + "\n", + "def human_and_01(X, y, model_generator, method_name):\n", + "\n", + "def human_and_11(X, y, model_generator, method_name):\n", + "\n", + "def human_or_00(X, y, model_generator, method_name):\n", + "\n", + "def human_or_01(X, y, model_generator, method_name):\n", + "\n", + "def human_or_11(X, y, model_generator, method_name):\n", + "\n", + "def human_xor_00(X, y, model_generator, method_name):\n", + "\n", + "def human_xor_01(X, y, model_generator, method_name):\n", + "\n", + "def human_xor_11(X, y, model_generator, method_name):\n", + "\n", + "def human_sum_00(X, y, model_generator, method_name):\n", + "\n", + "def human_sum_01(X, y, model_generator, method_name):\n", + "\n", + "def human_sum_11(X, y, model_generator, method_name):\n", + "\n", + "def _estimate_transforms(self, nsamples):\n", + "\n", + "def shap_values(self, X):\n", + "\n", + "def independentlinear60__ffnn():\n", + "\n", + "def cric__lasso():\n", + "\n", + "def cric__ridge():\n", + "\n", + "def cric__decision_tree():\n", + "\n", + "def cric__random_forest():\n", + "\n", + "def cric__gbm():\n", + "\n", + "def human__decision_tree():\n", + "\n", + "def summary_plot(shap_values, features=None, feature_names=None, max_display=None, plot_type=\"dot\",\n", + "\n", + "def kernel_shap_1000_meanref(model, data):\n", + "\n", + "def sampling_shap_1000(model, data):\n", + "\n", + "def tree_shap_independent_200(model, data):\n", + "\n", + "def mean_abs_tree_shap(model, data):\n", + "\n", + " def f(X):\n", + "\n", + "def saabas(model, data):\n", + "\n", + "def lime_tabular_regression_1000(model, data):\n", + "\n", + "def deep_shap(model, data):\n", + "\n", + " def f(X):\n", + "\n", + "def expected_gradients(model, data):\n", + "\n", + " def f(X):\n", + "\n", + "def shap_values(self, X, ranked_outputs=None, output_rank_order='max'):\n", + "\n", + "def _agent_import_failed(trace):\n", + "\n", + " def _setup(self, config):\n", + "\n", + "def run(run_or_experiment,\n", + "\n", + "def run_experiments(experiments,\n", + "\n", + "def _flush(self, close=False):\n", + "\n", + "def get_preprocessor(space):\n", + "\n", + "def legacy_patch_shapes(space):\n", + "\n", + "def transform(self, observation):\n", + "\n", + "def get(self):\n", + "\n", + "def train(self):\n", + "\n", + "def delete_checkpoint(self, checkpoint_dir):\n", + "\n", + "def save(self, checkpoint_dir=None):\n", + "\n", + "def save_to_object(self):\n", + "\n", + "def restore(self, checkpoint_path):\n", + "\n", + "def restore_from_object(self, obj):\n", + "\n", + "def export_model(self, export_formats, export_dir=None):\n", + "\n", + "def value(self, t):\n", + "\n", + "def dump_json(json_info, json_file, overwrite=True):\n", + "\n", + "def parse_json(json_file):\n", + "\n", + "def parse_multiple_json(json_file, offset=None):\n", + "\n", + "def unicode2str(content):\n", + "\n", + "def loss(self, xs, ys):\n", + "\n", + "def grad(self, xs, ys):\n", + "\n", + "def build_data(data_path, size, dataset):\n", + "\n", + " def load_transform(value):\n", + "\n", + "def build_input(data, batch_size, dataset, train):\n", + "\n", + " def map_train(image, label):\n", + "\n", + " def map_test(image, label):\n", + "\n", + "def create_or_update(cluster_config_file, min_workers, max_workers, no_restart,\n", + "\n", + "def teardown(cluster_config_file, yes, workers_only, cluster_name):\n", + "\n", + "def kill_random_node(cluster_config_file, yes, cluster_name):\n", + "\n", + "def submit(cluster_config_file, docker, screen, tmux, stop, start,\n", + "\n", + "def build_graph(self):\n", + "\n", + "def _build_model(self):\n", + "\n", + "def _build_train_op(self):\n", + "\n", + "def _batch_norm(self, name, x):\n", + "\n", + "def _decay(self):\n", + "\n", + "def _conv(self, name, x, filter_size, in_filters, out_filters, strides):\n", + "\n", + "def _fully_connected(self, x, out_dim):\n", + "\n", + "def _mac(model, obs, h):\n", + "\n", + "def forward(self, rewards, actions, terminated, mask, obs, action_mask):\n", + "\n", + "def _unpack_observation(self, obs_batch):\n", + "\n", + "def get_actor(name):\n", + "\n", + "def register_actor(name, actor_handle):\n", + "\n", + "def check_extraneous(config, schema):\n", + "\n", + "def validate_config(config, schema=CLUSTER_CONFIG_SCHEMA):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def update_if_absent(self, **kwargs):\n", + "\n", + "def compute_actor_handle_id(actor_handle_id, num_forks):\n", + "\n", + "def compute_actor_handle_id_non_forked(actor_handle_id, current_task_id):\n", + "\n", + "def method(*args, **kwargs):\n", + "\n", + " def bar(self):\n", + "\n", + " def annotate_method(method):\n", + "\n", + "def exit_actor():\n", + "\n", + "def get_checkpoints_for_actor(actor_id):\n", + "\n", + "def remote(self, *args, **kwargs):\n", + "\n", + "def _remote(self,\n", + "\n", + "def _actor_method_call(self,\n", + "\n", + "def _serialization_helper(self, ray_forking):\n", + "\n", + "def _deserialization_helper(self, state, ray_forking):\n", + "\n", + "def load_data(self, sess, inputs, state_inputs):\n", + "\n", + "def optimize(self, sess, batch_index):\n", + "\n", + "def _next_generation(self, sorted_trials):\n", + "\n", + "def _selection(candidate):\n", + "\n", + "def _crossover(candidate):\n", + "\n", + "def _mutation(candidate, rate=0.1):\n", + "\n", + "def list_trials(experiment_path, sort, output, filter_op, columns,\n", + "\n", + "def list_experiments(project_path, sort, output, filter_op, columns):\n", + "\n", + "def _train(self, trial):\n", + "\n", + "def _start_trial(self, trial, checkpoint=None):\n", + "\n", + "def _stop_trial(self, trial, error=False, error_msg=None,\n", + "\n", + "def start_trial(self, trial, checkpoint=None):\n", + "\n", + "def stop_trial(self, trial, error=False, error_msg=None, stop_logger=True):\n", + "\n", + "def pause_trial(self, trial):\n", + "\n", + "def reset_trial(self, trial, new_config, new_experiment_tag):\n", + "\n", + "def fetch_result(self, trial):\n", + "\n", + "def has_resources(self, resources):\n", + "\n", + "def debug_string(self):\n", + "\n", + "def resource_string(self):\n", + "\n", + "def save(self, trial, storage=Checkpoint.DISK):\n", + "\n", + "def _checkpoint_and_erase(self, trial):\n", + "\n", + "def restore(self, trial, checkpoint=None):\n", + "\n", + "def export_trial_if_needed(self, trial):\n", + "\n", + "def __generate_actor(self, instance_id, operator, input, output):\n", + "\n", + "def __generate_actors(self, operator, upstream_channels,\n", + "\n", + "def _generate_channels(self, operator):\n", + "\n", + "def execute(self):\n", + "\n", + "def __register(self, operator):\n", + "\n", + "def set_parallelism(self, num_instances):\n", + "\n", + "def map(self, map_fn, name=\"Map\"):\n", + "\n", + "def flat_map(self, flatmap_fn):\n", + "\n", + "def key_by(self, key_selector):\n", + "\n", + "def reduce(self, reduce_fn):\n", + "\n", + "def sum(self, attribute_selector, state_keeper=None):\n", + "\n", + "def time_window(self, window_width_ms):\n", + "\n", + "def filter(self, filter_fn):\n", + "\n", + "def inspect(self, inspect_logic):\n", + "\n", + "def sink(self):\n", + "\n", + "def close_all_files(self):\n", + "\n", + "def update_log_filenames(self):\n", + "\n", + "def open_closed_files(self):\n", + "\n", + "def check_log_files_and_publish_updates(self):\n", + "\n", + "def run(self):\n", + "\n", + "def add_configurations(self, experiments):\n", + "\n", + "def next_trials(self):\n", + "\n", + "def _generate_trials(self, experiment_spec, output_path=\"\"):\n", + "\n", + "def generate_variants(unresolved_spec):\n", + "\n", + "def resolve_nested_dict(nested_dict):\n", + "\n", + "def run_board(args):\n", + "\n", + "def init_config(args):\n", + "\n", + "def get_gpu_ids():\n", + "\n", + "def error_info():\n", + "\n", + "def _initialize_serialization(driver_id, worker=global_worker):\n", + "\n", + " def actor_handle_serializer(obj):\n", + "\n", + " def actor_handle_deserializer(serialized_obj):\n", + "\n", + "def init(redis_address=None,\n", + "\n", + "def shutdown(exiting_interpreter=False):\n", + "\n", + "def print_logs(redis_client, threads_stopped):\n", + "\n", + "def print_error_messages_raylet(task_error_queue, threads_stopped):\n", + "\n", + "def listen_error_messages_raylet(worker, task_error_queue, threads_stopped):\n", + "\n", + "def connect(node,\n", + "\n", + "def disconnect():\n", + "\n", + "def _try_to_compute_deterministic_class_id(cls, depth=5):\n", + "\n", + "def register_custom_serializer(cls,\n", + "\n", + " def register_class_for_serialization(worker_info):\n", + "\n", + "def get(object_ids):\n", + "\n", + "def put(value):\n", + "\n", + "def wait(object_ids, num_returns=1, timeout=None):\n", + "\n", + "def remote(*args, **kwargs):\n", + "\n", + " def f():\n", + "\n", + " def method(self):\n", + "\n", + " def f():\n", + "\n", + " def method(self):\n", + "\n", + "def task_context(self):\n", + "\n", + "def get_serialization_context(self, driver_id):\n", + "\n", + "def store_and_register(self, object_id, value, depth=100):\n", + "\n", + "def put_object(self, object_id, value):\n", + "\n", + "def get_object(self, object_ids):\n", + "\n", + "def submit_task(self,\n", + "\n", + "def run_function_on_all_workers(self, function,\n", + "\n", + "def _get_arguments_for_execution(self, function_name, serialized_args):\n", + "\n", + "def _store_outputs_in_object_store(self, object_ids, outputs):\n", + "\n", + "def _process_task(self, task, function_execution_info):\n", + "\n", + "def _wait_for_and_process_task(self, task):\n", + "\n", + "def _get_next_task_from_raylet(self):\n", + "\n", + "def main_loop(self):\n", + "\n", + " def exit(signum, frame):\n", + "\n", + "def flatten(weights, start=0, stop=2):\n", + "\n", + "def address_info(self):\n", + "\n", + "def create_redis_client(self):\n", + "\n", + "def _make_inc_temp(self, suffix=\"\", prefix=\"\", directory_name=\"/tmp/ray\"):\n", + "\n", + "def new_log_files(self, name, redirect_output=True):\n", + "\n", + "def _prepare_socket_file(self, socket_path, default_prefix):\n", + "\n", + "def start_redis(self):\n", + "\n", + "def start_log_monitor(self):\n", + "\n", + "def start_reporter(self):\n", + "\n", + "def start_dashboard(self):\n", + "\n", + "def start_plasma_store(self):\n", + "\n", + "def start_raylet(self, use_valgrind=False, use_profiler=False):\n", + "\n", + "def new_worker_redirected_log_file(self, worker_id):\n", + "\n", + "def start_monitor(self):\n", + "\n", + "def start_raylet_monitor(self):\n", + "\n", + "def start_head_processes(self):\n", + "\n", + "def start_ray_processes(self):\n", + "\n", + "def _kill_process_type(self,\n", + "\n", + "def kill_redis(self, check_alive=True):\n", + "\n", + "def kill_plasma_store(self, check_alive=True):\n", + "\n", + "def kill_raylet(self, check_alive=True):\n", + "\n", + "def kill_log_monitor(self, check_alive=True):\n", + "\n", + "def kill_reporter(self, check_alive=True):\n", + "\n", + "def kill_dashboard(self, check_alive=True):\n", + "\n", + "def kill_monitor(self, check_alive=True):\n", + "\n", + "def kill_raylet_monitor(self, check_alive=True):\n", + "\n", + "def kill_all_processes(self, check_alive=True, allow_graceful=False):\n", + "\n", + "def live_processes(self):\n", + "\n", + "def create_shared_noise(count):\n", + "\n", + "def get_model_config(model_name, dataset):\n", + "\n", + "def register_model(model_name, dataset_name, model_func):\n", + "\n", + "def rollout(policy, env, timestep_limit=None, add_noise=False, offset=0):\n", + "\n", + "def next_trials(self):\n", + "\n", + "def _generate_trials(self, unresolved_spec, output_path=\"\"):\n", + "\n", + "def reduce(self, start=0, end=None):\n", + "\n", + "def set_flushing_policy(flushing_policy):\n", + "\n", + "def get_ssh_key():\n", + "\n", + "def on_trial_complete(self,\n", + "\n", + "def plasma_prefetch(object_id):\n", + "\n", + "def plasma_get(object_id):\n", + "\n", + "def enable_writes(self):\n", + "\n", + "def _wait_for_reader(self):\n", + "\n", + "def collect_samples(agents, sample_batch_size, num_envs_per_worker,\n", + "\n", + "def collect_samples_straggler_mitigation(agents, train_batch_size):\n", + "\n", + "def format_error_message(exception_message, task_exception=False):\n", + "\n", + "def push_error_to_driver(worker, error_type, message, driver_id=None):\n", + "\n", + "def push_error_to_driver_through_redis(redis_client,\n", + "\n", + "def is_cython(obj):\n", + "\n", + " def check_cython(x):\n", + "\n", + "def is_function_or_method(obj):\n", + "\n", + "def random_string():\n", + "\n", + "def decode(byte_str, allow_none=False):\n", + "\n", + "def ensure_str(s, encoding=\"utf-8\", errors=\"strict\"):\n", + "\n", + "def get_cuda_visible_devices():\n", + "\n", + "def resources_from_resource_arguments(default_num_cpus, default_num_gpus,\n", + "\n", + "def setup_logger(logging_level, logging_format):\n", + "\n", + "def vmstat(stat):\n", + "\n", + "def sysctl(command):\n", + "\n", + "def get_system_memory():\n", + "\n", + "def get_shared_memory_bytes():\n", + "\n", + "def check_oversized_pickle(pickled, name, obj_type, worker):\n", + "\n", + "def thread_safe_client(client, lock=None):\n", + "\n", + "def try_to_create_directory(directory_path):\n", + "\n", + "def subblocks(a, *ranges):\n", + "\n", + "def assemble(self):\n", + "\n", + "def multi_log_probs_from_logits_and_actions(policy_logits, actions):\n", + "\n", + "def from_logits(behaviour_policy_logits,\n", + "\n", + "def multi_from_logits(behaviour_policy_logits,\n", + "\n", + "def from_importance_weights(log_rhos,\n", + "\n", + " def scanfunc(acc, sequence_item):\n", + "\n", + "def get_log_rhos(target_action_log_probs, behaviour_action_log_probs):\n", + "\n", + "def weight_variable(shape):\n", + "\n", + "def bias_variable(shape):\n", + "\n", + "def print_format_output(dataframe):\n", + "\n", + "def list_trials(experiment_path,\n", + "\n", + "def list_experiments(project_path,\n", + "\n", + "def add_note(path, filename=\"note.txt\"):\n", + "\n", + "def query_job(request):\n", + "\n", + "def query_trial(request):\n", + "\n", + "def on_trial_result(self, trial_runner, trial, result):\n", + "\n", + "def on_trial_remove(self, trial_runner, trial):\n", + "\n", + "def from_json(cls, json_info):\n", + "\n", + "def from_json(cls, json_info):\n", + "\n", + "def from_json(cls, json_info):\n", + "\n", + "def compute_advantages(rollout, last_r, gamma=0.9, lambda_=1.0, use_gae=True):\n", + "\n", + "def xray_heartbeat_batch_handler(self, unused_channel, data):\n", + "\n", + "def _xray_clean_up_entries_for_driver(self, driver_id):\n", + "\n", + " def to_shard_index(id_bin):\n", + "\n", + "def xray_driver_removed_handler(self, unused_channel, data):\n", + "\n", + "def process_messages(self, max_messages=10000):\n", + "\n", + "def _maybe_flush_gcs(self):\n", + "\n", + "def run(self):\n", + "\n", + "def index(request):\n", + "\n", + "def job(request):\n", + "\n", + "def trial(request):\n", + "\n", + "def get_job_info(current_job):\n", + "\n", + "def get_trial_info(current_trial):\n", + "\n", + "def get_winner(trials):\n", + "\n", + "def make_parser(parser_creator=None, **kwargs):\n", + "\n", + "def to_argv(config):\n", + "\n", + "def create_trial_from_spec(spec, output_path, parser, **trial_kwargs):\n", + "\n", + "def wait_for_compute_zone_operation(compute, project_name, operation, zone):\n", + "\n", + "def _get_task_id(source):\n", + "\n", + "def send(signal):\n", + "\n", + "def receive(sources, timeout=None):\n", + "\n", + "def reset():\n", + "\n", + "def log_once(key):\n", + "\n", + "def get(object_ids):\n", + "\n", + "def wait(object_ids, num_returns=1, timeout=None):\n", + "\n", + "def _raise_deprecation_note(deprecated, replacement, soft=False):\n", + "\n", + "def convert_to_experiment_list(experiments):\n", + "\n", + "def from_json(cls, name, spec):\n", + "\n", + "def _register_if_needed(cls, run_object):\n", + "\n", + "def tsqr(a):\n", + "\n", + "def modified_lu(q):\n", + "\n", + "def _naturalize(string):\n", + "\n", + "def _find_newest_ckpt(ckpt_dir):\n", + "\n", + "def checkpoint(self):\n", + "\n", + "def restore(cls,\n", + "\n", + "def is_finished(self):\n", + "\n", + "def step(self):\n", + "\n", + "def add_trial(self, trial):\n", + "\n", + "def debug_string(self, max_debug=MAX_DEBUG_TRIALS):\n", + "\n", + "def _get_next_trial(self):\n", + "\n", + "def _checkpoint_trial_if_needed(self, trial):\n", + "\n", + "def _try_recover(self, trial, error_msg):\n", + "\n", + "def _requeue_trial(self, trial):\n", + "\n", + "def _update_trial_queue(self, blocking=False, timeout=600):\n", + "\n", + "def stop_trial(self, trial):\n", + "\n", + "def run_func(func, *args, **kwargs):\n", + "\n", + "def example6():\n", + "\n", + "def example8():\n", + "\n", + "def _adjust_nstep(n_step, gamma, obs, actions, rewards, new_obs, dones):\n", + "\n", + "def _reduce_mean_ignore_inf(x, axis):\n", + "\n", + "def _huber_loss(x, delta=1.0):\n", + "\n", + "def _minimize_and_clip(optimizer, objective, var_list, clip_val=10):\n", + "\n", + "def _scope_vars(scope, trainable_only=False):\n", + "\n", + "def noisy_layer(self, prefix, action_in, out_size, sigma0,\n", + "\n", + "def get_custom_getter(self):\n", + "\n", + " def inner_custom_getter(getter, *args, **kwargs):\n", + "\n", + "def switch_to_aux_top_layer(self):\n", + "\n", + "def conv(self,\n", + "\n", + "def _pool(self, pool_name, pool_function, k_height, k_width, d_height,\n", + "\n", + "def mpool(self,\n", + "\n", + "def apool(self,\n", + "\n", + "def _batch_norm_without_layers(self, input_layer, decay, use_scale,\n", + "\n", + "def batch_norm(self,\n", + "\n", + "def lrn(self, depth_radius, bias, alpha, beta):\n", + "\n", + "def _internal_kv_get(key):\n", + "\n", + "def _internal_kv_put(key, value, overwrite=False):\n", + "\n", + "def init(self, aggregators):\n", + "\n", + "def free(object_ids, local_only=False, delete_creating_tasks=False):\n", + "\n", + "def run(self):\n", + "\n", + "def init_logger(cls, log_level):\n", + "\n", + "def run(self):\n", + "\n", + "def _initialize(self):\n", + "\n", + "def sync_job_info(self, job_name):\n", + "\n", + "def sync_trial_info(self, job_path, expr_dir_name):\n", + "\n", + "def _create_job_info(self, job_dir):\n", + "\n", + "def _update_job_info(cls, job_dir):\n", + "\n", + "def _create_trial_info(self, expr_dir):\n", + "\n", + "def _update_trial_info(self, expr_dir):\n", + "\n", + "def _build_job_meta(cls, job_dir):\n", + "\n", + "def _build_trial_meta(cls, expr_dir):\n", + "\n", + "def _add_results(self, results, trial_id):\n", + "\n", + "def add_time_dimension(padded_inputs, seq_lens):\n", + "\n", + "def chop_into_sequences(episode_ids,\n", + "\n", + "def explore(config, mutations, resample_probability, custom_explore_fn):\n", + "\n", + "def make_experiment_tag(orig_tag, config, mutations):\n", + "\n", + "def _log_config_on_step(self, trial_state, new_state, trial,\n", + "\n", + "def _exploit(self, trial_executor, trial, trial_to_clone):\n", + "\n", + "def _quantiles(self):\n", + "\n", + "def choose_trial_to_run(self, trial_runner):\n", + "\n", + "def key_pair(i, region):\n", + "\n", + "def _build_layers(self, inputs, num_outputs, options):\n", + "\n", + "def with_base_config(base_config, extra_config):\n", + "\n", + "def get_agent_class(alg):\n", + "\n", + "def determine_ip_address():\n", + "\n", + "def perform_iteration(self):\n", + "\n", + "def run(self):\n", + "\n", + "def check_serializable(cls):\n", + "\n", + "def is_named_tuple(cls):\n", + "\n", + "def register_trainable(name, trainable):\n", + "\n", + "def register_env(name, env_creator):\n", + "\n", + "def get_learner_stats(grad_info):\n", + "\n", + "def collect_metrics(local_evaluator=None,\n", + "\n", + "def collect_episodes(local_evaluator=None,\n", + "\n", + "def summarize_episodes(episodes, new_episodes, num_dropped):\n", + "\n", + "def _partition(episodes):\n", + "\n", + "def set_status(self, trial, status):\n", + "\n", + "def try_checkpoint_metadata(self, trial):\n", + "\n", + "def pause_trial(self, trial):\n", + "\n", + "def unpause_trial(self, trial):\n", + "\n", + "def resume_trial(self, trial):\n", + "\n", + "def on_trial_complete(self,\n", + "\n", + "def start(self):\n", + "\n", + "def _process_key(self, key):\n", + "\n", + "def fetch_and_execute_function_to_run(self, key):\n", + "\n", + "def clip_action(action, space):\n", + "\n", + "def on_trial_complete(self,\n", + "\n", + "def address_to_ip(address):\n", + "\n", + "def get_node_ip_address(address=\"8.8.8.8:53\"):\n", + "\n", + "def create_redis_client(redis_address, password=None):\n", + "\n", + "def start_ray_process(command,\n", + "\n", + "def wait_for_redis_to_start(redis_ip_address,\n", + "\n", + "def _autodetect_num_gpus():\n", + "\n", + "def _compute_version_info():\n", + "\n", + "def check_version_info(redis_client):\n", + "\n", + "def start_redis(node_ip_address,\n", + "\n", + "def _start_redis_instance(executable,\n", + "\n", + "def start_log_monitor(redis_address,\n", + "\n", + "def start_reporter(redis_address,\n", + "\n", + "def start_dashboard(redis_address,\n", + "\n", + "def check_and_update_resources(num_cpus, num_gpus, resources):\n", + "\n", + "def start_raylet(redis_address,\n", + "\n", + "def determine_plasma_store_config(object_store_memory=None,\n", + "\n", + "def _start_plasma_store(plasma_store_memory,\n", + "\n", + "def start_plasma_store(stdout_file=None,\n", + "\n", + "def start_worker(node_ip_address,\n", + "\n", + "def start_monitor(redis_address,\n", + "\n", + "def start_raylet_monitor(redis_address,\n", + "\n", + "def restore_original_dimensions(obs, obs_space, tensorlib=tf):\n", + "\n", + "def _unpack_obs(obs, space, tensorlib=tf):\n", + "\n", + "def to_aws_format(tags):\n", + "\n", + "def _node_tag_update_loop(self):\n", + "\n", + "def _get_node(self, node_id):\n", + "\n", + "def validate(export_formats):\n", + "\n", + "def init_logger(self):\n", + "\n", + "def update_resources(self, cpu, gpu, **kwargs):\n", + "\n", + "def should_stop(self, result):\n", + "\n", + "def should_checkpoint(self):\n", + "\n", + "def progress_string(self):\n", + "\n", + " def location_string(hostname, pid):\n", + "\n", + "def should_recover(self):\n", + "\n", + "def compare_checkpoints(self, attr_mean):\n", + "\n", + "def preprocess(img):\n", + "\n", + "def discount_rewards(r):\n", + "\n", + "def policy_backward(eph, epx, epdlogp, model):\n", + "\n", + "def load_class(path):\n", + "\n", + "def terminate_nodes(self, node_ids):\n", + "\n", + "def on_trial_complete(self,\n", + "\n", + "def _execute_and_seal_error(method, arg, method_name):\n", + "\n", + "def _dispatch(self, input_batch: List[SingleQuery]):\n", + "\n", + "def get_wrapper_by_cls(env, cls):\n", + "\n", + "def wrap_deepmind(env, dim=84, framestack=True):\n", + "\n", + "def valid_padding(in_size, filter_size, stride_size):\n", + "\n", + "def ray_get_and_free(object_ids):\n", + "\n", + "def aligned_array(size, dtype, align=64):\n", + "\n", + "def concat_aligned(items):\n", + "\n", + "def put(self, item, block=True, timeout=None):\n", + "\n", + "def get(self, block=True, timeout=None):\n", + "\n", + "def override(cls):\n", + "\n", + " def check_override(method):\n", + "\n", + "def on_trial_add(self, trial_runner, trial):\n", + "\n", + "def _cur_band_filled(self):\n", + "\n", + "def on_trial_result(self, trial_runner, trial, result):\n", + "\n", + "def _process_bracket(self, trial_runner, bracket, trial):\n", + "\n", + "def on_trial_remove(self, trial_runner, trial):\n", + "\n", + "def choose_trial_to_run(self, trial_runner):\n", + "\n", + "def debug_string(self):\n", + "\n", + "def add_trial(self, trial):\n", + "\n", + "def cur_iter_done(self):\n", + "\n", + "def update_trial_stats(self, trial, result):\n", + "\n", + "def cleanup_full(self, trial_runner):\n", + "\n", + "def parse_client_table(redis_client):\n", + "\n", + "def _initialize_global_state(self,\n", + "\n", + "def _execute_command(self, key, *args):\n", + "\n", + "def _keys(self, pattern):\n", + "\n", + "def _object_table(self, object_id):\n", + "\n", + "def object_table(self, object_id=None):\n", + "\n", + "def _task_table(self, task_id):\n", + "\n", + "def task_table(self, task_id=None):\n", + "\n", + "def function_table(self, function_id=None):\n", + "\n", + "def _profile_table(self, batch_id):\n", + "\n", + "def chrome_tracing_dump(self, filename=None):\n", + "\n", + "def chrome_tracing_object_transfer_dump(self, filename=None):\n", + "\n", + "def workers(self):\n", + "\n", + "def cluster_resources(self):\n", + "\n", + "def available_resources(self):\n", + "\n", + "def _error_messages(self, driver_id):\n", + "\n", + "def error_messages(self, driver_id=None):\n", + "\n", + "def actor_checkpoint_info(self, actor_id):\n", + "\n", + "def get_flat_size(self):\n", + "\n", + "def get_flat(self):\n", + "\n", + "def set_flat(self, new_weights):\n", + "\n", + "def get_weights(self):\n", + "\n", + "def set_weights(self, new_weights):\n", + "\n", + "def construct_error_message(driver_id, error_type, message, timestamp):\n", + "\n", + "def init():\n", + "\n", + "def shutdown():\n", + "\n", + "def flush_redis_unsafe(redis_client=None):\n", + "\n", + "def flush_task_and_object_metadata_unsafe():\n", + "\n", + " def flush_shard(redis_client):\n", + "\n", + "def flush_finished_tasks_unsafe():\n", + "\n", + "def flush_evicted_objects_unsafe():\n", + "\n", + "def copy(self, existing_inputs):\n", + "\n", + "def deepnn(x):\n", + "\n", + "def get_signature_params(func):\n", + "\n", + " def func():\n", + "\n", + "def check_signature_supported(func, warn=False):\n", + "\n", + "def extract_signature(func, ignore_first=False):\n", + "\n", + "def extend_args(function_signature, args, kwargs):\n", + "\n", + "def wait_for_crm_operation(operation):\n", + "\n", + "def wait_for_compute_global_operation(project_name, operation):\n", + "\n", + "def key_pair_name(i, region, project_id, ssh_user):\n", + "\n", + "def key_pair_paths(key_name):\n", + "\n", + "def generate_rsa_key_pair():\n", + "\n", + "def _configure_project(config):\n", + "\n", + "def _configure_iam_role(config):\n", + "\n", + "def _configure_key_pair(config):\n", + "\n", + "def _configure_subnet(config):\n", + "\n", + "def _add_iam_policy_binding(service_account, roles):\n", + "\n", + "def _create_project_ssh_key_pair(project, public_key, ssh_user):\n", + "\n", + "def _remote(self,\n", + "\n", + "def append(self, future):\n", + "\n", + "def remove(self, future):\n", + "\n", + "def cancel(self, *args, **kwargs):\n", + "\n", + "def set_result(self, result):\n", + "\n", + "def traverse(self):\n", + "\n", + "def process_notifications(self, messages):\n", + "\n", + "def as_future(self, object_id, check_ready=True):\n", + "\n", + "def get_all_trials(self):\n", + "\n", + "def get_trial(self, trial_id):\n", + "\n", + "def add_trial(self, name, specification):\n", + "\n", + "def stop_trial(self, trial_id):\n", + "\n", + "def foreach_worker(self, fn):\n", + "\n", + "def foreach_model(self, fn):\n", + "\n", + "def for_model(self, fn):\n", + "\n", + "def step(self, fetch_stats=False):\n", + "\n", + "def start_router(router_class, router_name):\n", + "\n", + "def generate_random_one_hot_encoding(self):\n", + "\n", + "def apply_one_hot_encoding(self, one_hot_encoding):\n", + "\n", + "def pin_in_object_store(obj):\n", + "\n", + "def get_pinned_object(pinned_id):\n", + "\n", + "def merge_dicts(d1, d2):\n", + "\n", + "def deep_update(original, new_dict, new_keys_allowed, whitelist):\n", + "\n", + "def completed_prefetch(self, blocking_wait=False, max_yield=999):\n", + "\n", + "def reset_evaluators(self, evaluators):\n", + "\n", + "def iter_train_batches(self, max_yield=999):\n", + "\n", + "def create_or_update_cluster(config_file, override_min_workers,\n", + "\n", + "def teardown_cluster(config_file, yes, workers_only, override_cluster_name):\n", + "\n", + " def remaining_nodes():\n", + "\n", + "def kill_node(config_file, yes, override_cluster_name):\n", + "\n", + "def get_or_create_head_node(config, config_file, no_restart, restart_only, yes,\n", + "\n", + "def attach_cluster(config_file, start, use_tmux, override_cluster_name, new):\n", + "\n", + "def exec_cluster(config_file, cmd, docker, screen, tmux, stop, start,\n", + "\n", + " def wrap_docker(command):\n", + "\n", + "def rsync(config_file, source, target, override_cluster_name, down):\n", + "\n", + "def get_head_node_ip(config_file, override_cluster_name):\n", + "\n", + "def get_worker_node_ips(config_file, override_cluster_name):\n", + "\n", + "def _train(self):\n", + "\n", + "def build_network(self,\n", + "\n", + "def renamed_class(cls):\n", + "\n", + " def __init__(self, config=None, env=None, logger_creator=None):\n", + "\n", + "def profile(event_type, extra_data=None):\n", + "\n", + "def _periodically_flush_profile_events(self):\n", + "\n", + "def flush_profile_data(self):\n", + "\n", + "def set_attribute(self, key, value):\n", + "\n", + "def sync_to_worker_if_possible(self):\n", + "\n", + "def forward(self, agent_qs, states):\n", + "\n", + "def on_trial_complete(self,\n", + "\n", + "def compute_ranks(x):\n", + "\n", + "def bottleneck_block_v1(cnn, depth, depth_bottleneck, stride):\n", + "\n", + "def bottleneck_block(cnn, depth, depth_bottleneck, stride, pre_activation):\n", + "\n", + "def residual_block(cnn, depth, stride, pre_activation):\n", + "\n", + "def apply_changes(self, other, with_buffer=False):\n", + "\n", + "def copy(self):\n", + "\n", + "def sync(self, other):\n", + "\n", + "def as_serializable(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def michalewicz_function(config, reporter):\n", + "\n", + "def parse_general_int(s):\n", + "\n", + "def parse_all_reduce_spec(all_reduce_spec):\n", + "\n", + "def build_all_reduce_device_prefixes(job_name, num_tasks):\n", + "\n", + "def group_device_names(devices, group_size):\n", + "\n", + "def split_grads_by_size(threshold_size, device_grads):\n", + "\n", + "def aggregate_single_gradient(grad_and_vars, use_mean, check_inf_nan):\n", + "\n", + "def sum_grad_and_var_all_reduce(grad_and_vars,\n", + "\n", + "def sum_gradients_all_reduce(dev_prefixes,\n", + "\n", + "def extract_ranges(index_list, range_size_limit=32):\n", + "\n", + "def pack_range(key, packing, grad_vars, rng):\n", + "\n", + "def unpack_grad_tuple(gv, gpt):\n", + "\n", + "def pack_small_tensors(tower_grads, max_bytes=0):\n", + "\n", + " def end_interval(indices, small_ranges, large_indices):\n", + "\n", + "def unpack_small_tensors(tower_grads, packing):\n", + "\n", + "def _init(self):\n", + "\n", + "def sync_results_to_new_location(self, worker_ip):\n", + "\n", + "def deep_insert(path_list, value, config):\n", + "\n", + "def from_bytes_list(cls, function_descriptor_list):\n", + "\n", + "def from_function(cls, function):\n", + "\n", + "def from_class(cls, target_class):\n", + "\n", + "def is_for_driver_task(self):\n", + "\n", + "def _get_function_id(self):\n", + "\n", + "def get_function_descriptor_list(self):\n", + "\n", + "def export_cached(self):\n", + "\n", + "def export(self, remote_function):\n", + "\n", + "def _do_export(self, remote_function):\n", + "\n", + "def fetch_and_register_remote_function(self, key):\n", + "\n", + " def f():\n", + "\n", + "def get_execution_info(self, driver_id, function_descriptor):\n", + "\n", + "def _wait_for_function(self, function_descriptor, driver_id, timeout=10):\n", + "\n", + "def _publish_actor_class_to_key(self, key, actor_class_info):\n", + "\n", + "def load_actor_class(self, driver_id, function_descriptor):\n", + "\n", + "def _load_actor_from_local(self, driver_id, function_descriptor):\n", + "\n", + "def _load_actor_class_from_gcs(self, driver_id, function_descriptor):\n", + "\n", + "def _make_actor_method_executor(self, method_name, method, actor_imported):\n", + "\n", + " def actor_method_executor(dummy_return_id, actor, *args):\n", + "\n", + "def _save_and_log_checkpoint(self, actor):\n", + "\n", + "def _restore_and_log_checkpoint(self, actor):\n", + "\n", + "def _env_runner(base_env, extra_batch_callback, policies, policy_mapping_fn,\n", + "\n", + " def get_batch_builder():\n", + "\n", + " def new_episode():\n", + "\n", + "def _process_observations(base_env, policies, batch_builder_pool,\n", + "\n", + "def _do_policy_eval(tf_sess, to_eval, policies, active_episodes):\n", + "\n", + "def _process_policy_eval_results(to_eval, eval_results, active_episodes,\n", + "\n", + "def _fetch_atari_metrics(base_env):\n", + "\n", + "def compare_version(a, b):\n", + "\n", + "def configure_cmake(self):\n", + "\n", + "def package(self):\n", + "\n", + "def package_info(self):\n", + "\n", + "def Offset(self, vtableOffset):\n", + "\n", + "def Indirect(self, off):\n", + "\n", + "def String(self, off):\n", + "\n", + "def VectorLen(self, off):\n", + "\n", + "def Vector(self, off):\n", + "\n", + "def Union(self, t2, off):\n", + "\n", + "def Get(self, flags, off):\n", + "\n", + "def GetVectorAsNumpy(self, flags, off):\n", + "\n", + "def GetVOffsetTSlot(self, slot, d):\n", + "\n", + "def GetVectorAsNumpy(numpy_type, buf, count, offset):\n", + "\n", + "def Write(packer_type, buf, head, n):\n", + "\n", + "def main():\n", + "\n", + "def import_numpy():\n", + "\n", + "def vtableEqual(a, objectStart, b):\n", + "\n", + "def StartObject(self, numfields):\n", + "\n", + "def WriteVtable(self):\n", + "\n", + "def growByteBuffer(self):\n", + "\n", + "def Pad(self, n):\n", + "\n", + "def Prep(self, size, additionalBytes):\n", + "\n", + "def PrependSOffsetTRelative(self, off):\n", + "\n", + "def PrependUOffsetTRelative(self, off):\n", + "\n", + "def StartVector(self, elemSize, numElems, alignment):\n", + "\n", + "def EndVector(self, vectorNumElems):\n", + "\n", + "def CreateString(self, s, encoding='utf-8', errors='strict'):\n", + "\n", + "def CreateByteVector(self, x):\n", + "\n", + "def CreateNumpyVector(self, x):\n", + "\n", + "def assertStructIsInline(self, obj):\n", + "\n", + "def Slot(self, slotnum):\n", + "\n", + "def __Finish(self, rootTable, sizePrefix):\n", + "\n", + "def PrependUOffsetTRelativeSlot(self, o, x, d):\n", + "\n", + "def PrependStructSlot(self, v, x, d):\n", + "\n", + "def Place(self, x, flags):\n", + "\n", + "def PlaceVOffsetT(self, x):\n", + "\n", + "def PlaceSOffsetT(self, x):\n", + "\n", + "def PlaceUOffsetT(self, x):\n", + "\n", + "def site_data_dir(appname=None, appauthor=None, version=None, multipath=False):\n", + "\n", + "def user_config_dir(appname=None, appauthor=None, version=None, roaming=False):\n", + "\n", + "def request(method, url, **kwargs):\n", + "\n", + "def get(url, params=None, **kwargs):\n", + "\n", + "def dump(o, f):\n", + "\n", + "def dumps(o, encoder=None):\n", + "\n", + "def dump_inline_table(self, section):\n", + "\n", + "def _is_env_truthy(name):\n", + "\n", + "def is_in_virtualenv():\n", + "\n", + "def unpackb(packed, **kwargs):\n", + "\n", + "def _consume(self):\n", + "\n", + "def _new_conn(self):\n", + "\n", + "def request_chunked(self, method, url, body=None, headers=None):\n", + "\n", + "def set_cert(self, key_file=None, cert_file=None,\n", + "\n", + "def prettify_exc(error):\n", + "\n", + "def get_stream_handle(stream=sys.stdout):\n", + "\n", + "def hide_cursor(stream=sys.stdout):\n", + "\n", + "def choice_complete(self, ctx, incomplete):\n", + "\n", + "def _shellcomplete(cli, prog_name, complete_var=None):\n", + "\n", + "def patch():\n", + "\n", + "def parse_expr(tokens, options):\n", + "\n", + "def parse_seq(tokens, options):\n", + "\n", + "def parse_argv(tokens, options, options_first=False):\n", + "\n", + "def unnest(elem):\n", + "\n", + "def load_path(python):\n", + "\n", + "def to_bytes(string, encoding=\"utf-8\", errors=\"ignore\"):\n", + "\n", + "def to_text(string, encoding=\"utf-8\", errors=None):\n", + "\n", + "def divide(n, iterable):\n", + "\n", + "def getpreferredencoding():\n", + "\n", + "def decode_for_output(output, target_stream=None, translation_map=None):\n", + "\n", + "def get_canonical_encoding_name(name):\n", + "\n", + "def get_wrapped_stream(stream):\n", + "\n", + "def create_connection(address, timeout=socket._GLOBAL_DEFAULT_TIMEOUT,\n", + "\n", + "def _has_ipv6(host):\n", + "\n", + "def _parse_local_version(local):\n", + "\n", + "def unicode_is_ascii(u_string):\n", + "\n", + "def raise_option_error(parser, option, msg):\n", + "\n", + "def make_option_group(group, parser):\n", + "\n", + "def check_install_build_global(options, check_options=None):\n", + "\n", + " def getname(n):\n", + "\n", + "def check_dist_restriction(options, check_target=False):\n", + "\n", + "def no_cache_dir_callback(option, opt, value, parser):\n", + "\n", + "def no_use_pep517_callback(option, opt, value, parser):\n", + "\n", + "def _merge_hash(option, opt_str, value, parser):\n", + "\n", + "def populate_source(cls, source):\n", + "\n", + "def get_pinned_version(ireq):\n", + "\n", + "def strip_extras(requirement):\n", + "\n", + "def _subst_vars(path, local_vars):\n", + "\n", + " def _replacer(matchobj):\n", + "\n", + "def get_makefile_filename():\n", + "\n", + "def _init_posix(vars):\n", + "\n", + "def _init_non_posix(vars):\n", + "\n", + "def parse_config_h(fp, vars=None):\n", + "\n", + "def get_config_h_filename():\n", + "\n", + "def get_paths(scheme=_get_default_scheme(), vars=None, expand=True):\n", + "\n", + "def get_path(name, scheme=_get_default_scheme(), vars=None, expand=True):\n", + "\n", + "def _main():\n", + "\n", + "def consume(self, chars, min=0, max=-1):\n", + "\n", + "def get_summaries(ordered=True):\n", + "\n", + "def get_similar_commands(name):\n", + "\n", + "def bind(self, environment):\n", + "\n", + "def attr(self, name, lineno=None):\n", + "\n", + "def call_method(self, name, args=None, kwargs=None, dyn_args=None,\n", + "\n", + "def parse(self, parser):\n", + "\n", + "def _parse_block(self, parser, allow_pluralize):\n", + "\n", + "def _make_node(self, singular, plural, variables, plural_expr,\n", + "\n", + "def get_cli_string(path=None, action=None, key=None, value=None, quote=None):\n", + "\n", + "def merge_hooks(request_hooks, session_hooks, dict_class=OrderedDict):\n", + "\n", + "def get_redirect_target(self, resp):\n", + "\n", + "def should_strip_auth(self, old_url, new_url):\n", + "\n", + "def rebuild_auth(self, prepared_request, response):\n", + "\n", + "def rebuild_proxies(self, prepared_request, proxies):\n", + "\n", + "def prepare_request(self, request):\n", + "\n", + "def request(self, method, url,\n", + "\n", + "def get(self, url, **kwargs):\n", + "\n", + "def options(self, url, **kwargs):\n", + "\n", + "def head(self, url, **kwargs):\n", + "\n", + "def send(self, request, **kwargs):\n", + "\n", + "def merge_environment_settings(self, url, proxies, stream, verify, cert):\n", + "\n", + "def get_adapter(self, url):\n", + "\n", + "def mount(self, prefix, adapter):\n", + "\n", + "def console_to_str(data):\n", + "\n", + "def get_path_uid(path):\n", + "\n", + "def expanduser(path):\n", + "\n", + "def samefile(file1, file2):\n", + "\n", + "def ensure_least_updates_possible(self):\n", + "\n", + "def get_constraints(self):\n", + "\n", + "def constraint_from_parent_conflicts(self):\n", + "\n", + "def validate_constraints(self):\n", + "\n", + "def inject_into_urllib3():\n", + "\n", + "def extract_from_urllib3():\n", + "\n", + "def _read_callback(connection_id, data_buffer, data_length_pointer):\n", + "\n", + "def _write_callback(connection_id, data_buffer, data_length_pointer):\n", + "\n", + "def _raise_on_error(self):\n", + "\n", + "def _set_ciphers(self):\n", + "\n", + "def _custom_validate(self, verify, trust_bundle):\n", + "\n", + "def handshake(self,\n", + "\n", + "def write_bytecode(self, f):\n", + "\n", + "def get_cache_key(self, name, filename=None):\n", + "\n", + "def get_bucket(self, environment, name, filename, source):\n", + "\n", + "def lookup(label):\n", + "\n", + "def _get_encoding(encoding_or_label):\n", + "\n", + "def decode(input, fallback_encoding, errors='replace'):\n", + "\n", + "def _detect_bom(input):\n", + "\n", + "def encode(input, encoding=UTF8, errors='strict'):\n", + "\n", + "def iter_decode(input, fallback_encoding, errors='replace'):\n", + "\n", + "def _iter_decode_generator(input, decoder):\n", + "\n", + "def iter_encode(input, encoding=UTF8, errors='strict'):\n", + "\n", + "def decode(self, input, final=False):\n", + "\n", + "def _cf_dictionary_from_tuples(tuples):\n", + "\n", + "def _cf_string_to_unicode(value):\n", + "\n", + "def _assert_no_error(error, exception_class=None):\n", + "\n", + "def _cert_array_from_pem(pem_bundle):\n", + "\n", + "def _temporary_keychain():\n", + "\n", + "def _load_items_from_file(keychain, path):\n", + "\n", + "def _load_client_cert_chain(keychain, *paths):\n", + "\n", + "def get_redirect_location(self):\n", + "\n", + "def _init_length(self, request_method):\n", + "\n", + "def _init_decoder(self):\n", + "\n", + "def _flush_decoder(self):\n", + "\n", + "def _error_catcher(self):\n", + "\n", + "def read(self, amt=None, decode_content=None, cache_content=False):\n", + "\n", + "def from_httplib(ResponseCls, r, **response_kw):\n", + "\n", + "def read_chunked(self, amt=None, decode_content=None):\n", + "\n", + "def geturl(self):\n", + "\n", + "def ok(self, text=u\"OK\", err=False):\n", + "\n", + "def fail(self, text=u\"FAIL\", err=False):\n", + "\n", + "def write_err(self, text):\n", + "\n", + "def _freeze(self, final_text, err=False):\n", + "\n", + "def describe_token_expr(expr):\n", + "\n", + "def get_lexer(environment):\n", + "\n", + "def tokenize(self, source, name=None, filename=None, state=None):\n", + "\n", + "def wrap(self, stream, name=None, filename=None):\n", + "\n", + "def iter_installable_versions(self):\n", + "\n", + "def find_version_to_install(self, name):\n", + "\n", + "def install(self, version):\n", + "\n", + "def parse_editable(editable_req):\n", + "\n", + "def deduce_helpful_msg(req):\n", + "\n", + "def url_to_file_path(url, filecache):\n", + "\n", + "def write_pid_to_pidfile(pidfile_path):\n", + "\n", + "def remove_existing_pidfile(pidfile_path):\n", + "\n", + "def release(self):\n", + "\n", + "def export(self, location):\n", + "\n", + "def search_packages_info(query):\n", + "\n", + "def print_results(distributions, list_files=False, verbose=False):\n", + "\n", + "def fail(self, msg, lineno=None, exc=TemplateSyntaxError):\n", + "\n", + "def fail_unknown_tag(self, name, lineno=None):\n", + "\n", + "def fail_eof(self, end_tokens=None, lineno=None):\n", + "\n", + "def is_tuple_end(self, extra_end_rules=None):\n", + "\n", + "def free_identifier(self, lineno=None):\n", + "\n", + "def parse_statement(self):\n", + "\n", + "def parse_statements(self, end_tokens, drop_needle=False):\n", + "\n", + "def parse_set(self):\n", + "\n", + "def parse_for(self):\n", + "\n", + "def parse_if(self):\n", + "\n", + "def parse_assign_target(self, with_tuple=True, name_only=False,\n", + "\n", + "def parse(self):\n", + "\n", + "def get_trace(self):\n", + "\n", + "def parse_uri(uri):\n", + "\n", + "def _urlnorm(cls, uri):\n", + "\n", + "def cached_request(self, request):\n", + "\n", + "def cache_response(self, request, response, body=None, status_codes=None):\n", + "\n", + "def update_cached_response(self, request, response):\n", + "\n", + "def close (self):\n", + "\n", + "def isalive (self):\n", + "\n", + "def read_nonblocking(self, size=1, timeout=-1):\n", + "\n", + "def clear_caches():\n", + "\n", + "def import_string(import_name, silent=False):\n", + "\n", + "def pformat(obj, verbose=False):\n", + "\n", + "def unicode_urlencode(obj, charset='utf-8', for_qs=False):\n", + "\n", + "def select_autoescape(enabled_extensions=('html', 'htm', 'xml'),\n", + "\n", + " def autoescape(template_name):\n", + "\n", + "def htmlsafe_json_dumps(obj, dumper=None, **kwargs):\n", + "\n", + "def copy(self):\n", + "\n", + "def setdefault(self, key, default=None):\n", + "\n", + "def clear(self):\n", + "\n", + "def items(self):\n", + "\n", + "def license_fallback(vendor_dir, sdist_name):\n", + "\n", + "def libname_from_dir(dirname):\n", + "\n", + "def license_destination(vendor_dir, libname, filename):\n", + "\n", + "def _convert_hashes(values):\n", + "\n", + "def _suppress_distutils_logs():\n", + "\n", + " def _log(log, level, msg, args):\n", + "\n", + "def _find_egg_info(ireq):\n", + "\n", + "def fs_str(string):\n", + "\n", + "def _get_path(path):\n", + "\n", + "def fs_encode(path):\n", + "\n", + "def fs_decode(path):\n", + "\n", + "def trace_graph(graph):\n", + "\n", + "def _validate_timeout(cls, value, name):\n", + "\n", + "def clone(self):\n", + "\n", + "def start_connect(self):\n", + "\n", + "def connect_timeout(self):\n", + "\n", + "def read_timeout(self):\n", + "\n", + "def _new_conn(self):\n", + "\n", + "def get_requirement_info(dist):\n", + "\n", + "def detect_proc():\n", + "\n", + "def get_process_mapping():\n", + "\n", + "def fast_exit(code):\n", + "\n", + "def _bashcomplete(cmd, prog_name, complete_var=None):\n", + "\n", + "def augment_usage_errors(ctx, param=None):\n", + "\n", + "def iter_params_for_processing(invocation_order, declaration_order):\n", + "\n", + " def sort_key(item):\n", + "\n", + "def scope(self, cleanup=True):\n", + "\n", + "def command_path(self):\n", + "\n", + "def find_root(self):\n", + "\n", + "def find_object(self, object_type):\n", + "\n", + "def ensure_object(self, object_type):\n", + "\n", + "def lookup_default(self, name):\n", + "\n", + "def invoke(*args, **kwargs):\n", + "\n", + "def forward(*args, **kwargs):\n", + "\n", + "def main(self, args=None, prog_name=None, complete_var=None,\n", + "\n", + "def format_usage(self, ctx, formatter):\n", + "\n", + "def collect_usage_pieces(self, ctx):\n", + "\n", + "def get_help_option_names(self, ctx):\n", + "\n", + "def get_help_option(self, ctx):\n", + "\n", + " def show_help(ctx, param, value):\n", + "\n", + "def make_parser(self, ctx):\n", + "\n", + "def get_help(self, ctx):\n", + "\n", + "def get_short_help_str(self, limit=45):\n", + "\n", + "def format_help(self, ctx, formatter):\n", + "\n", + "def format_help_text(self, ctx, formatter):\n", + "\n", + "def format_options(self, ctx, formatter):\n", + "\n", + "def format_epilog(self, ctx, formatter):\n", + "\n", + "def invoke(self, ctx):\n", + "\n", + "def resultcallback(self, replace=False):\n", + "\n", + " def cli(input):\n", + "\n", + " def process_result(result, input):\n", + "\n", + " def decorator(f):\n", + "\n", + " def function(__value, *args, **kwargs):\n", + "\n", + "def format_commands(self, ctx, formatter):\n", + "\n", + "def add_command(self, cmd, name=None):\n", + "\n", + "def command(self, *args, **kwargs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def group(self, *args, **kwargs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def get_default(self, ctx):\n", + "\n", + "def type_cast_value(self, ctx, value):\n", + "\n", + " def _convert(value, level):\n", + "\n", + "def get_error_hint(self, ctx):\n", + "\n", + "def prompt_for_value(self, ctx):\n", + "\n", + "def find_all_matches(finder, ireq, pre=False):\n", + "\n", + "def get_abstract_dependencies(reqs, sources=None, parent=None):\n", + "\n", + "def get_dependencies(ireq, sources=None, parent=None):\n", + "\n", + "def get_dependencies_from_wheel_cache(ireq):\n", + "\n", + "def get_dependencies_from_json(ireq):\n", + "\n", + " def gen(ireq):\n", + "\n", + "def get_dependencies_from_cache(ireq):\n", + "\n", + "def get_dependencies_from_index(dep, sources=None, pip_options=None, wheel_cache=None):\n", + "\n", + "def get_pip_options(args=[], sources=None, pip_command=None):\n", + "\n", + "def get_finder(sources=None, pip_command=None, pip_options=None):\n", + "\n", + "def start_resolver(finder=None, wheel_cache=None):\n", + "\n", + "def as_cache_key(self, ireq):\n", + "\n", + "def read_cache(self):\n", + "\n", + "def write_cache(self):\n", + "\n", + "def reverse_dependencies(self, ireqs):\n", + "\n", + "def _reverse_dependencies(self, cache_keys):\n", + "\n", + "def as_cache_key(self, ireq):\n", + "\n", + "def locked(path, timeout=None):\n", + "\n", + " def myname(...):\n", + "\n", + " def decor(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def getTreeWalker(treeType, implementation=None, **kwargs):\n", + "\n", + "def pprint(walker):\n", + "\n", + "def hide(self):\n", + "\n", + "def show(self):\n", + "\n", + "def write(self, text):\n", + "\n", + "def _freeze(self, final_text):\n", + "\n", + "def to_args(self):\n", + "\n", + "def make_new(self, rev):\n", + "\n", + "def get_backend_type(self, location):\n", + "\n", + "def _is_local_repository(cls, repo):\n", + "\n", + "def get_url_rev_and_auth(self, url):\n", + "\n", + "def get_url_rev_options(self, url):\n", + "\n", + "def compare_urls(self, url1, url2):\n", + "\n", + "def obtain(self, dest):\n", + "\n", + "def is_repository_directory(cls, path):\n", + "\n", + "def _script_names(dist, script_name, is_gui):\n", + "\n", + "def compact(paths):\n", + "\n", + "def compress_for_rename(paths):\n", + "\n", + " def norm_join(*a):\n", + "\n", + "def compress_for_output_listing(paths):\n", + "\n", + "def _get_directory_stash(self, path):\n", + "\n", + "def _get_file_stash(self, path):\n", + "\n", + "def stash(self, path):\n", + "\n", + "def commit(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def remove(self, auto_confirm=False, verbose=False):\n", + "\n", + "def _allowed_to_proceed(self, verbose):\n", + "\n", + " def _display(msg, paths):\n", + "\n", + "def rollback(self):\n", + "\n", + "def author(self):\n", + "\n", + "def maintainer(self):\n", + "\n", + "def license_from_classifiers(self):\n", + "\n", + "def downloads(self):\n", + "\n", + "def python_versions(self):\n", + "\n", + "def release_ids(self):\n", + "\n", + "def release(self, release_id):\n", + "\n", + "def is_executable_file(path):\n", + "\n", + "def which(filename, env=None):\n", + "\n", + "def split_command_line(command_line):\n", + "\n", + "def select_ignore_interrupts(iwtd, owtd, ewtd, timeout=None):\n", + "\n", + "def poll_ignore_interrupts(fds, timeout=None):\n", + "\n", + "def _suggest_semantic_version(s):\n", + "\n", + "def _suggest_normalized_version(s):\n", + "\n", + "def match(self, version):\n", + "\n", + "def set_key(dotenv_path, key_to_set, value_to_set, quote_mode=\"always\"):\n", + "\n", + "def unset_key(dotenv_path, key_to_unset, quote_mode=\"always\"):\n", + "\n", + "def _walk_to_root(path):\n", + "\n", + "def run_command(command, env):\n", + "\n", + "def dict(self):\n", + "\n", + "def set_as_environment_variables(self, override=False):\n", + "\n", + "def _key_from_req(req):\n", + "\n", + "def read_cache(self):\n", + "\n", + "def inject_into_urllib3():\n", + "\n", + "def _validate_dependencies_met():\n", + "\n", + "def _dnsname_to_stdlib(name):\n", + "\n", + " def idna_encode(name):\n", + "\n", + "def get_subj_alt_name(peer_cert):\n", + "\n", + "def feed(self, char, char_len):\n", + "\n", + "def get_confidence(self):\n", + "\n", + "def _get_requests_session():\n", + "\n", + "def convert_toml_outline_tables(parsed):\n", + "\n", + " def convert_tomlkit_table(section):\n", + "\n", + " def convert_toml_table(section):\n", + "\n", + "def run_command(cmd, *args, **kwargs):\n", + "\n", + "def parse_python_version(output):\n", + "\n", + "def escape_grouped_arguments(s):\n", + "\n", + "def convert_deps_to_pip(deps, project=None, r=True, include_index=True):\n", + "\n", + "def is_required_version(version, specified_version):\n", + "\n", + "def is_installable_file(path):\n", + "\n", + "def is_file(package):\n", + "\n", + "def pep423_name(name):\n", + "\n", + "def proper_case(package_name):\n", + "\n", + "def find_windows_executable(bin_path, exe_name):\n", + "\n", + "def get_canonical_names(packages):\n", + "\n", + "def find_requirements(max_depth=3):\n", + "\n", + "def temp_environ():\n", + "\n", + "def temp_path():\n", + "\n", + "def is_valid_url(url):\n", + "\n", + "def download_file(url, filename):\n", + "\n", + "def normalize_drive(path):\n", + "\n", + "def is_readonly_path(fn):\n", + "\n", + "def handle_remove_readonly(func, path, exc):\n", + "\n", + "def safe_expandvars(value):\n", + "\n", + "def translate_markers(pipfile_entry):\n", + "\n", + "def is_virtual_environment(path):\n", + "\n", + "def sys_version(version_tuple):\n", + "\n", + "def add_to_set(original_set, element):\n", + "\n", + "def is_url_equal(url, other_url):\n", + "\n", + "def make_posix(path):\n", + "\n", + "def find_python(finder, line=None):\n", + "\n", + "def is_python_command(line):\n", + "\n", + "def get_hash(self, ireq, ireq_hashes=None):\n", + "\n", + "def _get_process_mapping():\n", + "\n", + "def _iter_process_command(mapping, pid, max_depth):\n", + "\n", + "def _get_login_shell(proc_cmd):\n", + "\n", + "def get_shell(pid=None, max_depth=6):\n", + "\n", + "def send(self, request, stream=False, timeout=None, verify=True,\n", + "\n", + "def init_poolmanager(self, connections, maxsize, block=DEFAULT_POOLBLOCK, **pool_kwargs):\n", + "\n", + "def proxy_manager_for(self, proxy, **proxy_kwargs):\n", + "\n", + "def build_response(self, req, resp):\n", + "\n", + "def get_connection(self, url, proxies=None):\n", + "\n", + "def close(self):\n", + "\n", + "def request_url(self, request, proxies):\n", + "\n", + "def strip_ssh_from_git_uri(uri):\n", + "\n", + "def add_ssh_scheme_to_git_uri(uri):\n", + "\n", + "def is_vcs(pipfile_entry):\n", + "\n", + "def multi_split(s, split):\n", + "\n", + "def convert_entry_to_path(path):\n", + "\n", + "def is_installable_file(path):\n", + "\n", + "def get_path(root, path, default=_UNSET):\n", + "\n", + "def _hash_comparison(self):\n", + "\n", + " def hash_then_or(hash_name):\n", + "\n", + "def reset(self):\n", + "\n", + "def feed(self, byte_str):\n", + "\n", + "def close(self):\n", + "\n", + "def bash(command=\"bash\"):\n", + "\n", + "def run_command(self, command, timeout=-1):\n", + "\n", + "def parse_hashes(self):\n", + "\n", + "def parse_extras(self):\n", + "\n", + "def get_url(self):\n", + "\n", + "def requirement_info(self):\n", + "\n", + "def line_is_installable(self):\n", + "\n", + "def fork_pty():\n", + "\n", + "def pty_make_controlling_tty(tty_fd):\n", + "\n", + "def safecall(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def make_str(value):\n", + "\n", + "def make_default_short_help(help, max_length=45):\n", + "\n", + "def get_binary_stream(name):\n", + "\n", + "def get_text_stream(name, encoding=None, errors='strict'):\n", + "\n", + "def open_file(filename, mode='r', encoding=None, errors='strict',\n", + "\n", + "def format_filename(filename, shorten=False):\n", + "\n", + "def get_app_dir(app_name, roaming=True, force_posix=False):\n", + "\n", + "def open(self):\n", + "\n", + "def split_args(line):\n", + "\n", + "def confirm(text, default=False, abort=False, prompt_suffix=': ',\n", + "\n", + "def echo_via_pager(text_or_generator, color=None):\n", + "\n", + "def progressbar(iterable=None, length=None, label=None, show_eta=True,\n", + "\n", + "def clear():\n", + "\n", + "def edit(text=None, editor=None, env=None, require_save=True,\n", + "\n", + "def launch(url, wait=False, locate=False):\n", + "\n", + "def getchar(echo=False):\n", + "\n", + "def pause(info='Press any key to continue ...', err=False):\n", + "\n", + "def optional(validator):\n", + "\n", + "def copy(self):\n", + "\n", + "def add(self, key):\n", + "\n", + "def remove(self, key):\n", + "\n", + "def connect(self, f, t):\n", + "\n", + "def _const_compare_digest_backport(a, b):\n", + "\n", + "def assert_fingerprint(cert, fingerprint):\n", + "\n", + "def resolve_cert_reqs(candidate):\n", + "\n", + "def resolve_ssl_version(candidate):\n", + "\n", + "def ssl_wrap_socket(sock, keyfile=None, certfile=None, cert_reqs=None,\n", + "\n", + "def is_ipaddress(hostname):\n", + "\n", + "def get_backoff_time(self):\n", + "\n", + "def get_retry_after(self, response):\n", + "\n", + "def sleep(self, response=None):\n", + "\n", + "def _is_method_retryable(self, method):\n", + "\n", + "def is_retry(self, method, status_code, has_retry_after=False):\n", + "\n", + "def is_exhausted(self):\n", + "\n", + "def increment(self, method=None, url=None, response=None, error=None,\n", + "\n", + " def _update_chunk_length(self):\n", + "\n", + "def get_process_mapping():\n", + "\n", + "def rehash(path, blocksize=1 << 20):\n", + "\n", + "def replace_python_tag(wheelname, new_tag):\n", + "\n", + "def message_about_scripts_not_on_PATH(scripts):\n", + "\n", + "def sorted_outrows(outrows):\n", + "\n", + " def record_installed(srcfile, destfile, modified=False):\n", + "\n", + " def clobber(source, dest, is_base, fixer=None, filter=None):\n", + "\n", + " def is_entrypoint_wrapper(name):\n", + "\n", + " def _get_script_text(entry):\n", + "\n", + "def wheel_version(source_dir):\n", + "\n", + "def support_index_min(self, tags=None):\n", + "\n", + "def supported(self, tags=None):\n", + "\n", + "def _build_one(self, req, output_dir, python_tag=None):\n", + "\n", + "def _build_one_pep517(self, req, tempd, python_tag=None):\n", + "\n", + "def _build_one_legacy(self, req, tempd, python_tag=None):\n", + "\n", + "def _get_pypirc_command(self):\n", + "\n", + "def read_configuration(self):\n", + "\n", + "def save_configuration(self):\n", + "\n", + "def check_credentials(self):\n", + "\n", + "def register(self, metadata):\n", + "\n", + "def _reader(self, name, stream, outbuf):\n", + "\n", + "def get_sign_command(self, filename, signer, sign_password,\n", + "\n", + "def run_command(self, cmd, input_data=None):\n", + "\n", + "def sign_file(self, filename, signer, sign_password, keystore=None):\n", + "\n", + "def upload_documentation(self, metadata, doc_dir):\n", + "\n", + "def get_verify_command(self, signature_filename, data_filename,\n", + "\n", + "def verify_signature(self, signature_filename, data_filename,\n", + "\n", + "def download_file(self, url, destfile, digest=None, reporthook=None):\n", + "\n", + "def send_request(self, req):\n", + "\n", + "def encode_request(self, fields, files):\n", + "\n", + "def do_bash_complete(cli, prog_name):\n", + "\n", + "def do_fish_complete(cli, prog_name):\n", + "\n", + "def do_powershell_complete(cli, prog_name):\n", + "\n", + "def get_code(shell=None, prog_name=None, env_name=None, extra_env=None):\n", + "\n", + "def install(shell=None, prog_name=None, env_name=None, path=None, append=None, extra_env=None):\n", + "\n", + "def getTreeBuilder(treeType, implementation=None, **kwargs):\n", + "\n", + "def choose_boundary():\n", + "\n", + "def iter_field_objects(fields):\n", + "\n", + "def iter_fields(fields):\n", + "\n", + "def encode_multipart_formdata(fields, boundary=None):\n", + "\n", + "def finder(package):\n", + "\n", + "def finder_for_path(path):\n", + "\n", + "def get(self, resource):\n", + "\n", + "def to_sax(walker, handler):\n", + "\n", + "def retry(*dargs, **dkw):\n", + "\n", + " def wrap_simple(f):\n", + "\n", + " def wrapped_f(*args, **kw):\n", + "\n", + " def wrap(f):\n", + "\n", + " def wrapped_f(*args, **kw):\n", + "\n", + "def random_sleep(self, previous_attempt_number, delay_since_first_attempt_ms):\n", + "\n", + "def incrementing_sleep(self, previous_attempt_number, delay_since_first_attempt_ms):\n", + "\n", + "def get(self, wrap_exception=False):\n", + "\n", + "def safe_range(*args):\n", + "\n", + "def is_internal_attribute(obj, attr):\n", + "\n", + "def modifies_known_mutable(obj, attr):\n", + "\n", + "def is_safe_attribute(self, obj, attr, value):\n", + "\n", + "def call_binop(self, context, operator, left, right):\n", + "\n", + "def getattr(self, obj, attribute):\n", + "\n", + "def unsafe_undefined(self, obj, attribute):\n", + "\n", + "def format_string(self, s, args, kwargs):\n", + "\n", + "def call(__self, __context, __obj, *args, **kwargs):\n", + "\n", + "def _make_attr_tuple_class(cls_name, attr_names):\n", + "\n", + "def _get_annotations(cls):\n", + "\n", + "def _transform_attrs(cls, these, auto_attribs, kw_only):\n", + "\n", + " def wrap(cls):\n", + "\n", + "def _attrs_to_tuple(obj, attrs):\n", + "\n", + "def _add_hash(cls, attrs):\n", + "\n", + "def _add_cmp(cls, attrs=None):\n", + "\n", + "def _make_repr(attrs, ns):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def _add_repr(cls, ns=None, attrs=None):\n", + "\n", + "def fields(cls):\n", + "\n", + "def fields_dict(cls):\n", + "\n", + "def validate(inst):\n", + "\n", + " def fmt_setter(attr_name, value_var):\n", + "\n", + " def fmt_setter_with_converter(attr_name, value_var):\n", + "\n", + " def fmt_setter(attr_name, value_var):\n", + "\n", + " def fmt_setter_with_converter(attr_name, value_var):\n", + "\n", + " def fmt_setter(attr_name, value):\n", + "\n", + " def fmt_setter_with_converter(attr_name, value_var):\n", + "\n", + "def __init__(self, {args}):\n", + "\n", + "def make_class(name, attrs, bases=(object,), **attributes_arguments):\n", + "\n", + "def and_(*validators):\n", + "\n", + "def _patch_original_class(self):\n", + "\n", + " def cache_hash_set_state(chss_self, _):\n", + "\n", + "def _create_slots_class(self):\n", + "\n", + " def slots_getstate(self):\n", + "\n", + " def slots_setstate(self, state):\n", + "\n", + "def _add_method_dunders(self, method):\n", + "\n", + "def _assoc(self, **changes):\n", + "\n", + "def validator(self, meth):\n", + "\n", + "def default(self, meth):\n", + "\n", + "def _expand_args(command):\n", + "\n", + "def out(self):\n", + "\n", + "def expect(self, pattern, timeout=-1):\n", + "\n", + "def block(self):\n", + "\n", + "def pipe(self, command, timeout=None, cwd=None):\n", + "\n", + "def backport_makefile(self, mode=\"r\", buffering=None, encoding=None,\n", + "\n", + "def make_traceback(exc_info, source_hint=None):\n", + "\n", + "def translate_syntax_error(error, source=None):\n", + "\n", + "def render_as_text(self, limit=None):\n", + "\n", + "def render_as_html(self, full=False):\n", + "\n", + "def standard_exc_info(self):\n", + "\n", + "def resolve_command(self, ctx, args):\n", + "\n", + "def cmdify(self, extra_args=None):\n", + "\n", + "def make_abstract_dist(req):\n", + "\n", + "def prepare_installed_requirement(self, req, require_hashes, skip_reason):\n", + "\n", + "def cprint(text, color=None, on_color=None, attrs=None, **kwargs):\n", + "\n", + "def get_provider(moduleOrReq):\n", + "\n", + "def get_build_platform():\n", + "\n", + "def compatible_platforms(provided, required):\n", + "\n", + "def run_script(dist_spec, script_name):\n", + "\n", + "def get_distribution(dist):\n", + "\n", + "def safe_version(version):\n", + "\n", + "def invalid_marker(text):\n", + "\n", + "def evaluate_marker(text, extra=None):\n", + "\n", + "def find_distributions(path_item, only=False):\n", + "\n", + "def find_eggs_in_zip(importer, path_item, only=False):\n", + "\n", + "def _by_version_descending(names):\n", + "\n", + " def _by_version(name):\n", + "\n", + "def find_on_path(importer, path_item, only=False):\n", + "\n", + "def dist_factory(path_item, entry, only):\n", + "\n", + "def safe_listdir(path):\n", + "\n", + "def non_empty_lines(path):\n", + "\n", + "def resolve_egg_link(path):\n", + "\n", + "def _handle_ns(packageName, path_item):\n", + "\n", + "def _rebuild_mod_path(orig_path, package_name, module):\n", + "\n", + " def safe_sys_path_index(entry):\n", + "\n", + " def position_in_sys_path(path):\n", + "\n", + "def declare_namespace(packageName):\n", + "\n", + "def fixup_namespace_packages(path_item, parent=None):\n", + "\n", + "def file_ns_handler(importer, path_item, packageName, module):\n", + "\n", + "def normalize_path(filename):\n", + "\n", + "def _is_unpacked_egg(path):\n", + "\n", + "def _version_from_file(lines):\n", + "\n", + " def is_version_line(line):\n", + "\n", + "def parse_requirements(strs):\n", + "\n", + "def _find_adapter(registry, ob):\n", + "\n", + "def ensure_directory(path):\n", + "\n", + "def split_sections(s):\n", + "\n", + "def with_context(self, required_by):\n", + "\n", + "def _build_master(cls):\n", + "\n", + "def _build_from_requirements(cls, req_spec):\n", + "\n", + "def add_entry(self, entry):\n", + "\n", + "def iter_entry_points(self, group, name=None):\n", + "\n", + "def run_script(self, requires, script_name):\n", + "\n", + "def require(self, *requirements):\n", + "\n", + "def subscribe(self, callback, existing=True):\n", + "\n", + "def markers_pass(self, req, extras=None):\n", + "\n", + "def scan(self, search_path=None):\n", + "\n", + "def add(self, dist):\n", + "\n", + "def extraction_error(self):\n", + "\n", + "def _warn_unsafe_extraction_path(path):\n", + "\n", + "def postprocess(self, tempname, filename):\n", + "\n", + "def build(cls, path):\n", + "\n", + "def load(self, path):\n", + "\n", + "def _is_current(self, file_path, zip_path):\n", + "\n", + "def load(self, require=True, *args, **kwargs):\n", + "\n", + "def resolve(self):\n", + "\n", + "def parse(cls, src, dist=None):\n", + "\n", + "def parse_group(cls, group, lines, dist=None):\n", + "\n", + "def parse_map(cls, data, dist=None):\n", + "\n", + "def _dep_map(self):\n", + "\n", + "def _filter_extras(dm):\n", + "\n", + "def requires(self, extras=()):\n", + "\n", + "def activate(self, path=None, replace=False):\n", + "\n", + "def egg_name(self):\n", + "\n", + "def as_requirement(self):\n", + "\n", + "def load_entry_point(self, group, name):\n", + "\n", + "def get_entry_map(self, group=None):\n", + "\n", + "def clone(self, **kw):\n", + "\n", + "def _reload_version(self):\n", + "\n", + "def _compute_dependencies(self):\n", + "\n", + " def reqs_for_extra(extra):\n", + "\n", + "def _expand_logical_shortcuts(cls, schema):\n", + "\n", + " def is_of_rule(x):\n", + "\n", + "def _validate(self, schema):\n", + "\n", + "def _validate_logical(self, rule, field, value):\n", + "\n", + "def add(self, name, definition):\n", + "\n", + "def extend(self, definitions):\n", + "\n", + "def export(self, location):\n", + "\n", + "def get_netloc_and_auth(self, netloc, scheme):\n", + "\n", + "def cd(path):\n", + "\n", + "def atomic_open_for_write(target, binary=False, newline=None, encoding=None):\n", + "\n", + "def open_file(link, session=None, stream=True):\n", + "\n", + "def replaced_stream(stream_name):\n", + "\n", + "def read_nonblocking(self, size=1, timeout=None):\n", + "\n", + "def compile_pattern_list(self, patterns):\n", + "\n", + "def expect(self, pattern, timeout=-1, searchwindowsize=-1, async_=False, **kw):\n", + "\n", + "def expect_list(self, pattern_list, timeout=-1, searchwindowsize=-1,\n", + "\n", + "def expect_exact(self, pattern_list, timeout=-1, searchwindowsize=-1,\n", + "\n", + " def prepare_pattern(pattern):\n", + "\n", + "def expect_loop(self, searcher, timeout=-1, searchwindowsize=-1):\n", + "\n", + "def read(self, size=-1):\n", + "\n", + "def readline(self, size=-1):\n", + "\n", + "def readlines(self, sizehint=-1):\n", + "\n", + "def _length_hint(obj):\n", + "\n", + "def _tempfilepager(generator, cmd, color):\n", + "\n", + "def _nullpager(stream, generator, color):\n", + "\n", + "def generator(self):\n", + "\n", + "def dots(it, label=\"\", hide=None, every=1):\n", + "\n", + "def parse(version):\n", + "\n", + "def parse_version_info(version):\n", + "\n", + "def compare(ver1, ver2):\n", + "\n", + "def match(version, match_expr):\n", + "\n", + "def max_ver(ver1, ver2):\n", + "\n", + "def min_ver(ver1, ver2):\n", + "\n", + "def format_version(major, minor, patch, prerelease=None, build=None):\n", + "\n", + "def _make_eof_intr():\n", + "\n", + "def close(self, force=True):\n", + "\n", + "def getecho(self):\n", + "\n", + "def setecho(self, state):\n", + "\n", + "def read(self, size=1024):\n", + "\n", + "def readline(self):\n", + "\n", + "def write(self, s, flush=True):\n", + "\n", + "def sendcontrol(self, char):\n", + "\n", + "def terminate(self, force=False):\n", + "\n", + "def wait(self):\n", + "\n", + "def isalive(self):\n", + "\n", + "def kill(self, sig):\n", + "\n", + "def read(self, size=1024):\n", + "\n", + "def readline(self):\n", + "\n", + "def write(self, s):\n", + "\n", + "def from_requirement(cls, provider, requirement, parent):\n", + "\n", + "def merged_with(self, provider, requirement, parent):\n", + "\n", + "def _push_new_state(self):\n", + "\n", + "def resolve(self, requirements, max_rounds=20):\n", + "\n", + "def _strip_extra(elements):\n", + "\n", + "def get_without_extra(marker):\n", + "\n", + "def get_contained_extras(marker):\n", + "\n", + "def contains_extra(marker):\n", + "\n", + "def get_errors(self):\n", + "\n", + "def get_project(self, name):\n", + "\n", + "def score_url(self, url):\n", + "\n", + "def prefer_url(self, url1, url2):\n", + "\n", + "def _get_digest(self, info):\n", + "\n", + "def links(self):\n", + "\n", + " def clean(url):\n", + "\n", + "def _prepare_threads(self):\n", + "\n", + "def _wait_threads(self):\n", + "\n", + "def _process_download(self, url):\n", + "\n", + "def _should_queue(self, link, referrer, rel):\n", + "\n", + "def _fetch(self):\n", + "\n", + "def get_distribution_names(self):\n", + "\n", + "def get_distribution_names(self):\n", + "\n", + "def get_distribution_names(self):\n", + "\n", + "def add_distribution(self, dist):\n", + "\n", + "def remove_distribution(self, dist):\n", + "\n", + "def get_matcher(self, reqt):\n", + "\n", + "def find_providers(self, reqt):\n", + "\n", + "def try_to_replace(self, provider, other, problems):\n", + "\n", + "def find(self, requirement, meta_extras=None, prereleases=False):\n", + "\n", + "def _read_incoming(self):\n", + "\n", + "def send(self, s):\n", + "\n", + "def sendline(self, s=''):\n", + "\n", + "def wait(self):\n", + "\n", + "def kill(self, sig):\n", + "\n", + "def mkdir_p(*args, **kwargs):\n", + "\n", + "def with_pattern(pattern, regex_group_count=None):\n", + "\n", + " def decorator(func):\n", + "\n", + "def int_convert(base):\n", + "\n", + " def f(string, match, base=base):\n", + "\n", + "def date_convert(string, match, ymd=None, mdy=None, dmy=None,\n", + "\n", + "def extract_format(format, extra_types):\n", + "\n", + "def parse(format, string, extra_types=None, evaluate_result=True, case_sensitive=False):\n", + "\n", + "def search(format, string, pos=0, endpos=None, extra_types=None, evaluate_result=True,\n", + "\n", + "def parse(self, string, evaluate_result=True):\n", + "\n", + "def search(self, string, pos=0, endpos=None, evaluate_result=True):\n", + "\n", + "def findall(self, string, pos=0, endpos=None, extra_types=None, evaluate_result=True):\n", + "\n", + "def evaluate_result(self, m):\n", + "\n", + "def run(state, command, args):\n", + "\n", + "def graph(bare=False, json=False, json_tree=False, reverse=False):\n", + "\n", + "def run_open(state, module, *args, **kwargs):\n", + "\n", + "def clean(ctx, state, dry_run=False, bare=False, user=False):\n", + "\n", + "def consumeNumberEntity(self, isHex):\n", + "\n", + "def emitCurrentToken(self):\n", + "\n", + "def create_package_set_from_installed(**kwargs):\n", + "\n", + "def check_package_set(package_set, should_ignore=None):\n", + "\n", + " def should_ignore(name):\n", + "\n", + "def check_install_conflicts(to_install):\n", + "\n", + "def _simulate_installation_of(to_install, package_set):\n", + "\n", + "def filter_international_words(buf):\n", + "\n", + "def filter_with_english_letters(buf):\n", + "\n", + "def join_parsed_parts(self, drv, root, parts, drv2, root2, parts2):\n", + "\n", + "def select_from(self, parent_path):\n", + "\n", + "def as_posix(self):\n", + "\n", + "def name(self):\n", + "\n", + "def suffix(self):\n", + "\n", + "def suffixes(self):\n", + "\n", + "def stem(self):\n", + "\n", + "def with_name(self, name):\n", + "\n", + "def with_suffix(self, suffix):\n", + "\n", + "def parts(self):\n", + "\n", + "def parent(self):\n", + "\n", + "def is_absolute(self):\n", + "\n", + "def match(self, path_pattern):\n", + "\n", + "def _raw_open(self, flags, mode=0o777):\n", + "\n", + "def samefile(self, other_path):\n", + "\n", + "def iterdir(self):\n", + "\n", + "def touch(self, mode=0o666, exist_ok=True):\n", + "\n", + "def mkdir(self, mode=0o777, parents=False, exist_ok=False):\n", + "\n", + " def _try_func():\n", + "\n", + " def _exc_func(exc):\n", + "\n", + "def chmod(self, mode):\n", + "\n", + "def lchmod(self, mode):\n", + "\n", + "def unlink(self):\n", + "\n", + "def rmdir(self):\n", + "\n", + "def lstat(self):\n", + "\n", + "def rename(self, target):\n", + "\n", + "def replace(self, target):\n", + "\n", + "def symlink_to(self, target, target_is_directory=False):\n", + "\n", + "def exists(self):\n", + "\n", + "def is_dir(self):\n", + "\n", + "def is_file(self):\n", + "\n", + "def is_fifo(self):\n", + "\n", + "def is_socket(self):\n", + "\n", + "def expanduser(self):\n", + "\n", + "def lookupEncoding(encoding):\n", + "\n", + "def openStream(self, source):\n", + "\n", + "def position(self):\n", + "\n", + "def char(self):\n", + "\n", + "def charsUntil(self, characters, opposite=False):\n", + "\n", + "def openStream(self, source):\n", + "\n", + "def detectEncodingMeta(self):\n", + "\n", + "def skip(self, chars=spaceCharactersBytes):\n", + "\n", + "def matchBytes(self, bytes):\n", + "\n", + "def jumpTo(self, bytes):\n", + "\n", + "def getAttribute(self):\n", + "\n", + "def _build_backend():\n", + "\n", + "def get_requires_for_build_wheel(config_settings):\n", + "\n", + "def prepare_metadata_for_build_wheel(metadata_directory, config_settings):\n", + "\n", + "def _dist_info_files(whl_zip):\n", + "\n", + "def _find_already_built_wheel(metadata_directory):\n", + "\n", + "def build_wheel(wheel_directory, config_settings, metadata_directory=None):\n", + "\n", + "def get_requires_for_build_sdist(config_settings):\n", + "\n", + "def update_wrapper(wrapper,\n", + "\n", + "def lru_cache(maxsize=100, typed=False):\n", + "\n", + " def decorating_function(user_function):\n", + "\n", + " def wrapper(*args, **kwds):\n", + "\n", + " def wrapper(*args, **kwds):\n", + "\n", + " def wrapper(*args, **kwds):\n", + "\n", + " def cache_info():\n", + "\n", + " def cache_clear():\n", + "\n", + "def first(iterable, default=None, key=None):\n", + "\n", + "def get_process_mapping():\n", + "\n", + "def visit_Name(self, node, store_as_param=False, **kwargs):\n", + "\n", + "def visit_Assign(self, node, **kwargs):\n", + "\n", + "def make_set_closure_cell():\n", + "\n", + " def set_closure_cell(cell, value):\n", + "\n", + "def _spawn(self, command, args=[], preexec_fn=None, dimensions=None):\n", + "\n", + " def preexec_wrapper():\n", + "\n", + "def close(self, force=True):\n", + "\n", + "def waitnoecho(self, timeout=-1):\n", + "\n", + "def read_nonblocking(self, size=1, timeout=-1):\n", + "\n", + "def send(self, s):\n", + "\n", + "def sendline(self, s=''):\n", + "\n", + "def _log_control(self, s):\n", + "\n", + "def sendcontrol(self, char):\n", + "\n", + "def sendeof(self):\n", + "\n", + "def sendintr(self):\n", + "\n", + "def wait(self):\n", + "\n", + "def isalive(self):\n", + "\n", + "def interact(self, escape_character=chr(29),\n", + "\n", + " def sigwinch_passthrough (sig, data):\n", + "\n", + "def __interact_writen(self, fd, data):\n", + "\n", + "def extras_to_string(extras):\n", + "\n", + "def parse_extras(extras_str):\n", + "\n", + "def specs_to_string(specs):\n", + "\n", + "def convert_direct_url_to_url(direct_url):\n", + "\n", + "def convert_url_to_direct_url(url, name=None):\n", + "\n", + "def strip_extras_markers_from_requirement(req):\n", + "\n", + "def get_pyproject(path):\n", + "\n", + "def split_markers_from_line(line):\n", + "\n", + "def split_vcs_method_from_uri(uri):\n", + "\n", + "def split_ref_from_uri(uri):\n", + "\n", + "def key_from_ireq(ireq):\n", + "\n", + "def key_from_req(req):\n", + "\n", + "def _requirement_to_str_lowercase_name(requirement):\n", + "\n", + "def format_requirement(ireq):\n", + "\n", + "def format_specifier(ireq):\n", + "\n", + "def as_tuple(ireq):\n", + "\n", + "def full_groupby(iterable, key=None):\n", + "\n", + "def lookup_table(values, key=None, keyval=None, unique=False, use_lists=False):\n", + "\n", + "def make_install_requirement(name, version, extras, markers, constraint=False):\n", + "\n", + "def clean_requires_python(candidates):\n", + "\n", + "def get_name_variants(pkg):\n", + "\n", + "def _best_version(fields):\n", + "\n", + " def _has_marker(keys, markers):\n", + "\n", + "def _get_name_and_version(name, version, for_filename=False):\n", + "\n", + "def read(self, filepath):\n", + "\n", + "def write(self, filepath, skip_unknown=False):\n", + "\n", + "def write_file(self, fileobject, skip_unknown=False):\n", + "\n", + "def update(self, other=None, **kwargs):\n", + "\n", + " def _set(key, value):\n", + "\n", + "def set(self, name, value):\n", + "\n", + "def get(self, name, default=_MISSING):\n", + "\n", + "def todict(self, skip_missing=False):\n", + "\n", + "def get_requirements(self, reqts, extras=None, env=None):\n", + "\n", + "def remove_move(name):\n", + "\n", + "def ensure_binary(s, encoding='utf-8', errors='strict'):\n", + "\n", + "def ensure_str(s, encoding='utf-8', errors='strict'):\n", + "\n", + "def ensure_text(s, encoding='utf-8', errors='strict'):\n", + "\n", + "def python_2_unicode_compatible(klass):\n", + "\n", + "def preprocess(content, options):\n", + "\n", + "def break_args_options(line):\n", + "\n", + "def build_parser(line):\n", + "\n", + " def parser_exit(self, msg):\n", + "\n", + "def join_lines(lines_enum):\n", + "\n", + "def ignore_comments(lines_enum):\n", + "\n", + "def skip_regex(lines_enum, options):\n", + "\n", + "def expand_env_variables(lines_enum):\n", + "\n", + "def finish(self):\n", + "\n", + "def handle_sigint(self, signum, frame):\n", + "\n", + "def iter_fields(self, exclude=None, only=None):\n", + "\n", + "def iter_child_nodes(self, exclude=None, only=None):\n", + "\n", + "def find_all(self, node_type):\n", + "\n", + "def set_ctx(self, ctx):\n", + "\n", + "def set_lineno(self, lineno, override=False):\n", + "\n", + "def set_environment(self, environment):\n", + "\n", + "def from_untrusted(cls, value, lineno=None, environment=None):\n", + "\n", + "def build_wheel(source_dir, wheel_dir, config_settings=None):\n", + "\n", + "def build_sdist(source_dir, sdist_dir, config_settings=None):\n", + "\n", + "def pip_install(self, reqs):\n", + "\n", + "def reparentChildren(self, newParent):\n", + "\n", + "def elementInActiveFormattingElements(self, name):\n", + "\n", + "def createElement(self, token):\n", + "\n", + "def _setInsertFromTable(self, value):\n", + "\n", + "def insertElementTable(self, token):\n", + "\n", + "def insertText(self, data, parent=None):\n", + "\n", + "def getTableMisnestedNodePosition(self):\n", + "\n", + "def getFragment(self):\n", + "\n", + "def evaluate(self, environment=None):\n", + "\n", + "def _allow_all_wheels():\n", + "\n", + "def create(self):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def _generate_names(cls, name):\n", + "\n", + "def detect(byte_str):\n", + "\n", + "def unescape(self):\n", + "\n", + " def handle_match(m):\n", + "\n", + "def escape(cls, s):\n", + "\n", + "def populate_link(self, finder, upgrade, require_hashes):\n", + "\n", + "def is_pinned(self):\n", + "\n", + "def hashes(self, trust_internet=True):\n", + "\n", + "def _correct_build_location(self):\n", + "\n", + "def remove_temporary_source(self):\n", + "\n", + "def check_if_exists(self, use_user_site):\n", + "\n", + "def load_pyproject_toml(self):\n", + "\n", + " def runner(cmd, cwd=None, extra_environ=None):\n", + "\n", + "def prepare_metadata(self):\n", + "\n", + "def get_dist(self):\n", + "\n", + "def uninstall(self, auto_confirm=False, verbose=False,\n", + "\n", + "def intranges_from_list(list_):\n", + "\n", + "def intranges_contain(int_, ranges):\n", + "\n", + "def _hash_of_file(path, algorithm):\n", + "\n", + "def linux_distribution(self, full_distribution_name=True):\n", + "\n", + "def id(self):\n", + "\n", + " def normalize(distro_id, table):\n", + "\n", + "def name(self, pretty=False):\n", + "\n", + "def version(self, pretty=False, best=False):\n", + "\n", + "def version_parts(self, best=False):\n", + "\n", + "def info(self, pretty=False, best=False):\n", + "\n", + "def _os_release_info(self):\n", + "\n", + "def _lsb_release_info(self):\n", + "\n", + "def _parse_lsb_release_content(lines):\n", + "\n", + "def _distro_release_info(self):\n", + "\n", + "def _parse_distro_release_file(self, filepath):\n", + "\n", + "def _parse_distro_release_content(line):\n", + "\n", + "def dependency_tree(installed_keys, root_key):\n", + "\n", + "def get_dists_to_ignore(installed):\n", + "\n", + "def diff(compiled_requirements, installed_dists):\n", + "\n", + "def sync(to_install, to_uninstall, verbose=False, dry_run=False, install_flags=None):\n", + "\n", + "def get_spontaneous_environment(*args):\n", + "\n", + "def _environment_sanity_check(environment):\n", + "\n", + "def overlay(self, block_start_string=missing, block_end_string=missing,\n", + "\n", + "def iter_extensions(self):\n", + "\n", + "def getattr(self, obj, attribute):\n", + "\n", + "def call_filter(self, name, value, args=None, kwargs=None,\n", + "\n", + "def parse(self, source, name=None, filename=None):\n", + "\n", + "def _parse(self, source, name, filename):\n", + "\n", + "def lex(self, source, name=None, filename=None):\n", + "\n", + "def _tokenize(self, source, name, filename=None, state=None):\n", + "\n", + "def compile(self, source, name=None, filename=None, raw=False,\n", + "\n", + "def compile_expression(self, source, undefined_to_none=True):\n", + "\n", + "def get_template(self, name, parent=None, globals=None):\n", + "\n", + "def select_template(self, names, parent=None, globals=None):\n", + "\n", + "def get_or_select_template(self, template_name_or_list,\n", + "\n", + "def from_string(self, source, globals=None, template_class=None):\n", + "\n", + "def make_globals(self, d):\n", + "\n", + "def from_module_dict(cls, environment, module_dict, globals):\n", + "\n", + "def new_context(self, vars=None, shared=False, locals=None):\n", + "\n", + "def make_module(self, vars=None, shared=False, locals=None):\n", + "\n", + "def get_corresponding_lineno(self, lineno):\n", + "\n", + "def debug_info(self):\n", + "\n", + "def _get_parsed_url(url):\n", + "\n", + "def remove_password_from_url(url):\n", + "\n", + "def _verify_python3_env():\n", + "\n", + "def rmtree_errorhandler(func, path, exc_info):\n", + "\n", + "def display_path(path):\n", + "\n", + "def is_installable_dir(path):\n", + "\n", + "def is_svn_page(html):\n", + "\n", + "def read_chunks(file, size=io.DEFAULT_BUFFER_SIZE):\n", + "\n", + "def normalize_path(path, resolve_symlinks=True):\n", + "\n", + "def splitext(path):\n", + "\n", + "def renames(old, new):\n", + "\n", + "def is_local(path):\n", + "\n", + "def dist_is_editable(dist):\n", + "\n", + "def get_installed_distributions(local_only=True,\n", + "\n", + " def local_test(d):\n", + "\n", + " def editable_test(d):\n", + "\n", + " def editable_test(d):\n", + "\n", + " def editables_only_test(d):\n", + "\n", + " def editables_only_test(d):\n", + "\n", + " def user_test(d):\n", + "\n", + "def egg_link_path(dist):\n", + "\n", + "def unzip_file(filename, location, flatten=True):\n", + "\n", + "def read_text_file(filename):\n", + "\n", + "def captured_output(stream_name):\n", + "\n", + "def get_installed_version(dist_name, working_set=None):\n", + "\n", + "def make_vcs_requirement_url(repo_url, rev, project_name, subdir=None):\n", + "\n", + "def split_auth_from_netloc(netloc):\n", + "\n", + "def redact_netloc(netloc):\n", + "\n", + "def protect_pip_from_modification_on_windows(modifying_pip):\n", + "\n", + "def check_requires_python(requires_python):\n", + "\n", + "def init(complete_options=False, match_incomplete=None):\n", + "\n", + "def transform_hits(hits):\n", + "\n", + "def resolve(self, requirement_set):\n", + "\n", + "def _set_req_to_reinstall(self, req):\n", + "\n", + "def _check_skip_installed(self, req_to_install):\n", + "\n", + "def _get_abstract_dist_for(self, req):\n", + "\n", + " def add_req(subreq, extras_requested):\n", + "\n", + "def get_installation_order(self, req_set):\n", + "\n", + " def schedule(req):\n", + "\n", + "def _xml_escape(data):\n", + "\n", + "def line( loc, strg ):\n", + "\n", + "def traceParseAction(f):\n", + "\n", + " def remove_duplicate_chars(tokens):\n", + "\n", + " def z(*paArgs):\n", + "\n", + "def delimitedList( expr, delim=\",\", combine=False ):\n", + "\n", + "def originalTextFor(expr, asString=True):\n", + "\n", + " def extractText(s,l,t):\n", + "\n", + "def locatedExpr(expr):\n", + "\n", + "def srange(s):\n", + "\n", + "def matchOnlyAtCol(n):\n", + "\n", + " def verifyCol(strg,locn,toks):\n", + "\n", + "def tokenMap(func, *args):\n", + "\n", + " def pa(s,l,t):\n", + "\n", + "def withAttribute(*args,**attrDict):\n", + "\n", + " def pa(s,l,tokens):\n", + "\n", + "def nestedExpr(opener=\"(\", closer=\")\", content=None, ignoreExpr=quotedString.copy()):\n", + "\n", + "def _from_exception(cls, pe):\n", + "\n", + "def markInputline( self, markerString = \">!<\" ):\n", + "\n", + "def explain(exc, depth=16):\n", + "\n", + "def pop( self, *args, **kwargs):\n", + "\n", + " def remove_first(tokens):\n", + "\n", + " def remove_LABEL(tokens):\n", + "\n", + "def extend( self, itemseq ):\n", + "\n", + " def make_palindrome(tokens):\n", + "\n", + "def asList( self ):\n", + "\n", + "def asDict( self ):\n", + "\n", + " def toItem(obj):\n", + "\n", + "def getName(self):\n", + "\n", + "def dump(self, indent='', depth=0, full=True):\n", + "\n", + "def pprint(self, *args, **kwargs):\n", + "\n", + "def copy( self ):\n", + "\n", + "def setName( self, name ):\n", + "\n", + "def setResultsName( self, name, listAllMatches=False ):\n", + "\n", + "def addCondition(self, *fns, **kwargs):\n", + "\n", + " def pa(s,l,t):\n", + "\n", + "def enablePackrat(cache_size_limit=128):\n", + "\n", + "def parseString( self, instring, parseAll=False ):\n", + "\n", + "def searchString( self, instring, maxMatches=_MAX_INT ):\n", + "\n", + "def split(self, instring, maxsplit=_MAX_INT, includeSeparators=False):\n", + "\n", + "def setWhitespaceChars( self, chars ):\n", + "\n", + "def ignore( self, other ):\n", + "\n", + "def setDebugActions( self, startAction, successAction, exceptionAction ):\n", + "\n", + "def setDebug( self, flag=True ):\n", + "\n", + "def parseFile( self, file_or_filename, parseAll=False ):\n", + "\n", + "def sub(self, repl):\n", + "\n", + " def pa(tokens):\n", + "\n", + " def pa(tokens):\n", + "\n", + "def leaveWhitespace( self ):\n", + "\n", + "def convertToDate(fmt=\"%Y-%m-%d\"):\n", + "\n", + " def cvt_fn(s,l,t):\n", + "\n", + "def convertToDatetime(fmt=\"%Y-%m-%dT%H:%M:%S.%f\"):\n", + "\n", + " def cvt_fn(s,l,t):\n", + "\n", + "def _match_vcs_scheme(url):\n", + "\n", + "def _is_url_like_archive(url):\n", + "\n", + "def _ensure_html_header(response):\n", + "\n", + "def _ensure_html_response(url, session):\n", + "\n", + "def _get_html_response(url, session):\n", + "\n", + "def _find_name_version_sep(egg_info, canonical_name):\n", + "\n", + "def _egg_info_matches(egg_info, canonical_name):\n", + "\n", + "def _determine_base_url(document, page_url):\n", + "\n", + "def _get_encoding_from_headers(headers):\n", + "\n", + "def _candidate_sort_key(self, candidate, ignore_compatibility=True):\n", + "\n", + "def _get_index_urls_locations(self, project_name):\n", + "\n", + " def mkurl_pypi_url(url):\n", + "\n", + "def find_all_candidates(self, project_name):\n", + "\n", + "def find_requirement(self, req, upgrade, ignore_compatibility=False):\n", + "\n", + "def _get_pages(self, locations, project_name):\n", + "\n", + "def _link_package_versions(self, link, search, ignore_compatibility=True):\n", + "\n", + "def iter_links(self):\n", + "\n", + "def run(command, timeout=30, withexitstatus=False, events=None,\n", + "\n", + " def print_ticks(d):\n", + "\n", + "def runu(command, timeout=30, withexitstatus=False, events=None,\n", + "\n", + "def get_process_mapping():\n", + "\n", + "def path_url(self):\n", + "\n", + "def _encode_params(data):\n", + "\n", + "def _encode_files(files, data):\n", + "\n", + "def register_hook(self, event, hook):\n", + "\n", + "def deregister_hook(self, event, hook):\n", + "\n", + "def prepare(self,\n", + "\n", + "def prepare_body(self, data, files, json=None):\n", + "\n", + "def prepare_content_length(self, body):\n", + "\n", + "def prepare_auth(self, auth, url=''):\n", + "\n", + "def prepare_cookies(self, cookies):\n", + "\n", + "def prepare_hooks(self, hooks):\n", + "\n", + "def is_permanent_redirect(self):\n", + "\n", + "def text(self):\n", + "\n", + "def raise_for_status(self):\n", + "\n", + "def close(self):\n", + "\n", + "def create_env_error_message(error, show_traceback, using_user_site):\n", + "\n", + "def _ipv6_host(host, scheme):\n", + "\n", + "def _get_conn(self, timeout=None):\n", + "\n", + "def _get_timeout(self, timeout):\n", + "\n", + "def _raise_timeout(self, err, url, timeout_value):\n", + "\n", + "def urlopen(self, method, url, body=None, headers=None, retries=None,\n", + "\n", + " def drain_and_release_conn(response):\n", + "\n", + "def _prepare_conn(self, conn):\n", + "\n", + "def _prepare_proxy(self, conn):\n", + "\n", + "def reload_system_path(self):\n", + "\n", + "def get_shell(pid=None, max_depth=6):\n", + "\n", + "def _make_class_unpicklable(cls):\n", + "\n", + " def _break_on_call_reduce(self, protocol=None):\n", + "\n", + "def _convert(cls, name, module, filter, source=None):\n", + "\n", + "def unique(enumeration):\n", + "\n", + "def _create_(cls, class_name, names=None, module=None, type=None, start=1):\n", + "\n", + "def _get_mixins_(bases):\n", + "\n", + "def _basic_auth_str(username, password):\n", + "\n", + "def format_for_columns(pkgs, options):\n", + "\n", + "def _build_package_finder(self, options, index_urls, session):\n", + "\n", + "def _build_shebang(self, executable, post_interp):\n", + "\n", + "def make(self, specification, options=None):\n", + "\n", + "def make_multiple(self, specifications, options=None):\n", + "\n", + "def iter_find_files(directory, patterns, ignored=None):\n", + "\n", + "def from_int(cls, i):\n", + "\n", + "def from_path(cls, path):\n", + "\n", + "def setup(self):\n", + "\n", + "def load(pipfile_path=None, inject_env=True):\n", + "\n", + "def inject_environment_variables(self, d):\n", + "\n", + "def find(max_depth=3):\n", + "\n", + "def load(klass, filename, inject_env=True):\n", + "\n", + "def hash(self):\n", + "\n", + "def lock(self):\n", + "\n", + "def assert_requirements(self):\n", + "\n", + "def copyfileobj(fsrc, fdst, length=16*1024):\n", + "\n", + "def copyfile(src, dst):\n", + "\n", + "def copymode(src, dst):\n", + "\n", + "def copystat(src, dst):\n", + "\n", + "def copy(src, dst):\n", + "\n", + "def copy2(src, dst):\n", + "\n", + "def rmtree(path, ignore_errors=False, onerror=None):\n", + "\n", + " def onerror(*args):\n", + "\n", + " def onerror(*args):\n", + "\n", + "def move(src, dst):\n", + "\n", + "def _get_gid(name):\n", + "\n", + "def _get_uid(name):\n", + "\n", + "def _make_tarball(base_name, base_dir, compress=\"gzip\", verbose=0, dry_run=0,\n", + "\n", + " def _set_uid_gid(tarinfo):\n", + "\n", + "def _make_zipfile(base_name, base_dir, verbose=0, dry_run=0, logger=None):\n", + "\n", + "def get_archive_formats():\n", + "\n", + "def register_archive_format(name, function, extra_args=None, description=''):\n", + "\n", + "def make_archive(base_name, format, root_dir=None, base_dir=None, verbose=0,\n", + "\n", + "def get_unpack_formats():\n", + "\n", + "def _check_unpack_options(extensions, function, extra_args):\n", + "\n", + "def register_unpack_format(name, extensions, function, extra_args=None,\n", + "\n", + "def _ensure_directory(path):\n", + "\n", + "def _unpack_zipfile(filename, extract_dir):\n", + "\n", + "def _unpack_tarfile(filename, extract_dir):\n", + "\n", + "def unpack_archive(filename, extract_dir=None, format=None):\n", + "\n", + "def parseFragment(doc, container=\"div\", treebuilder=\"etree\", namespaceHTMLElements=True, **kwargs):\n", + "\n", + "def parse(self, stream, *args, **kwargs):\n", + "\n", + "def parseFragment(self, stream, *args, **kwargs):\n", + "\n", + "def construct_tree(index):\n", + "\n", + "def sorted_tree(tree):\n", + "\n", + "def find_tree_root(tree, key):\n", + "\n", + "def reverse_tree(tree):\n", + "\n", + "def guess_version(pkg_key, default='?'):\n", + "\n", + "def render_tree(tree, list_all=True, show_only=None, frozen=False, exclude=None):\n", + "\n", + " def aux(node, parent=None, indent=0, chain=None):\n", + "\n", + "def render_json(tree, indent):\n", + "\n", + "def render_json_tree(tree, indent):\n", + "\n", + " def aux(node, parent=None, chain=None):\n", + "\n", + "def dump_graphviz(tree, output_format='dot'):\n", + "\n", + "def print_graphviz(dump_output):\n", + "\n", + "def conflicting_deps(tree):\n", + "\n", + "def cyclic_deps(tree):\n", + "\n", + "def is_conflicting(self):\n", + "\n", + "def check_against_chunks(self, chunks):\n", + "\n", + "def default_if_none(default=NOTHING, factory=None):\n", + "\n", + " def default_if_none_converter(val):\n", + "\n", + " def default_if_none_converter(val):\n", + "\n", + "def _drop_nodes_from_errorpaths(self, _errors, dp_items, sp_items):\n", + "\n", + "def _lookup_field(self, path):\n", + "\n", + "def types(cls):\n", + "\n", + "def _drop_remaining_rules(self, *rules):\n", + "\n", + "def normalized(self, document, schema=None, always_return_document=False):\n", + "\n", + "def _normalize_coerce(self, mapping, schema):\n", + "\n", + "def _normalize_purge_unknown(mapping, schema):\n", + "\n", + "def _normalize_rename(self, mapping, schema, field):\n", + "\n", + "def _normalize_rename_handler(self, mapping, schema, field):\n", + "\n", + "def _normalize_default_setter(self, mapping, schema, field):\n", + "\n", + "def validate(self, document, schema=None, update=False, normalize=True):\n", + "\n", + "def validated(self, *args, **kwargs):\n", + "\n", + "def _validate_allowed(self, allowed_values, field, value):\n", + "\n", + "def _validate_empty(self, empty, field, value):\n", + "\n", + "def _validate_excludes(self, excludes, field, value):\n", + "\n", + "def _validate_forbidden(self, forbidden_values, field, value):\n", + "\n", + "def __validate_logical(self, operator, definitions, field, value):\n", + "\n", + "def _validate_anyof(self, definitions, field, value):\n", + "\n", + "def _validate_allof(self, definitions, field, value):\n", + "\n", + "def _validate_noneof(self, definitions, field, value):\n", + "\n", + "def _validate_oneof(self, definitions, field, value):\n", + "\n", + "def _validate_max(self, max_value, field, value):\n", + "\n", + "def _validate_min(self, min_value, field, value):\n", + "\n", + "def _validate_maxlength(self, max_length, field, value):\n", + "\n", + "def _validate_minlength(self, min_length, field, value):\n", + "\n", + "def _validate_keyschema(self, schema, field, value):\n", + "\n", + "def _validate_readonly(self, readonly, field, value):\n", + "\n", + "def _validate_regex(self, pattern, field, value):\n", + "\n", + "def __validate_required_fields(self, document):\n", + "\n", + "def _validate_schema(self, schema, field, value):\n", + "\n", + "def _validate_type(self, data_type, field, value):\n", + "\n", + "def _validate_validator(self, validator, field, value):\n", + "\n", + "def _validate_valueschema(self, schema, field, value):\n", + "\n", + "def make_attrgetter(environment, attribute, postprocess=None):\n", + "\n", + " def attrgetter(item):\n", + "\n", + "def do_forceescape(value):\n", + "\n", + "def do_urlencode(value):\n", + "\n", + "def do_title(s):\n", + "\n", + "def do_dictsort(value, case_sensitive=False, by='key', reverse=False):\n", + "\n", + " def sort_func(item):\n", + "\n", + "def do_unique(environment, value, case_sensitive=False, attribute=None):\n", + "\n", + "def do_min(environment, value, case_sensitive=False, attribute=None):\n", + "\n", + "def do_max(environment, value, case_sensitive=False, attribute=None):\n", + "\n", + "def do_join(eval_ctx, value, d=u'', attribute=None):\n", + "\n", + "def do_last(environment, seq):\n", + "\n", + "def do_random(context, seq):\n", + "\n", + "def do_filesizeformat(value, binary=False):\n", + "\n", + "def do_urlize(eval_ctx, value, trim_url_limit=None, nofollow=False,\n", + "\n", + "def do_truncate(env, s, length=255, killwords=False, end='...', leeway=None):\n", + "\n", + "def do_wordwrap(environment, s, width=79, break_long_words=True,\n", + "\n", + "def do_int(value, default=0, base=10):\n", + "\n", + "def do_format(value, *args, **kwargs):\n", + "\n", + "def do_striptags(value):\n", + "\n", + "def do_slice(value, slices, fill_with=None):\n", + "\n", + "def do_batch(value, linecount, fill_with=None):\n", + "\n", + "def do_round(value, precision=0, method='common'):\n", + "\n", + "def do_groupby(environment, value, attribute):\n", + "\n", + "def do_sum(environment, iterable, attribute=None, start=0):\n", + "\n", + "def do_reverse(value):\n", + "\n", + "def do_attr(environment, obj, name):\n", + "\n", + "def do_map(*args, **kwargs):\n", + "\n", + "def do_tojson(eval_ctx, value, indent=None):\n", + "\n", + "def autocomplete():\n", + "\n", + "def get_path_completion_type(cwords, cword, opts):\n", + "\n", + "def auto_complete_paths(current, completion_type):\n", + "\n", + "def _build_wheel_modern(ireq, output_dir, finder, wheel_cache, kwargs):\n", + "\n", + "def get_python_version(path):\n", + "\n", + "def path_is_known_executable(path):\n", + "\n", + "def looks_like_python(name):\n", + "\n", + "def ensure_path(path):\n", + "\n", + "def filter_pythons(path):\n", + "\n", + "def expand_paths(path, only_python=True):\n", + "\n", + "def _get_cache_path_parts(self, link):\n", + "\n", + "def get_path_for_link(self, link):\n", + "\n", + "def is_artifact(self):\n", + "\n", + "def _get_dependencies_from_cache(ireq):\n", + "\n", + "def _get_dependencies_from_json(ireq, sources):\n", + "\n", + "def _read_requirements(metadata, extras):\n", + "\n", + "def _read_requires_python(metadata):\n", + "\n", + "def _get_dependencies_from_pip(ireq, sources):\n", + "\n", + "def get_dependencies(requirement, sources):\n", + "\n", + "def format_header_param(name, value):\n", + "\n", + "def from_tuples(cls, fieldname, value):\n", + "\n", + "def _render_parts(self, header_parts):\n", + "\n", + "def render_headers(self):\n", + "\n", + "def make_multipart(self, content_disposition=None, content_type=None,\n", + "\n", + "def emptyTag(self, namespace, name, attrs, hasChildren=False):\n", + "\n", + "def text(self, data):\n", + "\n", + "def _get_activate_script(cmd, venv):\n", + "\n", + "def filename(self):\n", + "\n", + "def build(self, paths, tags=None, wheel_version=None):\n", + "\n", + "def install(self, paths, maker, **kwargs):\n", + "\n", + "def update(self, modifier, dest_dir=None, **kwargs):\n", + "\n", + " def get_version(path_map, info_dir):\n", + "\n", + " def update_version(version, path):\n", + "\n", + "def load_dot_env():\n", + "\n", + "def add_to_path(p):\n", + "\n", + "def cleanup_virtualenv(bare=True):\n", + "\n", + "def ensure_pipfile(validate=True, skip_requirements=False, system=False):\n", + "\n", + "def find_a_system_python(line):\n", + "\n", + "def ensure_virtualenv(three=None, python=None, site_packages=False, pypi_mirror=None):\n", + "\n", + " def abort():\n", + "\n", + "def shorten_path(location, bold=False):\n", + "\n", + "def do_where(virtualenv=False, bare=True):\n", + "\n", + "def do_create_virtualenv(python=None, site_packages=False, pypi_mirror=None):\n", + "\n", + "def do_purge(bare=False, downloads=False, allow_global=False):\n", + "\n", + "def fallback_which(command, location=None, allow_global=False, system=False):\n", + "\n", + "def which_pip(allow_global=False):\n", + "\n", + "def system_which(command, mult=False):\n", + "\n", + "def format_help(help):\n", + "\n", + "def ensure_lockfile(keep_outdated=False, pypi_mirror=None):\n", + "\n", + "def _inline_activate_venv():\n", + "\n", + "def do_run(command, args, three=None, python=False, pypi_mirror=None):\n", + "\n", + "def _iter_process():\n", + "\n", + "def get_shell(pid=None, max_depth=6):\n", + "\n", + " def check_parent(pid, lvl=0):\n", + "\n", + "def fail(self, message, param=None, ctx=None):\n", + "\n", + "def user_cache_dir(appname):\n", + "\n", + "def auto_decode(data):\n", + "\n", + "def resolve_color_default(color=None):\n", + "\n", + "def load(f, _dict=dict, decoder=None):\n", + "\n", + "def loads(s, _dict=dict, decoder=None):\n", + "\n", + "def markup_join(seq):\n", + "\n", + "def new_context(environment, template_name, blocks, vars=None,\n", + "\n", + "def make_logging_undefined(logger=None, base=None):\n", + "\n", + " def _log_message(undef):\n", + "\n", + " def _fail_with_undefined_error(self, *args, **kwargs):\n", + "\n", + " def __str__(self):\n", + "\n", + " def __iter__(self):\n", + "\n", + " def __nonzero__(self):\n", + "\n", + " def __unicode__(self):\n", + "\n", + " def __bool__(self):\n", + "\n", + "def super(self, name, current):\n", + "\n", + "def resolve(self, key):\n", + "\n", + "def resolve_or_missing(self, key):\n", + "\n", + "def get_exported(self):\n", + "\n", + "def get_all(self):\n", + "\n", + "def derived(self, locals=None):\n", + "\n", + "def super(self):\n", + "\n", + "def cycle(self, *args):\n", + "\n", + "def changed(self, *value):\n", + "\n", + "def _invoke(self, arguments, autoescape):\n", + "\n", + "def main():\n", + "\n", + "def add_transition (self, input_symbol, state, action=None, next_state=None):\n", + "\n", + "def add_transition_list (self, list_input_symbols, state, action=None, next_state=None):\n", + "\n", + "def add_transition_any (self, state, action=None, next_state=None):\n", + "\n", + "def get_transition (self, input_symbol, state):\n", + "\n", + "def process (self, input_symbol):\n", + "\n", + "def ip_address(address):\n", + "\n", + "def ip_interface(address):\n", + "\n", + "def _split_optional_netmask(address):\n", + "\n", + "def _find_address_range(addresses):\n", + "\n", + "def _count_righthand_zero_bits(number, bits):\n", + "\n", + "def _collapse_addresses_internal(addresses):\n", + "\n", + "def collapse_addresses(addresses):\n", + "\n", + "def get_mixed_type_key(obj):\n", + "\n", + "def _prefix_from_ip_int(cls, ip_int):\n", + "\n", + "def _prefix_from_prefix_string(cls, prefixlen_str):\n", + "\n", + "def _prefix_from_ip_string(cls, ip_str):\n", + "\n", + "def overlaps(self, other):\n", + "\n", + "def address_exclude(self, other):\n", + "\n", + "def compare_networks(self, other):\n", + "\n", + "def subnets(self, prefixlen_diff=1, new_prefix=None):\n", + "\n", + "def supernet(self, prefixlen_diff=1, new_prefix=None):\n", + "\n", + "def _make_netmask(cls, arg):\n", + "\n", + "def _ip_int_from_string(cls, ip_str):\n", + "\n", + "def _string_from_ip_int(cls, ip_int):\n", + "\n", + "def _is_hostmask(self, ip_str):\n", + "\n", + "def is_global(self):\n", + "\n", + "def _make_netmask(cls, arg):\n", + "\n", + "def _ip_int_from_string(cls, ip_str):\n", + "\n", + "def _parse_hextet(cls, hextet_str):\n", + "\n", + "def _compress_hextets(cls, hextets):\n", + "\n", + "def teredo(self):\n", + "\n", + "def serialize(input, tree=\"etree\", encoding=None, **serializer_opts):\n", + "\n", + "def render(self, treewalker, encoding=None):\n", + "\n", + "def get_current_branch(self, location):\n", + "\n", + "def get_revision_sha(self, dest, rev):\n", + "\n", + "def resolve_revision(self, dest, url, rev_options):\n", + "\n", + "def is_commit_id_equal(self, dest, name):\n", + "\n", + "def get_remote_url(cls, location):\n", + "\n", + "def _get_subdirectory(cls, location):\n", + "\n", + "def get_url_rev_and_auth(self, url):\n", + "\n", + "def _normalize_name(name):\n", + "\n", + "def get_value(self, key):\n", + "\n", + "def set_value(self, key, value):\n", + "\n", + "def unset_value(self, key):\n", + "\n", + "def save(self):\n", + "\n", + "def _dictionary(self):\n", + "\n", + "def _load_config_files(self):\n", + "\n", + "def _load_environment_vars(self):\n", + "\n", + "def _normalized_keys(self, section, items):\n", + "\n", + "def _get_environ_vars(self):\n", + "\n", + "def _iter_config_files(self):\n", + "\n", + "def _get_n_args(self, args, example, n):\n", + "\n", + "def cmdify(self):\n", + "\n", + "def normalize_path(path):\n", + "\n", + "def path_to_url(path):\n", + "\n", + "def url_to_path(url):\n", + "\n", + "def is_valid_url(url):\n", + "\n", + "def is_file_url(url):\n", + "\n", + "def is_readonly_path(fn):\n", + "\n", + "def mkdir_p(newdir, mode=0o777):\n", + "\n", + "def ensure_mkdir_p(mode=0o777):\n", + "\n", + " def decorator(f):\n", + "\n", + " def decorated(*args, **kwargs):\n", + "\n", + "def create_tracked_tempdir(*args, **kwargs):\n", + "\n", + "def set_write_bit(fn):\n", + "\n", + "def rmtree(directory, ignore_errors=False, onerror=None):\n", + "\n", + "def _wait_for_files(path):\n", + "\n", + "def handle_remove_readonly(func, path, exc):\n", + "\n", + "def check_for_unc_path(path):\n", + "\n", + "def get_converted_relative_path(path, relative_to=None):\n", + "\n", + "def is_fp_closed(obj):\n", + "\n", + "def assert_header_parsing(headers):\n", + "\n", + "def is_response_to_head(response):\n", + "\n", + "def levenshtein_distance(self, a, b):\n", + "\n", + "def try_read_prompt(self, timeout_multiplier):\n", + "\n", + "def sync_original_prompt (self, sync_multiplier=1.0):\n", + "\n", + "def login (self, server, username, password='', terminal_type='ansi',\n", + "\n", + "def logout (self):\n", + "\n", + "def prompt(self, timeout=-1):\n", + "\n", + "def set_unique_prompt(self):\n", + "\n", + "def user_agent():\n", + "\n", + "def url_to_path(url):\n", + "\n", + "def path_to_url(path):\n", + "\n", + "def is_archive_file(name):\n", + "\n", + "def is_dir_url(link):\n", + "\n", + "def _copy_dist_from_dir(link_path, location):\n", + "\n", + "def _check_download_dir(link, download_dir, hashes):\n", + "\n", + "def _default_key_normalizer(key_class, request_context):\n", + "\n", + "def _new_pool(self, scheme, host, port, request_context=None):\n", + "\n", + "def connection_from_host(self, host, port=None, scheme='http', pool_kwargs=None):\n", + "\n", + "def connection_from_context(self, request_context):\n", + "\n", + "def connection_from_pool_key(self, pool_key, request_context=None):\n", + "\n", + "def connection_from_url(self, url, pool_kwargs=None):\n", + "\n", + "def _merge_pool_kwargs(self, override):\n", + "\n", + "def urlopen(self, method, url, redirect=True, **kw):\n", + "\n", + "def _set_proxy_headers(self, url, headers=None):\n", + "\n", + "def urlopen(self, method, url, redirect=True, **kw):\n", + "\n", + "def find_undeclared_variables(ast):\n", + "\n", + "def find_referenced_templates(ast):\n", + "\n", + "def enter_frame(self, frame):\n", + "\n", + "def parse_marker(marker_string):\n", + "\n", + " def marker_var(remaining):\n", + "\n", + " def marker_expr(remaining):\n", + "\n", + " def marker_and(remaining):\n", + "\n", + " def marker(remaining):\n", + "\n", + "def parse_requirement(req):\n", + "\n", + " def get_versions(ver_remaining):\n", + "\n", + "def convert_path(pathname):\n", + "\n", + "def get_cache_base(suffix=None):\n", + "\n", + "def path_to_cache_dir(path):\n", + "\n", + "def split_filename(filename, project_name=None):\n", + "\n", + "def parse_name_and_version(p):\n", + "\n", + "def zip_dir(directory):\n", + "\n", + "def iglob(path_glob):\n", + "\n", + "def newer(self, source, target):\n", + "\n", + "def copy_file(self, infile, outfile, check=True):\n", + "\n", + "def commit(self):\n", + "\n", + "def clear(self):\n", + "\n", + "def add(self, event, subscriber, append=True):\n", + "\n", + "def remove(self, event, subscriber):\n", + "\n", + "def publish(self, event, *args, **kwargs):\n", + "\n", + "def inc_convert(self, value):\n", + "\n", + "def reader(self, stream, context):\n", + "\n", + "def _get(pypi_server):\n", + "\n", + "def _get_requirements(model, section_name):\n", + "\n", + "def _collect_derived_entries(state, traces, identifiers):\n", + "\n", + "def lock(self):\n", + "\n", + "def setup_logging(verbosity, no_color, user_log_file):\n", + "\n", + "def format(self, record):\n", + "\n", + "def _using_stdout(self):\n", + "\n", + "def _cast_boolean(value):\n", + "\n", + "def getenv(option, default=undefined, cast=undefined):\n", + "\n", + "def join_options(options):\n", + "\n", + "def write_usage(self, prog, args='', prefix='Usage: '):\n", + "\n", + "def write_text(self, text):\n", + "\n", + "def write_dl(self, rows, col_max=30, col_spacing=2):\n", + "\n", + "def section(self, name):\n", + "\n", + "def invalid_config_error_message(action, key, val):\n", + "\n", + "def _format_option_strings(self, option, mvarfmt=' <%s>', optsep=', '):\n", + "\n", + "def format_usage(self, usage):\n", + "\n", + "def insert_option_group(self, idx, *args, **kwargs):\n", + "\n", + "def option_list_all(self):\n", + "\n", + "def _update_defaults(self, defaults):\n", + "\n", + "def get_default_values(self):\n", + "\n", + "def safe_import(self, name):\n", + "\n", + "def resolve_dist(cls, dist, working_set):\n", + "\n", + "def base_paths(self):\n", + "\n", + "def python(self):\n", + "\n", + "def sys_path(self):\n", + "\n", + "def sys_prefix(self):\n", + "\n", + "def pip_version(self):\n", + "\n", + "def get_distributions(self):\n", + "\n", + "def find_egg(self, egg_dist):\n", + "\n", + "def dist_is_in_project(self, dist):\n", + "\n", + "def is_installed(self, pkgname):\n", + "\n", + "def run_py(self, cmd, cwd=os.curdir):\n", + "\n", + "def run_activate_this(self):\n", + "\n", + "def activated(self, include_extras=True, extra_dists=None):\n", + "\n", + "def uninstall(self, pkgname, *args, **kwargs):\n", + "\n", + "def stn(s, length, encoding, errors):\n", + "\n", + "def nts(s, encoding, errors):\n", + "\n", + "def nti(s):\n", + "\n", + "def itn(n, digits=8, format=DEFAULT_FORMAT):\n", + "\n", + "def calc_chksums(buf):\n", + "\n", + "def copyfileobj(src, dst, length=None):\n", + "\n", + "def filemode(mode):\n", + "\n", + "def is_tarfile(name):\n", + "\n", + "def _init_write_gz(self):\n", + "\n", + "def write(self, s):\n", + "\n", + "def __write(self, s):\n", + "\n", + "def close(self):\n", + "\n", + "def _init_read_gz(self):\n", + "\n", + "def seek(self, pos=0):\n", + "\n", + "def read(self, size=None):\n", + "\n", + "def _read(self, size):\n", + "\n", + "def __read(self, size):\n", + "\n", + "def read(self, size=None):\n", + "\n", + "def read(self, size=None):\n", + "\n", + "def readline(self, size=-1):\n", + "\n", + "def seek(self, pos, whence=os.SEEK_SET):\n", + "\n", + "def get_info(self):\n", + "\n", + "def tobuf(self, format=DEFAULT_FORMAT, encoding=ENCODING, errors=\"surrogateescape\"):\n", + "\n", + "def create_ustar_header(self, info, encoding, errors):\n", + "\n", + "def create_gnu_header(self, info, encoding, errors):\n", + "\n", + "def create_pax_header(self, info, encoding):\n", + "\n", + "def _posix_split_name(self, name):\n", + "\n", + "def _create_header(info, format, encoding, errors):\n", + "\n", + "def _create_payload(payload):\n", + "\n", + "def _create_gnu_long_header(cls, name, type, encoding, errors):\n", + "\n", + "def _create_pax_generic_header(cls, pax_headers, type, encoding):\n", + "\n", + "def frombuf(cls, buf, encoding, errors):\n", + "\n", + "def fromtarfile(cls, tarfile):\n", + "\n", + "def _proc_member(self, tarfile):\n", + "\n", + "def _proc_builtin(self, tarfile):\n", + "\n", + "def _proc_gnulong(self, tarfile):\n", + "\n", + "def _proc_sparse(self, tarfile):\n", + "\n", + "def _proc_pax(self, tarfile):\n", + "\n", + "def _proc_gnusparse_00(self, next, pax_headers, buf):\n", + "\n", + "def _proc_gnusparse_01(self, next, pax_headers):\n", + "\n", + "def _proc_gnusparse_10(self, next, pax_headers, tarfile):\n", + "\n", + "def _apply_pax_info(self, pax_headers, encoding, errors):\n", + "\n", + "def _decode_pax_field(self, value, encoding, fallback_encoding, fallback_errors):\n", + "\n", + "def _block(self, count):\n", + "\n", + "def open(cls, name=None, mode=\"r\", fileobj=None, bufsize=RECORDSIZE, **kwargs):\n", + "\n", + "def taropen(cls, name, mode=\"r\", fileobj=None, **kwargs):\n", + "\n", + "def gzopen(cls, name, mode=\"r\", fileobj=None, compresslevel=9, **kwargs):\n", + "\n", + "def bz2open(cls, name, mode=\"r\", fileobj=None, compresslevel=9, **kwargs):\n", + "\n", + "def close(self):\n", + "\n", + "def getmember(self, name):\n", + "\n", + "def getmembers(self):\n", + "\n", + "def gettarinfo(self, name=None, arcname=None, fileobj=None):\n", + "\n", + "def list(self, verbose=True):\n", + "\n", + "def addfile(self, tarinfo, fileobj=None):\n", + "\n", + "def extractall(self, path=\".\", members=None):\n", + "\n", + "def extract(self, member, path=\"\", set_attrs=True):\n", + "\n", + "def extractfile(self, member):\n", + "\n", + "def _extract_member(self, tarinfo, targetpath, set_attrs=True):\n", + "\n", + "def makedir(self, tarinfo, targetpath):\n", + "\n", + "def makefile(self, tarinfo, targetpath):\n", + "\n", + "def makeunknown(self, tarinfo, targetpath):\n", + "\n", + "def makefifo(self, tarinfo, targetpath):\n", + "\n", + "def makedev(self, tarinfo, targetpath):\n", + "\n", + "def makelink(self, tarinfo, targetpath):\n", + "\n", + "def chown(self, tarinfo, targetpath):\n", + "\n", + "def chmod(self, tarinfo, targetpath):\n", + "\n", + "def utime(self, tarinfo, targetpath):\n", + "\n", + "def next(self):\n", + "\n", + "def _getmember(self, name, tarinfo=None, normalize=False):\n", + "\n", + "def _load(self):\n", + "\n", + "def _check(self, mode=None):\n", + "\n", + "def _find_link_target(self, tarinfo):\n", + "\n", + "def _dbg(self, level, msg):\n", + "\n", + "def path_to(self, p):\n", + "\n", + "def _build_package_list(self, package_section):\n", + "\n", + "def _get_virtualenv_hash(self, name):\n", + "\n", + " def get_name(name, location):\n", + "\n", + "def register_proper_name(self, name):\n", + "\n", + "def parsed_pipfile(self):\n", + "\n", + "def _lockfile(self):\n", + "\n", + "def all_packages(self):\n", + "\n", + "def create_pipfile(self, python=None):\n", + "\n", + "def write_toml(self, data, path=None):\n", + "\n", + "def write_lockfile(self, content):\n", + "\n", + "def find_source(self, source):\n", + "\n", + "def get_package_name_in_pipfile(self, package_name, dev=False):\n", + "\n", + "def add_index_to_pipfile(self, index, verify_ssl=True):\n", + "\n", + "def ensure_proper_casing(self):\n", + "\n", + "def proper_case_section(self, section):\n", + "\n", + "def native_concat(nodes):\n", + "\n", + "def visit_Output(self, node, frame):\n", + "\n", + " def const_finalize(x):\n", + "\n", + " def const_finalize(x):\n", + "\n", + "def load(self, *args, **kwargs):\n", + "\n", + "def updateall(self, *args, **kwargs):\n", + "\n", + "def _bin_update_items(self, items, replace_at_most_one,\n", + "\n", + "def getlist(self, key, default=[]):\n", + "\n", + "def setdefaultlist(self, key, defaultlist=[None]):\n", + "\n", + "def addlist(self, key, valuelist=[]):\n", + "\n", + "def setlist(self, key, values):\n", + "\n", + "def removevalues(self, key, values):\n", + "\n", + "def poplist(self, key, default=_absent):\n", + "\n", + "def popvalue(self, key, value=_absent, default=_absent, last=True):\n", + "\n", + " def pop_node_with_index(key, index):\n", + "\n", + "def popitem(self, fromall=False, last=True):\n", + "\n", + "def poplistitem(self, last=True):\n", + "\n", + "def values(self, key=_absent):\n", + "\n", + "def iteritems(self, key=_absent):\n", + "\n", + "def itervalues(self, key=_absent):\n", + "\n", + "def iterallitems(self, key=_absent):\n", + "\n", + "def iterallvalues(self, key=_absent):\n", + "\n", + "def reverse(self):\n", + "\n", + "def check_requirements(self, reqs):\n", + "\n", + "def _unpack_args(args, nargs_spec):\n", + "\n", + " def _fetch(c):\n", + "\n", + "def split_arg_string(string):\n", + "\n", + "def add_option(self, opts, dest, action=None, nargs=1, const=None,\n", + "\n", + "def add_argument(self, dest, nargs=1, obj=None):\n", + "\n", + "def parse_args(self, args):\n", + "\n", + "def make_graph(dists, scheme='default'):\n", + "\n", + "def get_dependent_dists(dists, dist):\n", + "\n", + "def get_required_dists(dists, dist):\n", + "\n", + "def make_dist(name, version, **kwargs):\n", + "\n", + "def clear(self):\n", + "\n", + "def add(self, dist):\n", + "\n", + "def _generate_cache(self):\n", + "\n", + "def distinfo_dirname(cls, name, version):\n", + "\n", + "def get_distributions(self):\n", + "\n", + "def get_distribution(self, name):\n", + "\n", + "def provides_distribution(self, name, version=None):\n", + "\n", + "def get_file_path(self, name, relative_path):\n", + "\n", + "def get_exported_entries(self, category, name=None):\n", + "\n", + "def provides(self):\n", + "\n", + "def matches_requirement(self, req):\n", + "\n", + "def get_hash(self, data, hasher=None):\n", + "\n", + "def _get_records(self):\n", + "\n", + "def exports(self):\n", + "\n", + "def read_exports(self):\n", + "\n", + "def write_exports(self, exports):\n", + "\n", + "def get_resource_path(self, relative_path):\n", + "\n", + "def write_installed_files(self, paths, prefix, dry_run=False):\n", + "\n", + "def check_installed_files(self):\n", + "\n", + "def shared_locations(self):\n", + "\n", + "def write_shared_locations(self, paths, dry_run=False):\n", + "\n", + "def get_distinfo_file(self, path):\n", + "\n", + "def list_distinfo_files(self):\n", + "\n", + "def check_installed_files(self):\n", + "\n", + "def list_installed_files(self):\n", + "\n", + " def _md5(path):\n", + "\n", + " def _size(path):\n", + "\n", + "def list_distinfo_files(self, absolute=False):\n", + "\n", + "def add_edge(self, x, y, label=None):\n", + "\n", + "def add_missing(self, distribution, requirement):\n", + "\n", + "def repr_node(self, dist, level=1):\n", + "\n", + "def to_dot(self, f, skip_disconnected=True):\n", + "\n", + "def topological_sort(self):\n", + "\n", + "def encode_unicode(f):\n", + "\n", + " def wrapped(obj, error):\n", + "\n", + " def _encode(value):\n", + "\n", + "def definitions_errors(self):\n", + "\n", + "def add(self, error):\n", + "\n", + "def fetch_errors_from(self, path):\n", + "\n", + "def fetch_node_from(self, path):\n", + "\n", + "def _insert_error(self, path, node):\n", + "\n", + "def _rewrite_error_path(self, error, offset=0):\n", + "\n", + "def dispatch_hook(key, hooks, hook_data, **kwargs):\n", + "\n", + "def cli(ctx, file, quote):\n", + "\n", + "def list(ctx):\n", + "\n", + "def set(ctx, key, value):\n", + "\n", + "def get(ctx, key):\n", + "\n", + "def unset(ctx, key):\n", + "\n", + "def run(ctx, commandline):\n", + "\n", + "def _is_installation_local(name):\n", + "\n", + "def _group_installed_names(packages):\n", + "\n", + "def _build_paths():\n", + "\n", + "def findall(self):\n", + "\n", + "def add(self, item):\n", + "\n", + "def sorted(self, wantdirs=False):\n", + "\n", + " def add_dir(dirs, d):\n", + "\n", + "def process_directive(self, directive):\n", + "\n", + "def _parse_directive(self, directive):\n", + "\n", + "def _include_pattern(self, pattern, anchor=True, prefix=None,\n", + "\n", + "def _exclude_pattern(self, pattern, anchor=True, prefix=None,\n", + "\n", + "def _translate_pattern(self, pattern, anchor=True, prefix=None,\n", + "\n", + "def _glob_to_re(self, pattern):\n", + "\n", + "def expect_loop(self, timeout=-1):\n", + "\n", + "def add(self, key, val):\n", + "\n", + "def extend(self, *args, **kwargs):\n", + "\n", + "def getlist(self, key, default=__marker):\n", + "\n", + "def iteritems(self):\n", + "\n", + "def itermerged(self):\n", + "\n", + "def extract_cookies_to_jar(jar, request, response):\n", + "\n", + "def get_cookie_header(jar, request):\n", + "\n", + "def remove_cookie_by_name(cookiejar, name, domain=None, path=None):\n", + "\n", + "def create_cookie(name, value, **kwargs):\n", + "\n", + "def morsel_to_cookie(morsel):\n", + "\n", + "def cookiejar_from_dict(cookie_dict, cookiejar=None, overwrite=True):\n", + "\n", + "def merge_cookies(cookiejar, cookies):\n", + "\n", + "def get(self, name, default=None, domain=None, path=None):\n", + "\n", + "def set(self, name, value, **kwargs):\n", + "\n", + "def list_domains(self):\n", + "\n", + "def list_paths(self):\n", + "\n", + "def multiple_domains(self):\n", + "\n", + "def update(self, other):\n", + "\n", + "def _find(self, name, domain=None, path=None):\n", + "\n", + "def _find_no_duplicates(self, name, domain=None, path=None):\n", + "\n", + "def copy(self):\n", + "\n", + "def constrain (n, min, max):\n", + "\n", + "def _decode(self, s):\n", + "\n", + "def _unicode(self):\n", + "\n", + "def dump (self):\n", + "\n", + "def pretty (self):\n", + "\n", + "def lf (self):\n", + "\n", + "def put_abs (self, r, c, ch):\n", + "\n", + "def put (self, ch):\n", + "\n", + "def insert_abs (self, r, c, ch):\n", + "\n", + "def get_region (self, rs,cs, re,ce):\n", + "\n", + "def cursor_constrain (self):\n", + "\n", + "def scroll_constrain (self):\n", + "\n", + "def to_int(d, key, default_to_zero=False, default=None, required=True):\n", + "\n", + "def parse_timezone(matches, default_timezone=UTC):\n", + "\n", + "def parse_date(datestring, default_timezone=UTC):\n", + "\n", + "def default_handler(signum, frame, spinner):\n", + "\n", + "def fancy_handler(signum, frame, spinner):\n", + "\n", + "def uts46_remap(domain, std3_rules=True, transitional=False):\n", + "\n", + "def _implementation():\n", + "\n", + "def info():\n", + "\n", + "def package_type(self):\n", + "\n", + "def process (self, c):\n", + "\n", + "def write (self, s):\n", + "\n", + "def write_ch (self, ch):\n", + "\n", + "def get_best_encoding(stream):\n", + "\n", + "def get_terminal_size(fallback=(80, 24)):\n", + "\n", + "def make_headers(keep_alive=None, accept_encoding=None, user_agent=None,\n", + "\n", + "def set_file_position(body, pos):\n", + "\n", + "def rewind_body(body, body_pos):\n", + "\n", + "def _copy_jsonsafe(value):\n", + "\n", + "def clear(self):\n", + "\n", + "def mapping_to_frozenset(mapping):\n", + "\n", + "def validator_factory(name, bases=None, namespace={}):\n", + "\n", + "def cmdify(self):\n", + "\n", + "def _split_what(what):\n", + "\n", + "def include(*what):\n", + "\n", + " def include_(attribute, value):\n", + "\n", + "def exclude(*what):\n", + "\n", + " def exclude_(attribute, value):\n", + "\n", + "def _asdict_anything(val, filter, dict_factory, retain_collection_types):\n", + "\n", + "def assoc(inst, **changes):\n", + "\n", + "def evolve(inst, **changes):\n", + "\n", + "def get(package_name, pypi_server=\"https://pypi.python.org/pypi/\"):\n", + "\n", + "def resolve_ctx(cli, prog_name, args):\n", + "\n", + "def is_incomplete_option(all_args, cmd_param):\n", + "\n", + "def is_incomplete_argument(current_params, cmd_param):\n", + "\n", + "def get_user_autocompletions(ctx, args, incomplete, cmd_param):\n", + "\n", + "def get_visible_commands_starting_with(ctx, starts_with):\n", + "\n", + "def get_choices(cli, prog_name, args, incomplete):\n", + "\n", + "def interpret(marker, execution_context=None):\n", + "\n", + "def evaluate(self, expr, context):\n", + "\n", + "def colored(text, color=None, on_color=None, attrs=None):\n", + "\n", + "def consume(self, chars, min=0, max=-1):\n", + "\n", + "def parse_error(self, exception=ParseError, *args):\n", + "\n", + "def split_first(s, delims):\n", + "\n", + "def parse_url(url):\n", + "\n", + "def get_host(url):\n", + "\n", + "def request_uri(self):\n", + "\n", + "def netloc(self):\n", + "\n", + "def url(self):\n", + "\n", + "def split_template_path(template):\n", + "\n", + "def get_source(self, environment, template):\n", + "\n", + "def load(self, environment, name, globals=None):\n", + "\n", + "def description_of(lines, name='stdin'):\n", + "\n", + "def to_genshi(walker):\n", + "\n", + "def parse_requirements(file_):\n", + "\n", + "def compare_modules(file_, imports):\n", + "\n", + "def diff(file_, imports):\n", + "\n", + "def clean(file_, imports):\n", + "\n", + "def read_requirements(fh, resolve=False):\n", + "\n", + "def deprecated(reason, replacement, gone_in, issue=None):\n", + "\n", + "def _ipaddress_match(ipname, host_ip):\n", + "\n", + "def set_metadata(candidates, traces, dependencies, pythons):\n", + "\n", + "def _walk(top, topdown=True, onerror=None, followlinks=False):\n", + "\n", + "def request_encode_url(self, method, url, fields=None, headers=None,\n", + "\n", + "def request_encode_body(self, method, url, fields=None, headers=None,\n", + "\n", + "def pass_context(f):\n", + "\n", + " def new_func(*args, **kwargs):\n", + "\n", + "def pass_obj(f):\n", + "\n", + " def new_func(*args, **kwargs):\n", + "\n", + "def make_pass_decorator(object_type, ensure=False):\n", + "\n", + " def decorator(f):\n", + "\n", + " def new_func(ctx, *args, **kwargs):\n", + "\n", + " def decorator(f):\n", + "\n", + " def new_func(*args, **kwargs):\n", + "\n", + "def argument(*param_decls, **attrs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def option(*param_decls, **attrs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def confirmation_option(*param_decls, **attrs):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + " def dropdb():\n", + "\n", + " def decorator(f):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + "def password_option(*param_decls, **attrs):\n", + "\n", + " def changeadmin(password):\n", + "\n", + " def decorator(f):\n", + "\n", + "def help_option(*param_decls, **attrs):\n", + "\n", + " def decorator(f):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + "def was_installed_by_pip(pkg):\n", + "\n", + "def pip_version_check(session, options):\n", + "\n", + "def get_abbr_impl():\n", + "\n", + "def get_impl_ver():\n", + "\n", + "def get_impl_version_info():\n", + "\n", + "def get_platform():\n", + "\n", + "def get_netrc_auth(url, raise_errors=False):\n", + "\n", + "def guess_filename(obj):\n", + "\n", + "def extract_zipped_paths(path):\n", + "\n", + "def from_key_val_list(value):\n", + "\n", + "def parse_list_header(value):\n", + "\n", + "def parse_dict_header(value):\n", + "\n", + "def dict_from_cookiejar(cj):\n", + "\n", + "def _parse_content_type_header(header):\n", + "\n", + "def get_encoding_from_headers(headers):\n", + "\n", + "def iter_slices(string, slice_length):\n", + "\n", + "def get_unicode_from_response(r):\n", + "\n", + "def requote_uri(uri):\n", + "\n", + "def address_in_network(ip, net):\n", + "\n", + "def is_valid_cidr(string_network):\n", + "\n", + "def set_environ(env_name, value):\n", + "\n", + "def should_bypass_proxies(url, no_proxy):\n", + "\n", + "def select_proxy(url, proxies):\n", + "\n", + "def prepend_scheme_if_needed(url, new_scheme):\n", + "\n", + "def get_auth_from_url(url):\n", + "\n", + "def check_header_validity(header):\n", + "\n", + "def urldefragauth(url):\n", + "\n", + "def rewind_body(prepared_request):\n", + "\n", + "def canonicalize_version(version):\n", + "\n", + "def generate(node, environment, name, filename, stream=None,\n", + "\n", + "def has_safe_repr(value):\n", + "\n", + "def find_undeclared(nodes, names):\n", + "\n", + "def copy(self):\n", + "\n", + "def inner(self, isolated=False):\n", + "\n", + "def fail(self, msg, lineno):\n", + "\n", + "def buffer(self, frame):\n", + "\n", + "def return_buffer_contents(self, frame, force_unescaped=False):\n", + "\n", + "def start_write(self, frame, node=None):\n", + "\n", + "def simple_write(self, s, frame, node=None):\n", + "\n", + "def write(self, x):\n", + "\n", + "def writeline(self, x, node=None, extra=0):\n", + "\n", + "def newline(self, node=None, extra=0):\n", + "\n", + "def signature(self, node, frame, extra_kwargs=None):\n", + "\n", + "def pull_dependencies(self, nodes):\n", + "\n", + "def macro_body(self, node, frame):\n", + "\n", + "def macro_def(self, macro_ref, frame):\n", + "\n", + "def position(self, node):\n", + "\n", + "def pop_assign_tracking(self, frame):\n", + "\n", + "def visit_Block(self, node, frame):\n", + "\n", + "def visit_Extends(self, node, frame):\n", + "\n", + "def visit_Include(self, node, frame):\n", + "\n", + "def visit_Import(self, node, frame):\n", + "\n", + "def visit_FromImport(self, node, frame):\n", + "\n", + "def detach(self):\n", + "\n", + "def peek(self):\n", + "\n", + "def atexit(self):\n", + "\n", + "def tostring(element):\n", + "\n", + " def serializeElement(element):\n", + "\n", + "def get_visitor(self, node):\n", + "\n", + "def visit(self, node, *args, **kwargs):\n", + "\n", + "def generic_visit(self, node, *args, **kwargs):\n", + "\n", + "def visit_list(self, node, *args, **kwargs):\n", + "\n", + "def default_subprocess_runner(cmd, cwd=None, extra_environ=None):\n", + "\n", + "def bninception(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def conv3x3(in_planes, out_planes, stride=1):\n", + "\n", + "def resnet18(pretrained=False, **kwargs):\n", + "\n", + "def resnet50(pretrained=False, **kwargs):\n", + "\n", + "def nasnetamobile(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def cafferesnet101(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def fbresnet152(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def alexnet(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def densenet121(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def inceptionv3(num_classes=1000, pretrained='imagenet'):\n", + "\n", + " def features(self, input):\n", + "\n", + " def logits(self, features):\n", + "\n", + " def forward(self, input):\n", + "\n", + "def resnet50(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def squeezenet1_0(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def vgg11(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def adjust_learning_rate(optimizer, epoch):\n", + "\n", + "def nasnetalarge(num_classes=1001, pretrained='imagenet'):\n", + "\n", + "def adaptive_avgmax_pool2d(x, pool_type='avg', padding=0, count_include_pad=False):\n", + "\n", + "def download_url(url, destination=None, progress_bar=True):\n", + "\n", + " def my_hook(t):\n", + "\n", + " def inner(b=1, bsize=1, tsize=None):\n", + "\n", + "def add(self, output, target):\n", + "\n", + "def value(self):\n", + "\n", + "def polynet(num_classes=1000, pretrained='imagenet'):\n", + "\n", + "def unwrap(self, dt):\n", + "\n", + "def get(self, key, dt):\n", + "\n", + "def set(self, key, value, expiration_dt):\n", + "\n", + "def ensure_dir(self, *path_parts):\n", + "\n", + "def verify_frames_aligned(frames, calendar):\n", + "\n", + "def get_value(self, sid, dt, field):\n", + "\n", + "def get_last_traded_dt(self, asset, dt):\n", + "\n", + "def same(*values):\n", + "\n", + "def dzip_exact(*dicts):\n", + "\n", + "def _gen_unzip(it, elem_len):\n", + "\n", + "def unzip(seq, elem_len=None):\n", + "\n", + "def getattrs(value, attrs, default=_no_default):\n", + "\n", + "def set_attribute(name, value):\n", + "\n", + " def decorator(f):\n", + "\n", + "def foldr(f, seq, default=_no_default):\n", + "\n", + "def invert(d):\n", + "\n", + "def simplex_projection(v, b=1):\n", + "\n", + "def run_example(example_name, environ):\n", + "\n", + "def vectorized_beta(dependents, independent, allowed_missing, out=None):\n", + "\n", + "def _format_url(instrument_type,\n", + "\n", + "def load_frame(url, skiprows):\n", + "\n", + "def check_known_inconsistencies(bill_data, bond_data):\n", + "\n", + "def earliest_possible_date():\n", + "\n", + "def fill_price_worse_than_limit_price(fill_price, order):\n", + "\n", + "def _get_window_data(self, data, asset, window_length):\n", + "\n", + "def validate_dtype(termname, dtype, missing_value):\n", + "\n", + "def _assert_valid_categorical_missing_value(value):\n", + "\n", + "def _pop_params(cls, kwargs):\n", + "\n", + "def _static_identity(cls,\n", + "\n", + "def _init(self, domain, dtype, missing_value, window_safe, ndim, params):\n", + "\n", + "def dependencies(self):\n", + "\n", + "def to_workspace_value(self, result, assets):\n", + "\n", + "def earn_stock_dividend(self, stock_dividend):\n", + "\n", + "def handle_split(self, asset, ratio):\n", + "\n", + "def adjust_commission_cost_basis(self, asset, cost):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def _make_bundle_core():\n", + "\n", + " def register(name,\n", + "\n", + " def quandl_ingest_function(...):\n", + "\n", + " def unregister(name):\n", + "\n", + " def ingest(name,\n", + "\n", + " def most_recent_data(bundle_name, timestamp, environ=None):\n", + "\n", + " def load(name, environ=os.environ, timestamp=None):\n", + "\n", + " def clean(name,\n", + "\n", + " def should_clean(name):\n", + "\n", + " def should_clean(name):\n", + "\n", + "def deprecated(msg=None, stacklevel=2):\n", + "\n", + " def function_a(*args, **kwargs):\n", + "\n", + " def deprecated_dec(fn):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def load_pricing_adjustments(self, columns, dts, assets):\n", + "\n", + "def _get_adjustments_in_range(self, asset, dts, field):\n", + "\n", + "def get(self, end_ix):\n", + "\n", + "def _ensure_sliding_windows(self, assets, dts, field,\n", + "\n", + "def history(self, assets, dts, field, is_perspective_after):\n", + "\n", + "def parse_date_str_series(format_str, tz, date_str_series, data_frequency,\n", + "\n", + "def _lookup_unconflicted_symbol(self, symbol):\n", + "\n", + "def transform(self):\n", + "\n", + " def every_bar(dt_to_use, current_data=self.current_data,\n", + "\n", + " def once_a_day(midnight_dt, current_data=self.current_data,\n", + "\n", + " def on_exit():\n", + "\n", + " def execute_order_cancellation_policy():\n", + "\n", + " def calculate_minute_capital_changes(dt):\n", + "\n", + " def execute_order_cancellation_policy():\n", + "\n", + " def calculate_minute_capital_changes(dt):\n", + "\n", + "def _cleanup_expired_assets(self, dt, position_assets):\n", + "\n", + " def past_auto_close_date(asset):\n", + "\n", + "def _get_daily_message(self, dt, algo, metrics_tracker):\n", + "\n", + "def _get_minute_message(self, dt, algo, metrics_tracker):\n", + "\n", + "def load_adjustments(self,\n", + "\n", + "def unpack_db_to_component_dfs(self, convert_dates=False):\n", + "\n", + "def _df_dtypes(self, table_name, convert_dates):\n", + "\n", + "def calc_dividend_ratios(self, dividends):\n", + "\n", + "def write_dividend_data(self, dividends, stock_dividends=None):\n", + "\n", + "def write(self,\n", + "\n", + "def compute(self, today, assets, out, *arrays):\n", + "\n", + "def _allocate_output(self, windows, shape):\n", + "\n", + "def _compute(self, windows, dates, assets, mask):\n", + "\n", + "def make_aliased_type(cls, other_base):\n", + "\n", + "def compute_extra_rows(self,\n", + "\n", + "def _compute(self, inputs, dates, assets, mask):\n", + "\n", + " def prepare_inputs():\n", + "\n", + " def skip_this_input():\n", + "\n", + " def prepare_inputs():\n", + "\n", + " def skip_this_input():\n", + "\n", + "def make_downsampled_type(cls, other_base):\n", + "\n", + "def preprocess(*_unused, **processors):\n", + "\n", + " def _decorator(f):\n", + "\n", + "def call(f):\n", + "\n", + " def processor(func, argname, arg):\n", + "\n", + "def _build_preprocessed_function(func,\n", + "\n", + " def mangle(name):\n", + "\n", + " def make_processor_assignment(arg, processor_name):\n", + "\n", + " def name_as_arg(arg):\n", + "\n", + " def {func_name}({signature}):\n", + "\n", + "def get_benchmark_returns(symbol):\n", + "\n", + "def delimit(delimiters, content):\n", + "\n", + "def roots(g):\n", + "\n", + "def _render(g, out, format_, include_asset_exists=False):\n", + "\n", + "def display_graph(g, format='svg', include_asset_exists=False):\n", + "\n", + "def format_attrs(attrs):\n", + "\n", + "def apply_async(f, args=(), kwargs=None, callback=None):\n", + "\n", + "def maybe_show_progress(it, show_progress, **kwargs):\n", + "\n", + "def main(extension, strict_extensions, default_extension, x):\n", + "\n", + "def ipython_only(option):\n", + "\n", + " def d(f):\n", + "\n", + " def _(*args, **kwargs):\n", + "\n", + "def run(ctx,\n", + "\n", + "def zipline_magic(line, cell=None):\n", + "\n", + "def ingest(bundle, assets_version, show_progress):\n", + "\n", + "def clean(bundle, before, after, keep_last):\n", + "\n", + "def bundles():\n", + "\n", + "def binary_operator(op):\n", + "\n", + " def binary_operator(self, other):\n", + "\n", + "def unary_operator(op):\n", + "\n", + " def unary_operator(self):\n", + "\n", + "def create(cls, expr, binds):\n", + "\n", + "def _compute(self, arrays, dates, assets, mask):\n", + "\n", + "def _validate(self):\n", + "\n", + "def _compute(self, arrays, dates, assets, mask):\n", + "\n", + "def parse_treasury_csv_column(column):\n", + "\n", + "def get_daily_10yr_treasury_data():\n", + "\n", + "def _sid_subdir_path(sid):\n", + "\n", + "def convert_cols(cols, scale_factor, sid, invalid_data_behavior):\n", + "\n", + "def write(self, rootdir):\n", + "\n", + "def open(cls, rootdir, end_session=None):\n", + "\n", + "def sidpath(self, sid):\n", + "\n", + "def last_date_in_output_for_sid(self, sid):\n", + "\n", + "def _init_ctable(self, path):\n", + "\n", + "def _ensure_ctable(self, sid):\n", + "\n", + "def pad(self, sid, date):\n", + "\n", + "def set_sid_attrs(self, sid, **kwargs):\n", + "\n", + "def write(self, data, show_progress=False, invalid_data_behavior='warn'):\n", + "\n", + "def write_sid(self, sid, df, invalid_data_behavior='warn'):\n", + "\n", + "def write_cols(self, sid, dts, cols, invalid_data_behavior='warn'):\n", + "\n", + "def _write_cols(self, sid, dts, cols, invalid_data_behavior):\n", + "\n", + "def data_len_for_day(self, day):\n", + "\n", + "def truncate(self, date):\n", + "\n", + "def _minutes_to_exclude(self):\n", + "\n", + "def _minute_exclusion_tree(self):\n", + "\n", + "def _exclusion_indices_for_range(self, start_idx, end_idx):\n", + "\n", + "def get_value(self, sid, dt, field):\n", + "\n", + "def _find_position_of_minute(self, minute_dt):\n", + "\n", + "def load_raw_arrays(self, fields, start_dt, end_dt, sids):\n", + "\n", + "def write(self, frames):\n", + "\n", + "def next_event_indexer(all_dates,\n", + "\n", + "def previous_event_indexer(data_query_cutoff_times,\n", + "\n", + "def last_in_date_group(df,\n", + "\n", + "def ffill_across_cols(df, columns, name_map):\n", + "\n", + "def shift_dates(dates, start_date, end_date, shift):\n", + "\n", + "def format_docstring(owner_name, docstring, formatters):\n", + "\n", + "def templated_docstring(**docs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def add(self, term, name, overwrite=False):\n", + "\n", + "def set_screen(self, screen, overwrite=False):\n", + "\n", + "def to_execution_plan(self,\n", + "\n", + "def _prepare_graph_terms(self, default_screen):\n", + "\n", + "def show_graph(self, format='svg'):\n", + "\n", + "def _output_terms(self):\n", + "\n", + "def domain(self, default):\n", + "\n", + "def _ensure_element(tup, elem):\n", + "\n", + "def _validate(self):\n", + "\n", + "def _compute(self, arrays, dates, assets, mask):\n", + "\n", + "def _rebind_variables(self, new_inputs):\n", + "\n", + "def _merge_expressions(self, other):\n", + "\n", + "def build_binary_op(self, op, other):\n", + "\n", + "def graph_repr(self):\n", + "\n", + "def last_modified_time(path):\n", + "\n", + "def zipline_root(environ=None):\n", + "\n", + "def format_adjustments(self, dates, assets):\n", + "\n", + "def load_adjusted_array(self, domain, columns, dates, sids, mask):\n", + "\n", + "def _validate_input_column(self, column):\n", + "\n", + "def load_from_directory(list_name):\n", + "\n", + "def _weak_lru_cache(maxsize=100):\n", + "\n", + " def wrapper(*args, **kwds):\n", + "\n", + " def wrapper(*args, **kwds):\n", + "\n", + " def cache_info():\n", + "\n", + " def cache_clear():\n", + "\n", + "def weak_lru_cache(maxsize=100):\n", + "\n", + " def __get__(self, instance, owner):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + " def __call__(self, *args, **kwargs):\n", + "\n", + "def is_final(name, mro):\n", + "\n", + "def bind(self, name):\n", + "\n", + "def specialize(self, domain):\n", + "\n", + "def get_column(cls, name):\n", + "\n", + "def _make_dataset(cls, coords):\n", + "\n", + "def slice(cls, *args, **kwargs):\n", + "\n", + "def expected_bar_value(asset_id, date, colname):\n", + "\n", + "def expected_bar_values_2d(dates,\n", + "\n", + "def load_adjusted_array(self, domain, columns, dates, sids, mask):\n", + "\n", + "def values(self, dtype, dates, sids):\n", + "\n", + "def _float_values(self, shape):\n", + "\n", + "def _int_values(self, shape):\n", + "\n", + "def _datetime_values(self, shape):\n", + "\n", + "def quantiles(data, nbins_or_partition_bounds):\n", + "\n", + "def handle_minute_close(self, dt, data_portal):\n", + "\n", + "def handle_market_open(self, session_label, data_portal):\n", + "\n", + "def handle_market_close(self, dt, data_portal):\n", + "\n", + "def handle_simulation_end(self, data_portal):\n", + "\n", + "def create_args(args, root):\n", + "\n", + "def parse_extension_arg(arg, arg_dict):\n", + "\n", + "def update_namespace(namespace, path, name):\n", + "\n", + "def create_registry(interface):\n", + "\n", + "def load(self, name):\n", + "\n", + "def calculate_per_unit_commission(order,\n", + "\n", + "def calculate(self, order, transaction):\n", + "\n", + "def risk_metric_period(cls,\n", + "\n", + "def _get_active_contract_at_offset(self, root_symbol, dt, offset):\n", + "\n", + "def get_contract_center(self, root_symbol, dt, offset):\n", + "\n", + "def get_rolls(self, root_symbol, start, end, offset):\n", + "\n", + "def _active_contract(self, oc, front, back, dt):\n", + "\n", + "def get_contract_center(self, root_symbol, dt, offset):\n", + "\n", + "def _normalize_array(data, missing_value):\n", + "\n", + "def _merge_simple(adjustment_lists, front_idx, back_idx):\n", + "\n", + "def ensure_ndarray(ndarray_or_adjusted_array):\n", + "\n", + "def _check_window_params(data, window_length):\n", + "\n", + "def update_adjustments(self, adjustments, method):\n", + "\n", + "def _iterator_type(self):\n", + "\n", + "def traverse(self,\n", + "\n", + "def inspect(self):\n", + "\n", + "def update_labels(self, func):\n", + "\n", + "def handle_violation(self, asset, amount, datetime, metadata=None):\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def validate(self,\n", + "\n", + "def alter_columns(op, name, *columns, **kwargs):\n", + "\n", + "def downgrade(engine, desired_version):\n", + "\n", + "def downgrades(src):\n", + "\n", + " def _(f):\n", + "\n", + " def wrapper(op, conn, version_info_table):\n", + "\n", + "def _downgrade_v1(op):\n", + "\n", + "def _downgrade_v2(op):\n", + "\n", + "def _downgrade_v3(op):\n", + "\n", + "def _downgrade_v4(op):\n", + "\n", + "def _make_metrics_set_core():\n", + "\n", + " def register(name, function=None):\n", + "\n", + " def unregister(name):\n", + "\n", + " def load(name):\n", + "\n", + "def validate_column_specs(events, columns):\n", + "\n", + "def get_requested_quarter_data(self,\n", + "\n", + "def get_split_adjusted_asof_idx(self, dates):\n", + "\n", + "def collect_overwrites_for_sid(self,\n", + "\n", + "def merge_into_adjustments_for_all_sids(self,\n", + "\n", + "def get_adjustments(self,\n", + "\n", + "def create_overwrites_for_quarter(self,\n", + "\n", + "def get_last_data_per_qtr(self,\n", + "\n", + "def get_zeroth_quarter_idx(self, stacked_last_per_qtr):\n", + "\n", + "def get_adjustments_for_sid(self,\n", + "\n", + "def get_adjustments(self,\n", + "\n", + "def determine_end_idx_for_adjustment(self,\n", + "\n", + "def collect_post_asof_split_adjustments(self,\n", + "\n", + "def retrieve_split_adjustment_data_for_sid(self,\n", + "\n", + "def collect_split_adjustments(self,\n", + "\n", + "def collect_split_adjustments(self,\n", + "\n", + "def from_span(cls, inputs, window_length, span, **kwargs):\n", + "\n", + "def from_halflife(cls, inputs, window_length, halflife, **kwargs):\n", + "\n", + "def from_center_of_mass(cls,\n", + "\n", + "def tolerant_equals(a, b, atol=10e-7, rtol=10e-7, equal_nan=False):\n", + "\n", + "def round_if_near_integer(a, epsilon=1e-4):\n", + "\n", + "def coerce_numbers_to_my_dtype(f):\n", + "\n", + " def method(self, other):\n", + "\n", + "def binop_return_dtype(op, left, right):\n", + "\n", + "def binary_operator(op):\n", + "\n", + " def binary_operator(self, other):\n", + "\n", + "def reflected_binary_operator(op):\n", + "\n", + " def reflected_binary_operator(self, other):\n", + "\n", + "def unary_operator(op):\n", + "\n", + " def unary_operator(self):\n", + "\n", + "def function_application(func):\n", + "\n", + " def mathfunc(self):\n", + "\n", + "def winsorize(row, min_percentile, max_percentile):\n", + "\n", + "def demean(self, mask=NotSpecified, groupby=NotSpecified):\n", + "\n", + "def zscore(self, mask=NotSpecified, groupby=NotSpecified):\n", + "\n", + "def rank(self,\n", + "\n", + "def pearsonr(self, target, correlation_length, mask=NotSpecified):\n", + "\n", + "def spearmanr(self, target, correlation_length, mask=NotSpecified):\n", + "\n", + "def linear_regression(self, target, regression_length, mask=NotSpecified):\n", + "\n", + "def winsorize(self,\n", + "\n", + "def quantiles(self, bins, mask=NotSpecified):\n", + "\n", + "def top(self, N, mask=NotSpecified, groupby=NotSpecified):\n", + "\n", + "def bottom(self, N, mask=NotSpecified, groupby=NotSpecified):\n", + "\n", + "def percentile_between(self,\n", + "\n", + "def _validate(self):\n", + "\n", + "def _compute(self, arrays, dates, assets, mask):\n", + "\n", + "def _time_to_micros(time):\n", + "\n", + "def mask_between_time(dts, start, end, include_start=True, include_end=True):\n", + "\n", + "def find_in_sorted_index(dts, dt):\n", + "\n", + "def nearest_unequal_elements(dts, dt):\n", + "\n", + "def categorical_df_concat(df_list, inplace=False):\n", + "\n", + "def check_indexes_all_same(indexes, message=\"Indexes are not equal.\"):\n", + "\n", + "def required_event_fields(next_value_columns, previous_value_columns):\n", + "\n", + "def validate_column_specs(events, next_value_columns, previous_value_columns):\n", + "\n", + "def split_next_and_previous_event_columns(self, requested_columns):\n", + "\n", + " def next_or_previous(c):\n", + "\n", + "def compare_arrays(left, right):\n", + "\n", + "def from_codes_and_metadata(cls,\n", + "\n", + "def as_int_array(self):\n", + "\n", + "def as_categorical(self):\n", + "\n", + "def as_categorical_frame(self, index, columns, name=None):\n", + "\n", + "def set_scalar(self, indexer, value):\n", + "\n", + "def _equality_check(op):\n", + "\n", + " def method(self, other):\n", + "\n", + "def empty_like(self, shape):\n", + "\n", + "def map_predicate(self, f):\n", + "\n", + " def f_to_use(x):\n", + "\n", + "def map(self, f):\n", + "\n", + " def f_to_use(x,\n", + "\n", + "def asymmetric_round_price(price, prefer_round_down, tick_size, diff=0.95):\n", + "\n", + "def check_stoplimit_prices(price, label):\n", + "\n", + "def csvdir_bundle(environ,\n", + "\n", + "def restrict_to_dtype(dtype, message_template):\n", + "\n", + " def some_factor_method(self, ...):\n", + "\n", + " def processor(term_method, _, term_instance):\n", + "\n", + "def daily_returns(self, start, end=None):\n", + "\n", + "def _initialize_precalculated_series(self,\n", + "\n", + "def _run(handle_data,\n", + "\n", + " def choose_loader(column):\n", + "\n", + "def load_extensions(default, extensions, strict, environ, reload=False):\n", + "\n", + "def run_algorithm(start,\n", + "\n", + "def handle_extra_source(self, source_df, sim_params):\n", + "\n", + "def get_last_traded_dt(self, asset, dt, data_frequency):\n", + "\n", + "def _is_extra_source(asset, field, map):\n", + "\n", + "def get_spot_value(self, assets, field, dt, data_frequency):\n", + "\n", + "def get_scalar_asset_spot_value(self, asset, field, dt, data_frequency):\n", + "\n", + "def get_adjustments(self, assets, field, dt, perspective_dt):\n", + "\n", + " def split_adj_factor(x):\n", + "\n", + "def get_adjusted_value(self, asset, field, dt,\n", + "\n", + "def _get_history_daily_window(self,\n", + "\n", + "def _get_history_minute_window(self, assets, end_dt, bar_count,\n", + "\n", + "def get_history_window(self,\n", + "\n", + "def _get_minute_window_data(self, assets, field, minutes_for_window):\n", + "\n", + "def _get_daily_window_data(self,\n", + "\n", + "def _get_adjustment_list(self, asset, adjustments_dict, table_name):\n", + "\n", + "def get_splits(self, assets, dt):\n", + "\n", + "def get_stock_dividends(self, sid, trading_days):\n", + "\n", + "def get_fetcher_assets(self, dt):\n", + "\n", + "def get_current_future_chain(self, continuous_future, dt):\n", + "\n", + "def make_kind_check(python_types, numpy_kind):\n", + "\n", + " def check(value):\n", + "\n", + "def coerce_to_dtype(dtype, value):\n", + "\n", + "def repeat_first_axis(array, count):\n", + "\n", + "def repeat_last_axis(array, count):\n", + "\n", + "def rolling_window(array, length):\n", + "\n", + "def isnat(obj):\n", + "\n", + "def is_missing(data, missing_value):\n", + "\n", + "def busday_count_mask_NaT(begindates, enddates, out=None):\n", + "\n", + "def changed_locations(a, include_first):\n", + "\n", + "def compute_date_range_chunks(sessions, start_date, end_date, chunksize):\n", + "\n", + "def run_pipeline(self, pipeline, start_date, end_date):\n", + "\n", + "def _compute_root_mask(self, domain, start_date, end_date, extra_rows):\n", + "\n", + "def compute_chunk(self, graph, dates, sids, initial_workspace):\n", + "\n", + " def loader_group_key(term):\n", + "\n", + "def _to_narrow(self, terms, data, mask, dates, assets):\n", + "\n", + "def _validate_compute_chunk_params(self,\n", + "\n", + "def resolve_domain(self, pipeline):\n", + "\n", + "def require_initialized(exception):\n", + "\n", + " def method(self):\n", + "\n", + " def decorator(method):\n", + "\n", + " def wrapped_method(self, *args, **kwargs):\n", + "\n", + "def disallowed_in_before_trading_start(exception):\n", + "\n", + " def method(self):\n", + "\n", + " def decorator(method):\n", + "\n", + " def wrapped_method(self, *args, **kwargs):\n", + "\n", + "def naive_grouped_rowwise_apply(data,\n", + "\n", + "def bulleted_list(items, indent=0, bullet_type='-'):\n", + "\n", + "def make_rotating_equity_info(num_assets,\n", + "\n", + "def make_simple_equity_info(sids,\n", + "\n", + "def make_simple_multi_country_equity_info(countries_to_sids,\n", + "\n", + "def make_jagged_equity_info(num_assets,\n", + "\n", + "def make_future_info(first_sid,\n", + "\n", + "def make_commodity_future_info(first_sid,\n", + "\n", + "def eq(self, other):\n", + "\n", + "def startswith(self, prefix):\n", + "\n", + "def endswith(self, suffix):\n", + "\n", + "def has_substring(self, substring):\n", + "\n", + "def matches(self, pattern):\n", + "\n", + "def element_of(self, choices):\n", + "\n", + " def only_contains(type_, values):\n", + "\n", + "def to_workspace_value(self, result, assets):\n", + "\n", + "def _to_integral(self, output_array):\n", + "\n", + "def _allocate_output(self, windows, shape):\n", + "\n", + "def verify_indices_all_unique(obj):\n", + "\n", + "def optionally(preprocessor):\n", + "\n", + " def wrapper(func, argname, arg):\n", + "\n", + "def ensure_dtype(func, argname, arg):\n", + "\n", + "def ensure_timezone(func, argname, arg):\n", + "\n", + "def ensure_timestamp(func, argname, arg):\n", + "\n", + "def expect_dtypes(__funcname=_qualified_name, **named):\n", + "\n", + " def get_funcname(_):\n", + "\n", + " def _expect_dtype(dtypes):\n", + "\n", + " def error_message(func, argname, value):\n", + "\n", + " def _actual_preprocessor(func, argname, argvalue):\n", + "\n", + "def expect_kinds(**named):\n", + "\n", + " def _expect_kind(kinds):\n", + "\n", + " def error_message(func, argname, value):\n", + "\n", + " def _actual_preprocessor(func, argname, argvalue):\n", + "\n", + "def expect_types(__funcname=_qualified_name, **named):\n", + "\n", + " def _expect_type(type_):\n", + "\n", + "def make_check(exc_type, template, pred, actual, funcname):\n", + "\n", + " def get_funcname(_):\n", + "\n", + " def _check(func, argname, argvalue):\n", + "\n", + "def expect_element(__funcname=_qualified_name, **named):\n", + "\n", + " def _expect_element(collection):\n", + "\n", + "def expect_bounded(__funcname=_qualified_name, **named):\n", + "\n", + " def _make_bounded_check(bounds):\n", + "\n", + " def should_fail(value):\n", + "\n", + " def should_fail(value):\n", + "\n", + " def should_fail(value):\n", + "\n", + "def expect_dimensions(__funcname=_qualified_name, **dimensions):\n", + "\n", + " def get_funcname(_):\n", + "\n", + " def _expect_dimension(expected_ndim):\n", + "\n", + " def _check(func, argname, argvalue):\n", + "\n", + "def coerce(from_, to, **to_kwargs):\n", + "\n", + " def preprocessor(func, argname, arg):\n", + "\n", + "def coerce_types(**kwargs):\n", + "\n", + " def _coerce(types):\n", + "\n", + "def validate_keys(dict_, expected, funcname):\n", + "\n", + "def enum(option, *options):\n", + "\n", + " def __iter__(self):\n", + "\n", + " def __contains__(self, value):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def oldest_frame(self, raw=False):\n", + "\n", + "def extend_back(self, missing_dts):\n", + "\n", + "def get_current(self, item=None, raw=False, start=None, end=None):\n", + "\n", + " def convert_datelike_to_long(dt):\n", + "\n", + "def set_current(self, panel):\n", + "\n", + "def _roll_data(self):\n", + "\n", + "def oldest_frame(self, raw=False):\n", + "\n", + "def get_current(self):\n", + "\n", + "def check_triggers(self, price, dt):\n", + "\n", + "def check_order_triggers(self, current_price):\n", + "\n", + "def triggered(self):\n", + "\n", + "def setup(self,\n", + "\n", + "def teardown(self, np=np):\n", + "\n", + "def hash_args(*args, **kwargs):\n", + "\n", + "def assert_datasource_protocol(event):\n", + "\n", + "def assert_trade_protocol(event):\n", + "\n", + "def date_sorted_sources(*sources):\n", + "\n", + "def create_daily_trade_source(sids,\n", + "\n", + "def load_data_table(file,\n", + "\n", + "def fetch_data_table(api_key,\n", + "\n", + "def quandl_bundle(environ,\n", + "\n", + "def download_with_progress(url, chunk_size, **progress_kwargs):\n", + "\n", + "def download_without_progress(url):\n", + "\n", + "def minute_frame_to_session_frame(minute_frame, calendar):\n", + "\n", + "def minute_to_session(column, close_locs, data, out):\n", + "\n", + "def opens(self, assets, dt):\n", + "\n", + "def highs(self, assets, dt):\n", + "\n", + "def lows(self, assets, dt):\n", + "\n", + "def closes(self, assets, dt):\n", + "\n", + " def _get_filled_close(asset):\n", + "\n", + "def volumes(self, assets, dt):\n", + "\n", + "def infer_domain(terms):\n", + "\n", + "def roll_forward(self, dt):\n", + "\n", + "def days_and_sids_for_frames(frames):\n", + "\n", + "def compute_asset_lifetimes(frames):\n", + "\n", + "def write(self, country_code, frames, scaling_factors=None):\n", + "\n", + "def write_from_sid_df_pairs(self,\n", + "\n", + "def from_file(cls, h5_file, country_code):\n", + "\n", + "def from_path(cls, path, country_code):\n", + "\n", + "def load_raw_arrays(self,\n", + "\n", + "def _make_sid_selector(self, assets):\n", + "\n", + "def _validate_assets(self, assets):\n", + "\n", + "def get_value(self, sid, dt, field):\n", + "\n", + "def get_last_traded_dt(self, asset, dt):\n", + "\n", + "def from_file(cls, h5_file):\n", + "\n", + "def load_raw_arrays(self,\n", + "\n", + "def sessions(self):\n", + "\n", + "def get_value(self, sid, dt, field):\n", + "\n", + "def get_last_traded_dt(self, asset, dt):\n", + "\n", + "def _normalize_index_columns_in_place(equities,\n", + "\n", + "def split_delimited_symbol(symbol):\n", + "\n", + "def _generate_output_dataframe(data_subset, defaults):\n", + "\n", + "def _check_symbol_mappings(df, exchanges, asset_exchange):\n", + "\n", + " def check_intersections(persymbol):\n", + "\n", + "def _split_symbol_mappings(df, exchanges):\n", + "\n", + "def _dt_to_epoch_ns(dt_series):\n", + "\n", + "def check_version_info(conn, version_table, expected_version):\n", + "\n", + "def write_version_info(conn, version_table, version_value):\n", + "\n", + "def write_direct(self,\n", + "\n", + "def write(self,\n", + "\n", + "def _all_tables_present(self, txn):\n", + "\n", + "def init_db(self, txn=None):\n", + "\n", + "def _load_data(self,\n", + "\n", + "def load_raw_data(assets,\n", + "\n", + "def from_tuple(tup):\n", + "\n", + "def maybe_from_tuple(tup_or_range):\n", + "\n", + "def _check_steps(a, b):\n", + "\n", + "def overlap(a, b):\n", + "\n", + "def merge(a, b):\n", + "\n", + "def _combine(n, rs):\n", + "\n", + "def intersecting_ranges(ranges):\n", + "\n", + "def get_data_filepath(name, environ=None):\n", + "\n", + "def has_data_for_dates(series_or_df, first_date, last_date):\n", + "\n", + "def load_market_data(trading_day=None, trading_days=None, bm_symbol='SPY',\n", + "\n", + "def ensure_benchmark_data(symbol, first_date, last_date, now, trading_day,\n", + "\n", + "def ensure_treasury_data(symbol, first_date, last_date, now, environ=None):\n", + "\n", + "def maybe_specialize(term, domain):\n", + "\n", + "def _add_to_graph(self, term, parents):\n", + "\n", + "def execution_order(self, refcounts):\n", + "\n", + "def initial_refcounts(self, initial_terms):\n", + "\n", + "def _decref_dependencies_recursive(self, term, refcounts, garbage):\n", + "\n", + "def decref_dependencies(self, term, refcounts):\n", + "\n", + "def offset(self):\n", + "\n", + "def extra_rows(self):\n", + "\n", + "def _ensure_extra_rows(self, term, N):\n", + "\n", + "def mask_and_dates_for_term(self,\n", + "\n", + "def _assert_all_loadable_terms_specialized_to(self, domain):\n", + "\n", + "def window_specialization(typename):\n", + "\n", + "def read_requirements(path,\n", + "\n", + "def ensure_utc(time, tz='UTC'):\n", + "\n", + "def _build_offset(offset, kwargs, default):\n", + "\n", + "def _build_date(date, kwargs):\n", + "\n", + "def _build_time(time, kwargs):\n", + "\n", + "def lossless_float_to_int(funcname, func, argname, arg):\n", + "\n", + "def make_eventrule(date_rule, time_rule, cal, half_days=True):\n", + "\n", + "def add_event(self, event, prepend=False):\n", + "\n", + "def handle_data(self, context, data, dt):\n", + "\n", + "def should_trigger(self, dt):\n", + "\n", + "def calculate_dates(self, dt):\n", + "\n", + "def calculate_dates(self, dt):\n", + "\n", + "def winsorise_uint32(df, invalid_data_behavior, column, *columns):\n", + "\n", + "def write(self,\n", + "\n", + "def write_csvs(self,\n", + "\n", + "def _write_internal(self, iterator, assets):\n", + "\n", + " def iterator(iterator=iterator, assets=set(assets)):\n", + "\n", + "def _compute_slices(self, start_idx, end_idx, assets):\n", + "\n", + "def _spot_col(self, colname):\n", + "\n", + "def sid_day_index(self, sid, day):\n", + "\n", + "def get_value(self, sid, dt, field):\n", + "\n", + "def init_engine(self, get_loader):\n", + "\n", + "def initialize(self, *args, **kwargs):\n", + "\n", + "def _create_clock(self):\n", + "\n", + "def compute_eager_pipelines(self):\n", + "\n", + "def run(self, data_portal=None):\n", + "\n", + "def calculate_capital_changes(self, dt, emission_rate, is_interday,\n", + "\n", + "def get_environment(self, field='platform'):\n", + "\n", + "def fetch_csv(self,\n", + "\n", + "def add_event(self, rule, callback):\n", + "\n", + "def schedule_function(self,\n", + "\n", + "def continuous_future(self,\n", + "\n", + "def symbol(self, symbol_str, country_code=None):\n", + "\n", + "def symbols(self, *args, **kwargs):\n", + "\n", + "def _calculate_order_value_amount(self, asset, value):\n", + "\n", + "def order(self,\n", + "\n", + "def validate_order_params(self,\n", + "\n", + "def __convert_order_params_for_blotter(asset,\n", + "\n", + "def order_value(self,\n", + "\n", + "def _sync_last_sale_prices(self, dt=None):\n", + "\n", + "def on_dt_changed(self, dt):\n", + "\n", + "def get_datetime(self, tz=None):\n", + "\n", + "def set_slippage(self, us_equities=None, us_futures=None):\n", + "\n", + "def set_commission(self, us_equities=None, us_futures=None):\n", + "\n", + "def set_cancel_policy(self, cancel_policy):\n", + "\n", + "def set_symbol_lookup_date(self, dt):\n", + "\n", + "def order_percent(self,\n", + "\n", + "def order_target(self,\n", + "\n", + "def order_target_value(self,\n", + "\n", + "def order_target_percent(self, asset, target,\n", + "\n", + "def batch_market_order(self, share_counts):\n", + "\n", + "def get_open_orders(self, asset=None):\n", + "\n", + "def get_order(self, order_id):\n", + "\n", + "def cancel_order(self, order_param):\n", + "\n", + "def history(self, bar_count, frequency, field, ffill=True):\n", + "\n", + "def register_account_control(self, control):\n", + "\n", + "def set_min_leverage(self, min_leverage, grace_period):\n", + "\n", + "def register_trading_control(self, control):\n", + "\n", + "def set_max_position_size(self,\n", + "\n", + "def set_max_order_size(self,\n", + "\n", + "def set_max_order_count(self, max_count, on_error='fail'):\n", + "\n", + "def set_asset_restrictions(self, restrictions, on_error='fail'):\n", + "\n", + "def attach_pipeline(self, pipeline, name, chunks=None, eager=True):\n", + "\n", + "def pipeline_output(self, name):\n", + "\n", + "def _pipeline_output(self, pipeline, chunks, name):\n", + "\n", + "def run_pipeline(self, pipeline, start_session, chunksize):\n", + "\n", + "def all_api_methods(cls):\n", + "\n", + "def bulleted_list(items, max_count=None, indent=2):\n", + "\n", + "def _expect_extra(expected, present, exc_unexpected, exc_missing, exc_args):\n", + "\n", + "def verify_callable_argspec(callable_,\n", + "\n", + "def parse_argspec(callable_):\n", + "\n", + "def is_restricted(self, assets, dt):\n", + "\n", + "def is_restricted(self, assets, dt):\n", + "\n", + "def handle_splits(self, splits):\n", + "\n", + "def earn_dividends(self, cash_dividends, stock_dividends):\n", + "\n", + "def pay_dividends(self, next_trading_day):\n", + "\n", + "def stats(self):\n", + "\n", + "def process_transaction(self, transaction):\n", + "\n", + "def process_splits(self, splits):\n", + "\n", + "def process_order(self, order):\n", + "\n", + "def process_commission(self, commission):\n", + "\n", + "def process_dividends(self, next_session, asset_finder, adjustment_reader):\n", + "\n", + "def transactions(self, dt=None):\n", + "\n", + "def orders(self, dt=None):\n", + "\n", + "def update_portfolio(self):\n", + "\n", + "def override_account_fields(self,\n", + "\n", + "def datashape_type_to_numpy(type_):\n", + "\n", + "def new_dataset(expr, missing_values, domain):\n", + "\n", + "def _check_resources(name, expr, resources):\n", + "\n", + "def _check_datetime_field(name, measure):\n", + "\n", + "def _get_metadata(field, expr, metadata_expr, no_metadata_rule):\n", + "\n", + "def _ensure_timestamp_field(dataset_expr, deltas, checkpoints):\n", + "\n", + "def from_blaze(expr,\n", + "\n", + "def bind_expression_to_resources(expr, resources):\n", + "\n", + "def get_materialized_checkpoints(checkpoints, colnames, lower_dt, odo_kwargs):\n", + "\n", + "def ffill_query_in_range(expr,\n", + "\n", + "def register_dataset(self,\n", + "\n", + "def register_column(self,\n", + "\n", + "def merge_ownership_periods(mappings):\n", + "\n", + "def build_ownership_map(table, key_from_row, value_from_row):\n", + "\n", + "def build_grouped_ownership_map(table,\n", + "\n", + "def _filter_kwargs(names, dict_):\n", + "\n", + "def _convert_asset_timestamp_fields(dict_):\n", + "\n", + "def was_active(reference_date_value, asset):\n", + "\n", + "def lookup_asset_types(self, sids):\n", + "\n", + "def retrieve_all(self, sids, default_none=False):\n", + "\n", + "def _select_most_recent_symbols_chunk(self, sid_group):\n", + "\n", + "def _retrieve_assets(self, sids, asset_tbl, asset_type):\n", + "\n", + "def _lookup_symbol_strict(self,\n", + "\n", + "def lookup_symbol(self,\n", + "\n", + "def lookup_symbols(self,\n", + "\n", + "def lookup_future_symbol(self, symbol):\n", + "\n", + "def get_supplementary_field(self, sid, field_name, as_of_date):\n", + "\n", + "def _lookup_generic_scalar(self,\n", + "\n", + "def lookup_generic(self, obj, as_of_date, country_code):\n", + "\n", + "def _compute_asset_lifetimes(self, country_codes):\n", + "\n", + "def lifetimes(self, dates, include_start_date, country_codes):\n", + "\n", + "def equities_sids_for_country_code(self, country_code):\n", + "\n", + "def load_raw_arrays(self, columns, start_date, end_date, assets):\n", + "\n", + "def get_value(self, continuous_future, dt, field):\n", + "\n", + "def get_last_traded_dt(self, asset, dt):\n", + "\n", + "def load_raw_arrays(self, columns, start_date, end_date, assets):\n", + "\n", + "def current_portfolio_weights(self):\n", + "\n", + "def __hosting_wechat_img(self, content_info, hosting_callback):\n", + "\n", + "def get_gzh_info(self, wecgat_id_or_name, unlock_callback=None, identify_image_callback=None, decode_url=True):\n", + "\n", + "def search_gzh(self, keyword, page=1, unlock_callback=None, identify_image_callback=None, decode_url=True):\n", + "\n", + "def search_article(self, keyword, page=1, timesn=WechatSogouConst.search_article_time.anytime,\n", + "\n", + "def get_gzh_article_by_history(self, keyword=None, url=None,\n", + "\n", + "def get_gzh_article_by_hot(self, hot_index, page=1, unlock_callback=None, identify_image_callback=None):\n", + "\n", + "def get_article_content(self, url, del_qqmusic=True, del_mpvoice=True, unlock_callback=None,\n", + "\n", + "def get_sugg(self, keyword):\n", + "\n", + "def unlock_sogou_callback_example(url, req, resp, img, identify_image_callback):\n", + "\n", + "def unlock_weixin_callback_example(url, req, resp, img, identify_image_callback):\n", + "\n", + "def gen_search_article_url(keyword, page=1, timesn=WechatSogouConst.search_article_time.anytime,\n", + "\n", + "def gen_search_gzh_url(keyword, page=1):\n", + "\n", + "def gen_hot_url(hot_index, page=1):\n", + "\n", + "def get_first_of_element(element, sub, contype=None):\n", + "\n", + "def get_encoding_from_reponse(r):\n", + "\n", + "def _replace_str_html(s):\n", + "\n", + "def get_gzh_by_search(text):\n", + "\n", + "def get_article_by_search(text):\n", + "\n", + "def get_gzh_info_by_history(text):\n", + "\n", + "def get_article_by_history_json(text, article_json=None):\n", + "\n", + "def get_gzh_article_by_hot(text):\n", + "\n", + "def get_article_detail(text, del_qqmusic=True, del_voice=True):\n", + "\n", + "def _decode_image(fobj, session, filename):\n", + "\n", + "def _process_image_file(fobj, session, filename):\n", + "\n", + "def _generate_examples(self, archive):\n", + "\n", + "def _parse_parallel_sentences(f1, f2):\n", + "\n", + " def _parse_text(path):\n", + "\n", + " def _parse_sgm(path):\n", + "\n", + "def _parse_tmx(path):\n", + "\n", + " def _get_tuv_lang(tuv):\n", + "\n", + " def _get_tuv_seg(tuv):\n", + "\n", + "def _parse_tsv(path, language_pair=None):\n", + "\n", + "def _parse_wikiheadlines(path):\n", + "\n", + "def _parse_czeng(*paths, **kwargs):\n", + "\n", + "def _inject_language(self, src, strings):\n", + "\n", + " def _format_string(s):\n", + "\n", + "def subsets(self):\n", + "\n", + "def _generate_examples(self, split_subsets, extraction_map):\n", + "\n", + " def _get_local_paths(ds, extract_dirs):\n", + "\n", + "def builder(name, **builder_init_kwargs):\n", + "\n", + "def load(name,\n", + "\n", + "def _dataset_name_and_kwargs_from_name_str(name_str):\n", + "\n", + "def _cast_to_pod(val):\n", + "\n", + "def _try_import(module_name):\n", + "\n", + "def np_to_list(elem):\n", + "\n", + "def _transpose_dict_list(dict_list):\n", + "\n", + " def update_length(elem):\n", + "\n", + "def get_tensor_info(self):\n", + "\n", + " def add_length_dim(tensor_info):\n", + "\n", + "def get_serialized_info(self):\n", + "\n", + " def add_length_dim(serialized_info):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, num_examples, data_path, label_path):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, images_dir_path, labels_path, setid_path,\n", + "\n", + "def get_dataset_feature_statistics(builder, split):\n", + "\n", + "def read_from_json(json_filename):\n", + "\n", + "def full_name(self):\n", + "\n", + "def update_splits_if_different(self, split_dict):\n", + "\n", + "def _set_splits(self, split_dict):\n", + "\n", + "def _compute_dynamic_properties(self, builder):\n", + "\n", + "def write_to_directory(self, dataset_info_dir):\n", + "\n", + "def read_from_directory(self, dataset_info_dir):\n", + "\n", + "def initialize_from_bucket(self):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _map_promise(map_fn, all_inputs):\n", + "\n", + "def _handle_download_result(self, resource, tmp_dir_path, sha256, dl_size):\n", + "\n", + "def _download(self, resource):\n", + "\n", + " def callback(val):\n", + "\n", + "def _extract(self, resource):\n", + "\n", + "def _download_extract(self, resource):\n", + "\n", + " def callback(path):\n", + "\n", + "def download_kaggle_data(self, competition_name):\n", + "\n", + "def download(self, url_or_urls):\n", + "\n", + "def iter_archive(self, resource):\n", + "\n", + "def extract(self, path_or_paths):\n", + "\n", + "def download_and_extract(self, url_or_urls):\n", + "\n", + "def manual_dir(self):\n", + "\n", + "def _make_builder_configs():\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, data_dir):\n", + "\n", + "def document_single_builder(builder):\n", + "\n", + "def make_module_to_builder_dict(datasets=None):\n", + "\n", + "def _pprint_features_dict(features_dict, indent=0, add_prefix=True):\n", + "\n", + "def make_statistics_information(info):\n", + "\n", + "def dataset_docs_str(datasets=None):\n", + "\n", + "def schema_org(builder):\n", + "\n", + "def disk(radius, alias_blur=0.1, dtype=np.float32):\n", + "\n", + "def clipped_zoom(img, zoom_factor):\n", + "\n", + "def plasma_fractal(mapsize=512, wibbledecay=3):\n", + "\n", + " def wibbledmean(array):\n", + "\n", + " def fillsquares():\n", + "\n", + " def filldiamonds():\n", + "\n", + "def gaussian_noise(x, severity=1):\n", + "\n", + "def shot_noise(x, severity=1):\n", + "\n", + "def impulse_noise(x, severity=1):\n", + "\n", + "def defocus_blur(x, severity=1):\n", + "\n", + "def frosted_glass_blur(x, severity=1):\n", + "\n", + "def zoom_blur(x, severity=1):\n", + "\n", + "def fog(x, severity=1):\n", + "\n", + "def brightness(x, severity=1):\n", + "\n", + "def contrast(x, severity=1):\n", + "\n", + "def elastic(x, severity=1):\n", + "\n", + "def pixelate(x, severity=1):\n", + "\n", + "def jpeg_compression(x, severity=1):\n", + "\n", + "def temporary_assignment(obj, attr, value):\n", + "\n", + "def zip_dict(*dicts):\n", + "\n", + "def map_nested(function, data_struct, dict_only=False, map_tuple=False):\n", + "\n", + "def zip_nested(arg0, *args, **kwargs):\n", + "\n", + "def as_proto_cls(proto_cls):\n", + "\n", + " def custom_method(self):\n", + "\n", + " def decorator(cls):\n", + "\n", + " def __init__(self, *args, **kwargs):\n", + "\n", + " def __getattr__(self, attr_name):\n", + "\n", + " def __setattr__(self, attr_name, new_value):\n", + "\n", + " def __eq__(self, other):\n", + "\n", + " def get_proto(self):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def tfds_dir():\n", + "\n", + "def atomic_write(path, mode):\n", + "\n", + "def read_checksum_digest(path, checksum_cls=hashlib.sha256):\n", + "\n", + "def reraise(additional_msg):\n", + "\n", + "def rgetattr(obj, attr, *args):\n", + "\n", + " def _getattr(obj, attr):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, source_file, target_file):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _generate_example(self, data_path, image_id):\n", + "\n", + " def _get_example_objects():\n", + "\n", + "def set_encoding_format(self, encoding_format):\n", + "\n", + "def set_shape(self, shape):\n", + "\n", + "def _encode_image(self, np_image):\n", + "\n", + "def encode_example(self, image_or_path_or_fobj):\n", + "\n", + "def decode_example(self, example):\n", + "\n", + "def save_metadata(self, data_dir, feature_name=None):\n", + "\n", + "def load_metadata(self, data_dir, feature_name=None):\n", + "\n", + "def _create_moving_sequence(image, pad_lefts, total_padding):\n", + "\n", + " def get_padded_image(args):\n", + "\n", + "def _get_linear_trajectory(x0, velocity, t):\n", + "\n", + " def animate(sequence):\n", + "\n", + " def map_fn(image, label):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _str_to_version(version_str, allow_wildcard=False):\n", + "\n", + "def match(self, other_version):\n", + "\n", + "def _get_validation_labels(val_path):\n", + "\n", + "def _generate_examples(self, archive, validation_labels=None):\n", + "\n", + "def do_files_exist(filenames):\n", + "\n", + "def get_incomplete_path(filename):\n", + "\n", + "def _incomplete_files(filenames):\n", + "\n", + "def incomplete_dir(dirname):\n", + "\n", + "def _shuffle_tfrecord(path, random_gen):\n", + "\n", + "def _write_tfrecords_from_generator(generator, output_files, shuffle=True):\n", + "\n", + "def _round_robin_write(writers, generator):\n", + "\n", + "def _item_to_tf_feature(item, key_name):\n", + "\n", + "def _dict_to_tf_features(example_dict):\n", + "\n", + "def _async_tqdm(*args, **kwargs):\n", + "\n", + "def update_total(self, n=1):\n", + "\n", + "def update(self, n=1):\n", + "\n", + "def _build_pcollection(self, pipeline, folder, split):\n", + "\n", + " def _extract_data(inputs):\n", + "\n", + " def _process_example(inputs):\n", + "\n", + " def _add_random_keys(inputs):\n", + "\n", + " def _remove_keys(inputs):\n", + "\n", + "def _copy(src_file, dest_path):\n", + "\n", + "def iter_tar(arch_f, gz=False, stream=False):\n", + "\n", + "def tqdm(self):\n", + "\n", + "def extract(self, path, extract_method, to_path):\n", + "\n", + "def _sync_extract(self, from_path, method, to_path):\n", + "\n", + "def to_serialized_field(tensor_info):\n", + "\n", + "def to_feature(value):\n", + "\n", + "def _assert_keys_match(keys1, keys2):\n", + "\n", + "def get_tensor_info(self):\n", + "\n", + "def get_serialized_info(self):\n", + "\n", + "def encode_example(self, example_dict):\n", + "\n", + "def decode_example(self, tfexample_dict):\n", + "\n", + "def save_metadata(self, data_dir, feature_name=None):\n", + "\n", + "def encode_example(self, example_data):\n", + "\n", + "def decode_example(self, tfexample_data):\n", + "\n", + "def _process_celeba_config_file(self, file_path):\n", + "\n", + "def _generate_examples(self, file_id, extracted_dirs):\n", + "\n", + "def _generate_examples(self, file_paths):\n", + "\n", + "def _patch_tf(tf):\n", + "\n", + "def _patch_for_tf1_12(tf):\n", + "\n", + "def _patch_for_tf1_13(tf):\n", + "\n", + "def is_dataset(ds):\n", + "\n", + "def _generate_examples(self, data_file):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + " def num_examples(label_images):\n", + "\n", + "def _generate_examples(self, label_images):\n", + "\n", + "def create_dataset_file(root_dir, data):\n", + "\n", + "def add_the_init(root_dir, data):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, imgs_path, csv_path):\n", + "\n", + "def _make_builder_configs():\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples_validation(self, archive, labels):\n", + "\n", + "def _get_corrupted_example(self, x):\n", + "\n", + "def assert_shape_match(shape1, shape2):\n", + "\n", + "def raw_nogpu_session(graph=None):\n", + "\n", + "def maybe_with_graph(graph=None, create_if_none=True):\n", + "\n", + "def run(self, fct, input_):\n", + "\n", + "def _build_graph_run(self, run_args):\n", + "\n", + "def _build_signature(self, run_args):\n", + "\n", + "def encode_example(self, video_or_path_or_fobj):\n", + "\n", + "def _generate_examples(self, archive):\n", + "\n", + "def _generate_examples(self, file_path):\n", + "\n", + "def pad_decr(ids):\n", + "\n", + "def _prepare_reserved_tokens(reserved_tokens):\n", + "\n", + "def _make_reserved_tokens_re(reserved_tokens):\n", + "\n", + "def write_lines_to_file(cls_name, filename, lines, metadata_dict):\n", + "\n", + "def read_lines_from_file(cls_name, filename):\n", + "\n", + "def tokenize(self, s):\n", + "\n", + "def slice_to_percent_mask(slice_value):\n", + "\n", + "def get_shard_id2num_examples(num_shards, total_num_examples):\n", + "\n", + "def compute_mask_offsets(shard_id2num_examples):\n", + "\n", + "def check_splits_equals(splits1, splits2):\n", + "\n", + "def add(self, split_info):\n", + "\n", + "def from_proto(cls, repeated_split_infos):\n", + "\n", + "def to_proto(self):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _generate_examples(self, data_file):\n", + "\n", + "def build_synchronize_decorator():\n", + "\n", + " def read_value():\n", + "\n", + " def write_value(x):\n", + "\n", + " def lock_decorator(fn):\n", + "\n", + " def lock_decorated(*args, **kwargs):\n", + "\n", + "def get_file_name(url):\n", + "\n", + "def _make_builder_configs():\n", + "\n", + "def _walk_librispeech_dir(directory):\n", + "\n", + "def download_urls(self):\n", + "\n", + "def str2int(self, str_value):\n", + "\n", + "def int2str(self, int_value):\n", + "\n", + "def save_metadata(self, data_dir, feature_name=None):\n", + "\n", + "def load_metadata(self, data_dir, feature_name=None):\n", + "\n", + "def _token_counts_from_generator(generator, max_chars, reserved_tokens):\n", + "\n", + "def _validate_build_arguments(max_subword_length, reserved_tokens,\n", + "\n", + "def _prepare_tokens_for_encode(tokens):\n", + "\n", + " def _prepare_token(t, next_t):\n", + "\n", + "def encode(self, s):\n", + "\n", + "def decode(self, ids):\n", + "\n", + " def consume_prev_bytes():\n", + "\n", + "def _token_to_ids(self, token):\n", + "\n", + "def _byte_encode(self, token):\n", + "\n", + "def _id_to_subword(self, subword_id):\n", + "\n", + "def _token_to_subwords(self, token):\n", + "\n", + "def _init_from_list(self, subwords):\n", + "\n", + "def save_to_file(self, filename_prefix):\n", + "\n", + "def load_from_file(cls, filename_prefix):\n", + "\n", + "def build_from_corpus(cls,\n", + "\n", + " def _binary_search(min_token_count, max_token_count):\n", + "\n", + "def _generate_examples(self, file_path):\n", + "\n", + "def _generate_examples(self, archive):\n", + "\n", + "def _load_chunk(dat_path, cat_path, info_path):\n", + "\n", + "def read_binary_matrix(filename):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _generate_examples(self, dat_path, cat_path, info_path):\n", + "\n", + "def build_dataset(instruction_dicts,\n", + "\n", + "def _build_instruction_ds(instructions):\n", + "\n", + "def _build_mask_ds(mask, mask_offset):\n", + "\n", + "def _build_ds_from_instruction(instruction, ds_from_file_fn):\n", + "\n", + "def as_numpy(dataset, graph=None):\n", + "\n", + "def _load_data(filepath):\n", + "\n", + "def _discretize(a):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _parse_and_clean_wikicode(raw_content):\n", + "\n", + " def rm_wikilink(obj):\n", + "\n", + " def rm_tag(obj):\n", + "\n", + " def rm_template(obj):\n", + "\n", + " def try_remove_obj(obj, section):\n", + "\n", + "def _build_pcollection(self, pipeline, filepaths, language):\n", + "\n", + " def _extract_content(filepath):\n", + "\n", + " def _clean_content(inputs):\n", + "\n", + "def download_and_prepare(builder):\n", + "\n", + "def encode_example(self, bbox):\n", + "\n", + "def _load_data(path, labels_number=1):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + " def gen_filenames(filenames):\n", + "\n", + "def _generate_examples(self, filepaths):\n", + "\n", + "def disallow_positional_args(wrapped=None, allowed=None):\n", + "\n", + " def disallow_positional_args_dec(fn, instance, args, kwargs):\n", + "\n", + "def _required_args(fn):\n", + "\n", + "def download_gcs_file(path, out_fname=None, prefix_filter=None):\n", + "\n", + "def gcs_files(prefix_filter=None):\n", + "\n", + "def gcs_dataset_info_files(dataset_dir):\n", + "\n", + "def is_dataset_on_gcs(dataset_name):\n", + "\n", + "def _run_kaggle_command(command_args, competition_name):\n", + "\n", + "def competition_files(self):\n", + "\n", + "def competition_urls(self):\n", + "\n", + "def download_file(self, fname, output_dir):\n", + "\n", + "def _generate_examples(self, images_dir_path):\n", + "\n", + "def _checksum_paths():\n", + "\n", + "def _get_path(dataset_name):\n", + "\n", + "def _get_sizes_checksums(checksums_path):\n", + "\n", + "def get_all_sizes_checksums():\n", + "\n", + "def store_checksums(dataset_name, sizes_checksums):\n", + "\n", + "def _guess_extract_method(fname):\n", + "\n", + "def _sanitize_url(url, max_length):\n", + "\n", + "def get_dl_fname(url, checksum):\n", + "\n", + "def get_dl_dirname(url):\n", + "\n", + "def _read_info(info_path):\n", + "\n", + "def write_info_file(resource, path, dataset_name, original_fname):\n", + "\n", + "def get_extract_method(path):\n", + "\n", + "def exists_locally(cls, path):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + " def build_bbox(x, y, width, height):\n", + "\n", + "def str2ints(self, str_value):\n", + "\n", + "def ints2str(self, int_values):\n", + "\n", + "def maybe_build_from_corpus(self, corpus_generator, **kwargs):\n", + "\n", + "def sharded_filenames(filename_prefix, num_shards):\n", + "\n", + "def _walk_omniglot_dir(directory):\n", + "\n", + "def _get_names(dirs):\n", + "\n", + "def size_str(size_in_bytes):\n", + "\n", + "def tqdm(self):\n", + "\n", + "def download(self, url, destination_path):\n", + "\n", + "def _sync_kaggle_download(self, kaggle_url, destination_path):\n", + "\n", + "def _get_drive_url(self, url, session):\n", + "\n", + "def _sync_download(self, url, destination_path):\n", + "\n", + "def _resize_image_if_necessary(image_fobj, target_pixels=None):\n", + "\n", + "def _generate_examples(self, images_dir_path, csv_path=None, csv_usage=None):\n", + "\n", + "def _slice_split_info_to_instruction_dicts(self, list_sliced_split_info):\n", + "\n", + "def _build_split_filenames(self, split_info_list):\n", + "\n", + "def _generate_examples(self, data_path):\n", + "\n", + "def _parse_single_video(self, example_proto):\n", + "\n", + "def _generate_examples(self, filepath):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + "def _load_objects(csv_paths, csv_positions, prefix):\n", + "\n", + "def _load_bboxes(csv_path, csv_positions, prefix):\n", + "\n", + "def _split_generators(self, dl_manager):\n", + "\n", + " def load(names):\n", + "\n", + " def load_boxes(name):\n", + "\n", + "def _generate_examples(self, archive_paths, objects_getter, bboxes_getter,\n", + "\n", + "def _generate_examples(self, archive, directory):\n", + "\n", + "def _get_url_hashes(path):\n", + "\n", + " def url_hash(u):\n", + "\n", + "def _find_files(dl_paths, publisher, url_dict):\n", + "\n", + "def _subset_filenames(dl_paths, split):\n", + "\n", + "def _get_art_abs(story_file):\n", + "\n", + " def fix_missing_period(line):\n", + "\n", + "def exporter(directory, method, datasets):\n", + "\n", + "def time_machine(host, mode):\n", + "\n", + "def zap(input_url, archive, domain, host, internal, robots, proxies):\n", + "\n", + " def make_request(url):\n", + "\n", + "def intel_extractor(url, response):\n", + "\n", + "def js_extractor(response):\n", + "\n", + "def extractor(url):\n", + "\n", + "def jscanner(url):\n", + "\n", + "def updater():\n", + "\n", + "def find_subdomains(domain):\n", + "\n", + "def flash(function, links, thread_count):\n", + "\n", + "def regxy(pattern, response, supress_regex, custom):\n", + "\n", + "def is_link(url, processed, files):\n", + "\n", + "def remove_regex(urls, regex):\n", + "\n", + "def writer(datasets, dataset_names, output_dir):\n", + "\n", + "def timer(diff, processed):\n", + "\n", + "def entropy(string):\n", + "\n", + "def extract_headers(headers):\n", + "\n", + "def top_level(url, fix_protocol=True):\n", + "\n", + "def proxy_type(v):\n", + "\n", + "def dnsdumpster(domain, output_dir):\n", + "\n", + "def prompt(default=None):\n", + "\n", + "def start_market(self):\n", + "\n", + "def run(self):\n", + "\n", + "def message(self):\n", + "\n", + "def init_hold_with_account(self):\n", + "\n", + "def start_date(self):\n", + "\n", + "def end_date(self):\n", + "\n", + "def history_table_min(self):\n", + "\n", + "def history_table(self):\n", + "\n", + "def cash_table(self):\n", + "\n", + "def hold(self):\n", + "\n", + "def hold_available(self):\n", + "\n", + "def trade(self):\n", + "\n", + "def daily_cash(self):\n", + "\n", + "def daily_hold(self):\n", + "\n", + "def daily_frozen(self):\n", + "\n", + "def hold_table(self, datetime=None):\n", + "\n", + "def current_hold_price(self):\n", + "\n", + " def weights(x):\n", + "\n", + "def hold_price(self, datetime=None):\n", + "\n", + " def weights(x):\n", + "\n", + "def hold_time(self, datetime=None):\n", + "\n", + " def weights(x):\n", + "\n", + "def reset_assets(self, init_cash=None):\n", + "\n", + "def close_positions_order(self):\n", + "\n", + "def settle(self, settle_data = None):\n", + "\n", + "def on_bar(self, event):\n", + "\n", + "def from_message(self, message):\n", + "\n", + "def from_otgdict(self, message):\n", + "\n", + "def table(self):\n", + "\n", + "def run(self, event):\n", + "\n", + "def sync_account(self, sync_message):\n", + "\n", + "def change_cash(self, money):\n", + "\n", + "def get_history(self, start, end):\n", + "\n", + "def QA_SU_save_order(orderlist, client=DATABASE):\n", + "\n", + "def QA_SU_save_deal(dealist, client=DATABASE):\n", + "\n", + "def QA_SU_save_order_queue(order_queue, client=DATABASE):\n", + "\n", + "def SMA(Series, N, M=1):\n", + "\n", + "def CROSS(A, B):\n", + "\n", + "def COUNT(COND, N):\n", + "\n", + "def LAST(COND, N1, N2):\n", + "\n", + "def AVEDEV(Series, N):\n", + "\n", + "def MACD(Series, FAST, SLOW, MID):\n", + "\n", + "def BBI(Series, N1, N2, N3, N4):\n", + "\n", + "def BARLAST(cond, yes=True):\n", + "\n", + "def get_today_all(output='pd'):\n", + "\n", + "def QA_SU_save_stock_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __gen_param(stock_list, coll_stock_day, ip_list=[]):\n", + "\n", + "def QA_user_sign_in(username, password):\n", + "\n", + "def QA_user_sign_up(name, password, client):\n", + "\n", + "def warp(self, order):\n", + "\n", + "def get_filename():\n", + "\n", + "def download_financialzip():\n", + "\n", + "def get_df(self, data_file):\n", + "\n", + "def QA_fetch_get_sh_margin(date):\n", + "\n", + "def QA_fetch_get_sz_margin(date):\n", + "\n", + "def upcoming_data(self, broker, data):\n", + "\n", + "def start_order_threading(self):\n", + "\n", + "def login(self, broker_name, account_cookie, account=None):\n", + "\n", + "def sync_account(self, broker_name, account_cookie):\n", + "\n", + "def _trade(self, event):\n", + "\n", + "def settle_order(self):\n", + "\n", + "def QA_util_to_json_from_pandas(data):\n", + "\n", + "def QA_util_code_tostr(code):\n", + "\n", + "def QA_util_code_tolist(code, auto_fill=True):\n", + "\n", + "def unsubscribe_stratgy(self, strategy_id):\n", + "\n", + "def subscribing_strategy(self):\n", + "\n", + "def new_portfolio(self, portfolio_cookie=None):\n", + "\n", + "def get_account(self, portfolio_cookie: str, account_cookie: str):\n", + "\n", + "def generate_simpleaccount(self):\n", + "\n", + "def register_account(self, account, portfolio_cookie=None):\n", + "\n", + "def save(self):\n", + "\n", + "def sync(self):\n", + "\n", + "def reload(self, message):\n", + "\n", + "def QA_util_format_date2str(cursor_date):\n", + "\n", + "def QA_util_get_next_trade_date(cursor_date, n=1):\n", + "\n", + "def QA_util_get_pre_trade_date(cursor_date, n=1):\n", + "\n", + "def QA_util_get_real_date(date, trade_list=trade_date_sse, towards=-1):\n", + "\n", + "def QA_util_get_real_datelist(start, end):\n", + "\n", + "def QA_util_get_trade_range(start, end):\n", + "\n", + "def QA_util_get_trade_gap(start, end):\n", + "\n", + "def QA_util_date_gap(date, gap, methods):\n", + "\n", + "def QA_util_get_trade_datetime(dt=datetime.datetime.now()):\n", + "\n", + "def QA_util_get_order_datetime(dt):\n", + "\n", + "def QA_util_future_to_tradedatetime(real_datetime):\n", + "\n", + "def QA_util_future_to_realdatetime(trade_datetime):\n", + "\n", + "def QA_util_make_hour_index(day, type_='1h'):\n", + "\n", + "def QA_util_time_gap(time, gap, methods, type_):\n", + "\n", + "def QA_util_save_csv(data, name, column=None, location=None):\n", + "\n", + "def query_positions(self, accounts):\n", + "\n", + "def query_clients(self):\n", + "\n", + "def query_orders(self, accounts, status='filled'):\n", + "\n", + "def get_indicator(self, time, code, indicator_name=None):\n", + "\n", + "def get_timerange(self, start, end, code=None):\n", + "\n", + "def QA_SU_save_stock_terminated(client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_info_tushare(client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + "def QA_util_dict_remove_key(dicts, key):\n", + "\n", + "def QA_util_sql_async_mongo_setting(uri='mongodb://localhost:27017/quantaxis'):\n", + "\n", + "def add_account(self, account):\n", + "\n", + "def drop_account(self, account_cookie):\n", + "\n", + "def get_account_by_cookie(self, cookie):\n", + "\n", + "def get_account(self, account):\n", + "\n", + "def message(self):\n", + "\n", + "def save(self):\n", + "\n", + "def market_value(self):\n", + "\n", + "def max_dropback(self):\n", + "\n", + "def total_commission(self):\n", + "\n", + "def total_tax(self):\n", + "\n", + "def profit_construct(self):\n", + "\n", + "def profit_money(self):\n", + "\n", + "def annualize_return(self):\n", + "\n", + "def benchmark_data(self):\n", + "\n", + "def benchmark_assets(self):\n", + "\n", + "def benchmark_annualize_return(self):\n", + "\n", + "def beta(self):\n", + "\n", + "def alpha(self):\n", + "\n", + "def sharpe(self):\n", + "\n", + "def plot_assets_curve(self, length=14, height=12):\n", + "\n", + "def plot_signal(self, start=None, end=None):\n", + "\n", + "def pnl_lifo(self):\n", + "\n", + "def plot_pnlratio(self):\n", + "\n", + "def plot_pnlmoney(self):\n", + "\n", + "def win_rate(self):\n", + "\n", + "def next_time(self, asc=False):\n", + "\n", + "def QA_fetch_get_future_transaction_realtime(package, code):\n", + "\n", + "def QA_indicator_MA(DataFrame,*args,**kwargs):\n", + "\n", + "def QA_indicator_MACD(DataFrame, short=12, long=26, mid=9):\n", + "\n", + "def QA_indicator_DMI(DataFrame, M1=14, M2=6):\n", + "\n", + "def QA_indicator_PBX(DataFrame, N1=3, N2=5, N3=8, N4=13, N5=18, N6=24):\n", + "\n", + "def QA_indicator_DMA(DataFrame, M1=10, M2=50, M3=10):\n", + "\n", + "def QA_indicator_MTM(DataFrame, N=12, M=6):\n", + "\n", + "def QA_indicator_EXPMA(DataFrame, P1=5, P2=10, P3=20, P4=60):\n", + "\n", + "def QA_indicator_CHO(DataFrame, N1=10, N2=20, M=6):\n", + "\n", + "def QA_indicator_BIAS(DataFrame, N1, N2, N3):\n", + "\n", + "def QA_indicator_ROC(DataFrame, N=12, M=6):\n", + "\n", + "def QA_indicator_CCI(DataFrame, N=14):\n", + "\n", + "def QA_indicator_WR(DataFrame, N, N1):\n", + "\n", + "def QA_indicator_OSC(DataFrame, N=20, M=6):\n", + "\n", + "def QA_indicator_RSI(DataFrame, N1=12, N2=26, N3=9):\n", + "\n", + "def QA_indicator_ADTM(DataFrame, N=23, M=8):\n", + "\n", + "def QA_indicator_ASI(DataFrame, M1=26, M2=10):\n", + "\n", + "def QA_indicator_OBV(DataFrame):\n", + "\n", + "def QA_indicator_BOLL(DataFrame, N=20, P=2):\n", + "\n", + "def QA_indicator_MIKE(DataFrame, N=12):\n", + "\n", + "def QA_indicator_BBI(DataFrame, N1=3, N2=6, N3=12, N4=24):\n", + "\n", + "def QA_indicator_MFI(DataFrame, N=14):\n", + "\n", + "def QA_indicator_ATR(DataFrame, N=14):\n", + "\n", + "def QA_indicator_SKDJ(DataFrame, N=9, M=3):\n", + "\n", + "def QA_indicator_DDI(DataFrame, N=13, N1=26, M=1, M1=5):\n", + "\n", + "def QA_indicator_shadow(DataFrame):\n", + "\n", + "def run(self, series, exponent=None):\n", + "\n", + "def bestExponent(self, seriesLenght):\n", + "\n", + "def mean(self, series, start, limit):\n", + "\n", + "def deviation(self, series, start, limit, mean):\n", + "\n", + "def standartDeviation(self, series, start, limit):\n", + "\n", + "def calculateHurst(self, series, exponent=None):\n", + "\n", + "def QA_util_send_mail(msg, title, from_user, from_password, to_addr, smtp):\n", + "\n", + "def QA_fetch_get_stock_analysis(code):\n", + "\n", + "def send_order(self, code, price, amount, towards, order_model, market=None):\n", + "\n", + "def QA_util_getBetweenMonth(from_date, to_date):\n", + "\n", + "def QA_util_add_months(dt, months):\n", + "\n", + "def QA_util_get_1st_of_next_month(dt):\n", + "\n", + "def QA_util_getBetweenQuarter(begin_date, end_date):\n", + "\n", + "def save_account(message, collection=DATABASE.account):\n", + "\n", + "def QA_SU_save_financial_files():\n", + "\n", + "def QA_save_tdx_to_mongo(file_dir, client=DATABASE):\n", + "\n", + "def exclude_from_stock_ip_list(exclude_ip_list):\n", + "\n", + "def QA_util_date_str2int(date):\n", + "\n", + "def QA_util_date_int2str(int_date):\n", + "\n", + "def QA_util_to_datetime(time):\n", + "\n", + "def QA_util_datetime_to_strdate(dt):\n", + "\n", + "def QA_util_datetime_to_strdatetime(dt):\n", + "\n", + "def QA_util_date_stamp(date):\n", + "\n", + "def QA_util_time_stamp(time_):\n", + "\n", + "def QA_util_stamp2datetime(timestamp):\n", + "\n", + "def QA_util_realtime(strtime, client):\n", + "\n", + "def QA_util_id2date(idx, client):\n", + "\n", + "def QA_util_is_trade(date, code, client):\n", + "\n", + "def QA_util_select_hours(time=None, gt=None, lt=None, gte=None, lte=None):\n", + "\n", + "def QA_util_calc_time(func, *args, **kwargs):\n", + "\n", + "def high_limit(self):\n", + "\n", + "def next_day_low_limit(self):\n", + "\n", + "def get_medium_order(self, lower=200000, higher=1000000):\n", + "\n", + "def shadow_calc(data):\n", + "\n", + "def query_data(self, code, start, end, frequence, market_type=None):\n", + "\n", + "def QA_SU_save_stock_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __transform_gm_to_qa(df, type_):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def datetime(self):\n", + "\n", + "def price_diff(self):\n", + "\n", + "def pvariance(self):\n", + "\n", + "def bar_pct_change(self):\n", + "\n", + "def bar_amplitude(self):\n", + "\n", + "def mean_harmonic(self):\n", + "\n", + "def amplitude(self):\n", + "\n", + "def close_pct_change(self):\n", + "\n", + "def normalized(self):\n", + "\n", + "def security_gen(self):\n", + "\n", + "def get_dict(self, time, code):\n", + "\n", + "def kline_echarts(self, code=None):\n", + "\n", + " def kline_formater(param):\n", + "\n", + "def query(self, context):\n", + "\n", + "def new(self, data=None, dtype=None, if_fq=None):\n", + "\n", + "def reindex(self, ind):\n", + "\n", + "def to_json(self):\n", + "\n", + "def to_hdf(self, place, name):\n", + "\n", + "def is_same(self, DataStruct):\n", + "\n", + "def splits(self):\n", + "\n", + "def add_func(self, func, *arg, **kwargs):\n", + "\n", + "def get_data(self, columns, type='ndarray', with_index=False):\n", + "\n", + "def pivot(self, column_):\n", + "\n", + "def selects(self, code, start, end=None):\n", + "\n", + " def _selects(code, start, end):\n", + "\n", + "def select_time(self, start, end=None):\n", + "\n", + " def _select_time(start, end):\n", + "\n", + "def select_day(self, day):\n", + "\n", + " def _select_day(day):\n", + "\n", + "def select_month(self, month):\n", + "\n", + " def _select_month(month):\n", + "\n", + "def select_code(self, code):\n", + "\n", + " def _select_code(code):\n", + "\n", + "def get_bar(self, code, time):\n", + "\n", + "def QA_SU_trans_stock_min(client=DATABASE, ui_log=None, ui_progress=None,\n", + "\n", + " def __transform_ss_to_qa(file_path: str = None, end_time: str = None, type_=\"1min\"):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def get_best_ip_by_real_data_fetch(_type='stock'):\n", + "\n", + " def get_stock_data_by_ip(ips):\n", + "\n", + " def get_future_data_by_ip(ips):\n", + "\n", + " def multiMap(func,sequence):\n", + "\n", + "def get_ip_list_by_multi_process_ping(ip_list=[], n=0, _type='stock'):\n", + "\n", + "def get_mainmarket_ip(ip, port):\n", + "\n", + "def QA_fetch_get_security_bars(code, _type, lens, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_stock_day(code, start_date, end_date, if_fq='00', frequence='day', ip=None, port=None):\n", + "\n", + "def for_sz(code):\n", + "\n", + "def QA_fetch_get_index_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_stock_transaction_realtime(code, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_stock_xdxr(code, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_stock_info(code, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_stock_block(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_extensionmarket_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_globalindex_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_goods_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_globalfuture_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_hkstock_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_hkindex_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_hkfund_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_usstock_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_macroindex_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_option_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_option_contract_time_to_market():\n", + "\n", + "def QA_fetch_get_option_50etf_contract_time_to_market():\n", + "\n", + "def QA_fetch_get_commodity_option_CF_contract_time_to_market():\n", + "\n", + "def QA_fetch_get_exchangerate_list(ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_day(code, start_date, end_date, frequence='day', ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_min(code, start, end, frequence='1min', ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_transaction(code, start, end, retry=4, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_transaction_realtime(code, ip=None, port=None):\n", + "\n", + "def QA_fetch_get_future_realtime(code, ip=None, port=None):\n", + "\n", + "def concat(lists):\n", + "\n", + "def from_tushare(dataframe, dtype='day'):\n", + "\n", + "def QDS_StockDayWarpper(func):\n", + "\n", + " def warpper(*args, **kwargs):\n", + "\n", + "def QDS_StockMinWarpper(func, *args, **kwargs):\n", + "\n", + " def warpper(*args, **kwargs):\n", + "\n", + "def QA_fetch_get_stock_adj(code, end=''):\n", + "\n", + "def cover_time(date):\n", + "\n", + "def new(self, data):\n", + "\n", + "def view_code(self):\n", + "\n", + "def get_code(self, code):\n", + "\n", + "def get_block(self, block_name):\n", + "\n", + "def get_both_code(self, code):\n", + "\n", + "def QA_get_tick(code, start, end, market):\n", + "\n", + "def QA_get_realtime(code, market):\n", + "\n", + "def QA_quotation(code, start, end, frequence, market, source=DATASOURCE.TDX, output=OUTPUT_FORMAT.DATAFRAME):\n", + "\n", + "def QA_util_random_with_zh_stock_code(stockNumber=10):\n", + "\n", + "def QA_util_random_with_topic(topic='Acc', lens=8):\n", + "\n", + "def update_pos(self, price, amount, towards):\n", + "\n", + "def settle(self):\n", + "\n", + "def close_available(self):\n", + "\n", + "def orderAction(self, order:QA_Order):\n", + "\n", + "def QA_SU_save_stock_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __transform_jq_to_qa(df, code, type_):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def execute(command, shell=None, working_dir=\".\", echo=False, echo_indent=0):\n", + "\n", + "def QA_data_calc_marketvalue(data, xdxr):\n", + "\n", + "def MACD_JCSC(dataframe, SHORT=12, LONG=26, M=9):\n", + "\n", + "def _create(self, cache_file):\n", + "\n", + "def get(self, id):\n", + "\n", + "def update(self, job):\n", + "\n", + "def add_job(self, job):\n", + "\n", + "def add_result(self, job):\n", + "\n", + "def QA_data_tick_resample_1min(tick, type_='1min', if_drop=True):\n", + "\n", + "def QA_data_tick_resample(tick, type_='1min'):\n", + "\n", + "def QA_data_ctptick_resample(tick, type_='1min'):\n", + "\n", + "def QA_data_min_resample(min_data, type_='5min'):\n", + "\n", + "def QA_data_futuremin_resample(min_data, type_='5min'):\n", + "\n", + "def QA_data_day_resample(day_data, type_='w'):\n", + "\n", + "def QA_SU_save_stock_info(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_list(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_index_list(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_etf_list(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_future_list(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_future_day(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_future_day_all(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_future_min(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_future_min_all(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_day(engine, client=DATABASE, paralleled=False):\n", + "\n", + "def QA_SU_save_option_commodity_min(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_option_commodity_day(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_min(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_index_day(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_index_min(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_etf_day(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_etf_min(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_xdxr(engine, client=DATABASE):\n", + "\n", + "def QA_SU_save_stock_block(engine, client=DATABASE):\n", + "\n", + "def select_save_engine(engine, paralleled=False):\n", + "\n", + "def QA_fetch_stock_day(code, start, end, format='numpy', frequence='day', collections=DATABASE.stock_day):\n", + "\n", + "def QA_fetch_stock_min(code, start, end, format='numpy', frequence='1min', collections=DATABASE.stock_min):\n", + "\n", + "def QA_fetch_stock_list(collections=DATABASE.stock_list):\n", + "\n", + "def QA_fetch_etf_list(collections=DATABASE.etf_list):\n", + "\n", + "def QA_fetch_index_list(collections=DATABASE.index_list):\n", + "\n", + "def QA_fetch_stock_terminated(collections=DATABASE.stock_terminated):\n", + "\n", + "def QA_fetch_stock_basic_info_tushare(collections=DATABASE.stock_info_tushare):\n", + "\n", + "def QA_fetch_stock_full(date, format='numpy', collections=DATABASE.stock_day):\n", + "\n", + "def QA_fetch_future_list(collections=DATABASE.future_list):\n", + "\n", + "def QA_fetch_ctp_tick(code, start, end, frequence, format='pd', collections=DATABASE.ctp_tick):\n", + "\n", + "def QA_fetch_stock_xdxr(code, format='pd', collections=DATABASE.stock_xdxr):\n", + "\n", + "def QA_fetch_quotations(date=datetime.date.today(), db=DATABASE):\n", + "\n", + "def QA_fetch_account(message={}, db=DATABASE):\n", + "\n", + "def QA_fetch_risk(message={}, params={\"_id\": 0, 'assets': 0, 'timeindex': 0, 'totaltimeindex': 0, 'benchmark_assets': 0, 'month_profit': 0}, db=DATABASE):\n", + "\n", + "def QA_fetch_user(user_cookie, db=DATABASE):\n", + "\n", + "def QA_fetch_strategy(message={}, db=DATABASE):\n", + "\n", + "def QA_fetch_lhb(date, db=DATABASE):\n", + "\n", + "def QA_fetch_financial_report(code, report_date, ltype='EN', db=DATABASE):\n", + "\n", + "def QA_fetch_stock_divyield(code, start, end=None, format='pd', collections=DATABASE.stock_divyield):\n", + "\n", + "def QA_SU_save_stock_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll_stock_day):\n", + "\n", + "def QA_SU_save_stock_week(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll_stock_week):\n", + "\n", + "def QA_SU_save_stock_xdxr(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def QA_SU_save_stock_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def QA_SU_save_index_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def QA_SU_save_index_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def QA_SU_save_stock_list(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + "def QA_SU_save_etf_list(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + "def QA_SU_save_stock_block(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + "def QA_SU_save_stock_info(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + " def __saving_work(code):\n", + "\n", + "def QA_SU_save_option_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def QA_SU_save_option_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll_option_day):\n", + "\n", + "def QA_SU_save_future_day(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll_future_day):\n", + "\n", + "def QA_SU_save_future_min(client=DATABASE, ui_log=None, ui_progress=None):\n", + "\n", + " def __saving_work(code, coll):\n", + "\n", + "def do_shell(self, arg):\n", + "\n", + "def QA_fetch_stock_day_full_adv(date):\n", + "\n", + "def QA_fetch_stock_list_adv(collections=DATABASE.stock_list):\n", + "\n", + "def QA_fetch_index_list_adv(collections=DATABASE.index_list):\n", + "\n", + "def QA_fetch_future_list_adv(collections=DATABASE.future_list):\n", + "\n", + "def QA_fetch_stock_block_adv(code=None, blockname=None, collections=DATABASE.stock_block):\n", + "\n", + "def QA_fetch_stock_realtime_adv(code=None,\n", + "\n", + "def QA_fetch_financial_report_adv(code, start, end=None, ltype='EN'):\n", + "\n", + "def QA_fetch_stock_financial_calendar_adv(code, start=\"all\", end=None, format='pd', collections=DATABASE.report_calendar):\n", + "\n", + "def QA_fetch_get_tdxtraderecord(file):\n", + "\n", + "def AROON(DataFrame, N=14):\n", + "\n", + "def get_commission_coeff(self, code):\n", + "\n", + "def import_trade(self, trade):\n", + "\n", + "def make_deal(self, code, datetime, amount=100, towards=ORDER_DIRECTION.BUY, price=0, order_model=ORDER_MODEL.MARKET, amount_model=AMOUNT_MODEL.BY_AMOUNT):\n", + "\n", + "def cancel(self):\n", + "\n", + "def failed(self, reason=None):\n", + "\n", + "def trade(self, trade_id, trade_price, trade_amount, trade_time):\n", + "\n", + "def to_otgdict(self):\n", + "\n", + "def from_otgformat(self, otgOrder):\n", + "\n", + "def from_dict(self, order_dict):\n", + "\n", + "def insert_order(self, order):\n", + "\n", + "def pending(self):\n", + "\n", + "def _QA_data_stock_to_fq(bfq_data, xdxr_data, fqtype):\n", + "\n", + "def QA_data_stock_to_fq(__data, type_='01'):\n", + "\n", + "def get_response(self, statement=None, **kwargs):\n", + "\n", + "def generate_response(self, input_statement, additional_response_selection_parameters=None):\n", + "\n", + " def __init__(self, statement, count=1):\n", + "\n", + "def learn_response(self, statement, previous_statement=None):\n", + "\n", + "def serialize(self):\n", + "\n", + "def import_module(dotted_path):\n", + "\n", + "def initialize_class(data, *args, **kwargs):\n", + "\n", + "def validate_adapter_class(validate_class, adapter_class):\n", + "\n", + "def get_response_time(chatbot, statement='Hello'):\n", + "\n", + "def print_progress_bar(description, iteration_counter, total_items, progress_bar_length=20):\n", + "\n", + "def get_unit(self, ureg, unit_variations):\n", + "\n", + "def get_valid_units(self, ureg, from_unit, target_unit):\n", + "\n", + "def handle_matches(self, match):\n", + "\n", + "def get_default_response(self, input_statement):\n", + "\n", + "def time_question_features(self, text):\n", + "\n", + "def can_process(self, statement):\n", + "\n", + "def process(self, statement, additional_response_selection_parameters=None):\n", + "\n", + "def get_recent_repeated_responses(chatbot, conversation, sample=10, threshold=3, quantity=3):\n", + "\n", + "def get_most_frequent_response(input_statement, response_list, storage=None):\n", + "\n", + "def get_first_response(input_statement, response_list, storage=None):\n", + "\n", + "def get_random_response(input_statement, response_list, storage=None):\n", + "\n", + "def compare(self, statement_a, statement_b):\n", + "\n", + "def compare(self, statement_a, statement_b):\n", + "\n", + "def compare(self, statement_a, statement_b):\n", + "\n", + "def get_statement_model(self):\n", + "\n", + "def mongo_to_object(self, statement_data):\n", + "\n", + "def filter(self, **kwargs):\n", + "\n", + "def create(self, **kwargs):\n", + "\n", + "def create_many(self, statements):\n", + "\n", + "def get_random(self):\n", + "\n", + "def add_tags(self, *tags):\n", + "\n", + "def get_preprocessed_statement(self, input_statement):\n", + "\n", + "def export_for_training(self, file_path='./export.json'):\n", + "\n", + "def train(self, conversation):\n", + "\n", + "def is_downloaded(self, file_path):\n", + "\n", + "def is_extracted(self, file_path):\n", + "\n", + "def download(self, url, show_status=True):\n", + "\n", + "def extract(self, file_path):\n", + "\n", + " def track_progress(members):\n", + "\n", + "def count(self):\n", + "\n", + "def remove(self, statement_text):\n", + "\n", + "def filter(self, **kwargs):\n", + "\n", + "def create(self, **kwargs):\n", + "\n", + "def create_many(self, statements):\n", + "\n", + "def update(self, statement):\n", + "\n", + "def get_random(self):\n", + "\n", + "def drop(self):\n", + "\n", + "def create_database(self):\n", + "\n", + "def post(self, request, *args, **kwargs):\n", + "\n", + "def get_file_path(dotted_path, extension='json'):\n", + "\n", + "def read_corpus(file_name):\n", + "\n", + "def list_corpus_files(dotted_path):\n", + "\n", + "def load_corpus(*data_file_paths):\n", + "\n", + "def get_bigram_pair_string(self, text):\n", + "\n", + "def filter(self, **kwargs):\n", + "\n", + "def create(self, **kwargs):\n", + "\n", + "def create_many(self, statements):\n", + "\n", + "def update(self, statement):\n", + "\n", + "def get_random(self):\n", + "\n", + "def remove(self, statement_text):\n", + "\n", + "def drop(self):\n", + "\n", + "def clean_whitespace(statement):\n", + "\n", + "def unescape_html(statement):\n", + "\n", + "def convert_to_ascii(statement):\n", + "\n", + "def convert_string_to_number(value):\n", + "\n", + "def convert_time_to_hour_minute(hour, minute, convention):\n", + "\n", + "def date_from_quarter(base_date, ordinal, year):\n", + "\n", + "def date_from_relative_day(base_date, time, dow):\n", + "\n", + "def date_from_relative_week_year(base_date, time, dow, ordinal=1):\n", + "\n", + "def date_from_adverb(base_date, name):\n", + "\n", + "def date_from_duration(base_date, number_as_string, unit, duration, base_time=None):\n", + "\n", + "def this_week_day(base_date, weekday):\n", + "\n", + "def previous_week_day(base_date, weekday):\n", + "\n", + "def next_week_day(base_date, weekday):\n", + "\n", + "def datetime_parsing(text, base_date=datetime.now()):\n", + "\n", + "def search(self, input_statement, **additional_parameters):\n", + "\n", + "def initialize(self):\n", + "\n", + "def get_response(self):\n", + "\n", + "def add_tags(self, *tags):\n", + "\n", + "def SvelteComponent(name, path):\n", + "\n", + " def inner(data):\n", + "\n", + "def save_json(object, handle, indent=2):\n", + "\n", + "def save_npz(object, handle):\n", + "\n", + "def save_img(object, handle, **kwargs):\n", + "\n", + "def save(thing, url_or_handle, **kwargs):\n", + "\n", + "def frustum(left, right, bottom, top, znear, zfar):\n", + "\n", + "def anorm(x, axis=None, keepdims=False):\n", + "\n", + "def normalize(v, axis=None, eps=1e-10):\n", + "\n", + "def lookat(eye, target=[0, 0, 0], up=[0, 1, 0]):\n", + "\n", + "def sample_view(min_dist, max_dist=None):\n", + "\n", + "def _parse_vertex_tuple(s):\n", + "\n", + "def _unify_rows(a):\n", + "\n", + "def load_obj(fn):\n", + "\n", + "def normalize_mesh(mesh):\n", + "\n", + "def activations(self):\n", + "\n", + "def create_input(self, t_input=None, forget_xy_shape=True):\n", + "\n", + "def import_graph(self, t_input=None, scope='import', forget_xy_shape=True):\n", + "\n", + "def normalize_layout(layout, min_percentile=1, max_percentile=99, relative_margin=0.1):\n", + "\n", + "def aligned_umap(activations, umap_options={}, normalize=True, verbose=False):\n", + "\n", + "def render_tile(cells, ti, tj, render, params, metadata, layout, summary):\n", + "\n", + "def aggregate_tile(cells, ti, tj, aggregate, params, metadata, layout, summary):\n", + "\n", + "def create_opengl_context(surface_size=(640, 480)):\n", + "\n", + "def collapse_shape(shape, a, b):\n", + "\n", + "def resize_bilinear_nd(t, target_shape):\n", + "\n", + "def get_aligned_activations(layer):\n", + "\n", + "def layer_covariance(layer1, layer2=None):\n", + "\n", + "def push_activations(activations, from_layer, to_layer):\n", + "\n", + "def multi_interpolation_basis(n_objectives=6, n_interp_steps=5, width=128,\n", + "\n", + "def register_to_random_name(grad_f):\n", + "\n", + "def gradient_override_map(override_dict):\n", + "\n", + "def use_gradient(grad_f):\n", + "\n", + " def function_wrapper(f):\n", + "\n", + " def inner(*inputs):\n", + "\n", + " def store_out(out_value):\n", + "\n", + " def mock_f(*inputs):\n", + "\n", + "def pixel_image(shape, sd=None, init_val=None):\n", + "\n", + "def rfft2d_freqs(h, w):\n", + "\n", + "def fft_image(shape, sd=None, decay_power=1):\n", + "\n", + "def laplacian_pyramid_image(shape, n_levels=4, sd=None):\n", + "\n", + "def bilinearly_sampled_image(texture, uv):\n", + "\n", + " def sample(u, v):\n", + "\n", + "def _linear_decorelate_color(t):\n", + "\n", + "def to_valid_rgb(t, decorrelate=False, sigmoid=True):\n", + "\n", + "def _populate_inception_bottlenecks(scope):\n", + "\n", + "def wrap_objective(f, *args, **kwds):\n", + "\n", + "def neuron(layer_name, channel_n, x=None, y=None, batch=None):\n", + "\n", + " def inner(T):\n", + "\n", + "def channel(layer, n_channel, batch=None):\n", + "\n", + "def direction(layer, vec, batch=None, cossim_pow=0):\n", + "\n", + "def direction_neuron(layer_name, vec, batch=None, x=None, y=None, cossim_pow=0):\n", + "\n", + " def inner(T):\n", + "\n", + "def direction_cossim(layer, vec, batch=None):\n", + "\n", + " def inner(T):\n", + "\n", + "def L1(layer=\"input\", constant=0, batch=None):\n", + "\n", + "def L2(layer=\"input\", constant=0, epsilon=1e-6, batch=None):\n", + "\n", + "def blur_input_each_step():\n", + "\n", + " def inner(T):\n", + "\n", + "def channel_interpolate(layer1, n_channel1, layer2, n_channel2):\n", + "\n", + " def inner(T):\n", + "\n", + "def penalize_boundary_complexity(shp, w=20, mask=None, C=0.5):\n", + "\n", + " def inner(T):\n", + "\n", + "def alignment(layer, decay_ratio=2):\n", + "\n", + " def inner(T):\n", + "\n", + "def diversity(layer):\n", + "\n", + " def inner(T):\n", + "\n", + "def input_diff(orig_img):\n", + "\n", + " def inner(T):\n", + "\n", + "def class_logit(layer, label):\n", + "\n", + " def inner(T):\n", + "\n", + "def as_objective(obj):\n", + "\n", + "def _constrain_L2_grad(op, grad):\n", + "\n", + "def unit_ball_L2(shape):\n", + "\n", + "def unit_ball_L_inf(shape, precondition=True):\n", + "\n", + "def render_vis(model, objective_f, param_f=None, optimizer=None,\n", + "\n", + "def make_vis_T(model, objective_f, param_f=None, optimizer=None,\n", + "\n", + " def T2(name):\n", + "\n", + "def grid(metadata, layout, params):\n", + "\n", + "def write_grid_local(tiles, params):\n", + "\n", + "def enumerate_tiles(tiles):\n", + "\n", + "def _load_img(handle, target_dtype=np.float32, size=None, **kwargs):\n", + "\n", + "def _load_text(handle, split=False, encoding=\"utf-8\"):\n", + "\n", + "def _load_graphdef_protobuf(handle, **kwargs):\n", + "\n", + "def load(url_or_handle, cache=None, **kwargs):\n", + "\n", + "def crop_or_pad_to(height, width):\n", + "\n", + " def inner(t_image):\n", + "\n", + "def _normalize_array(array, domain=(0, 1)):\n", + "\n", + "def _serialize_normalized_array(array, fmt='png', quality=70):\n", + "\n", + "def serialize_array(array, domain=(0, 1), fmt='png', quality=70):\n", + "\n", + "def array_to_jsbuffer(array):\n", + "\n", + "def _apply_flat(cls, f, acts):\n", + "\n", + "def set_style(self, input_feeds):\n", + "\n", + "def _image_url(array, fmt='png', mode=\"data\", quality=90, domain=None):\n", + "\n", + "def image(array, domain=None, width=None, format='png', **kwargs):\n", + "\n", + "def images(arrays, labels=None, domain=None, w=None):\n", + "\n", + "def show(thing, domain=(0, 1), **kwargs):\n", + "\n", + "def _strip_consts(graph_def, max_const_size=32):\n", + "\n", + "def graph(graph_def, max_const_size=32):\n", + "\n", + "def resize(image, target_size, **kwargs):\n", + "\n", + "def lowres_tensor(shape, underlying_shape, offset=None, sd=None):\n", + "\n", + "def create_session(target='', timeout_sec=10):\n", + "\n", + "def read(url, encoding=None, cache=None, mode=\"rb\"):\n", + "\n", + "def read_handle(url, cache=None, mode=\"rb\"):\n", + "\n", + "def local_cache_path(remote_url):\n", + "\n", + "def get_model(name):\n", + "\n", + " def _progressive_canvas_iterator():\n", + "\n", + "def bin_laid_out_activations(layout, activations, grid_size, threshold=5):\n", + "\n", + "def load_graphdef(model_url, reset_device=True):\n", + "\n", + "def forget_xy(t):\n", + "\n", + "def frozen_default_graph_def(input_node_names, output_node_names):\n", + "\n", + "def infuse_metadata(graph_def, info):\n", + "\n", + "def extract_metadata(graph_def):\n", + "\n", + "def neighborhood(self, node, degree=4):\n", + "\n", + "def from_hsv(cls, h, s, v):\n", + "\n", + "def description(self):\n", + "\n", + "def walk_commands(self):\n", + "\n", + "def get_listeners(self):\n", + "\n", + "def listener(cls, name=None):\n", + "\n", + " def decorator(func):\n", + "\n", + "def set_footer(self, *, text=EmptyEmbed, icon_url=EmptyEmbed):\n", + "\n", + "def set_author(self, *, name, url=EmptyEmbed, icon_url=EmptyEmbed):\n", + "\n", + "def add_field(self, *, name, value, inline=True):\n", + "\n", + "def set_field_at(self, index, *, name, value, inline=True):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def avatar_url_as(self, *, format=None, static_format='webp', size=1024):\n", + "\n", + "def mentioned_in(self, message):\n", + "\n", + "def friends(self):\n", + "\n", + "def blocked(self):\n", + "\n", + "def is_friend(self):\n", + "\n", + "def is_blocked(self):\n", + "\n", + " def transform(d):\n", + "\n", + "def time_snowflake(datetime_obj, high=False):\n", + "\n", + "def get(iterable, **attrs):\n", + "\n", + " def predicate(elem):\n", + "\n", + "def _string_width(string, *, _IS_ASCII=_IS_ASCII):\n", + "\n", + "def resolve_invite(invite):\n", + "\n", + "def escape_markdown(text, *, as_needed=False, ignore_links=True):\n", + "\n", + " def replacement(match):\n", + "\n", + "def duration(self):\n", + "\n", + "def connected(self):\n", + "\n", + "def partial(cls, id, token, *, adapter):\n", + "\n", + "def from_url(cls, url, *, adapter):\n", + "\n", + "def channel(self):\n", + "\n", + "def avatar_url_as(self, *, format=None, size=1024):\n", + "\n", + "def edit(self, **kwargs):\n", + "\n", + "def send(self, content=None, *, wait=False, username=None, avatar_url=None, tts=False,\n", + "\n", + "def users(self, limit=None, after=None):\n", + "\n", + "def members(self):\n", + "\n", + " def is_me(m):\n", + "\n", + "def members(self):\n", + "\n", + "def channels(self):\n", + "\n", + " def comparator(channel):\n", + "\n", + "def text_channels(self):\n", + "\n", + "def voice_channels(self):\n", + "\n", + "def permissions_for(self, user=None):\n", + "\n", + "def permissions_for(self, user):\n", + "\n", + "def changed_roles(self):\n", + "\n", + "def overwrites_for(self, obj):\n", + "\n", + "def overwrites(self):\n", + "\n", + "def permissions_for(self, member):\n", + "\n", + "def history(self, *, limit=100, before=None, after=None, around=None, oldest_first=None):\n", + "\n", + "def url(self):\n", + "\n", + "def roles(self):\n", + "\n", + "def loop(*, seconds=0, minutes=0, hours=0, count=None, reconnect=True, loop=None):\n", + "\n", + " def decorator(func):\n", + "\n", + "def start(self, *args, **kwargs):\n", + "\n", + "def add_exception_type(self, exc):\n", + "\n", + "def remove_exception_type(self, exc):\n", + "\n", + "def before_loop(self, coro):\n", + "\n", + "def after_loop(self, coro):\n", + "\n", + "def me(self):\n", + "\n", + "def delay(self):\n", + "\n", + "def is_subset(self, other):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def changes(self):\n", + "\n", + "def command(name=None, cls=None, **attrs):\n", + "\n", + " def decorator(func):\n", + "\n", + "def group(name=None, **attrs):\n", + "\n", + "def check(predicate):\n", + "\n", + " def check_if_it_is_me(ctx):\n", + "\n", + " def is_me():\n", + "\n", + " def predicate(ctx):\n", + "\n", + " def decorator(func):\n", + "\n", + "def has_role(item):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def has_any_role(*items):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def bot_has_role(item):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def bot_has_any_role(*items):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def has_permissions(**perms):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def bot_has_permissions(**perms):\n", + "\n", + " def predicate(ctx):\n", + "\n", + "def is_owner():\n", + "\n", + "def is_nsfw():\n", + "\n", + " def pred(ctx):\n", + "\n", + "def cooldown(rate, per, type=BucketType.default):\n", + "\n", + " def decorator(func):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def copy(self):\n", + "\n", + "def clean_params(self):\n", + "\n", + "def full_parent_name(self):\n", + "\n", + "def parents(self):\n", + "\n", + "def qualified_name(self):\n", + "\n", + "def is_on_cooldown(self, ctx):\n", + "\n", + "def reset_cooldown(self, ctx):\n", + "\n", + "def error(self, coro):\n", + "\n", + "def before_invoke(self, coro):\n", + "\n", + "def after_invoke(self, coro):\n", + "\n", + "def short_doc(self):\n", + "\n", + "def signature(self):\n", + "\n", + "def add_command(self, command):\n", + "\n", + "def remove_command(self, name):\n", + "\n", + "def walk_commands(self):\n", + "\n", + "def get_command(self, name):\n", + "\n", + "def command(self, *args, **kwargs):\n", + "\n", + " def decorator(func):\n", + "\n", + "def copy(self):\n", + "\n", + "def wait_for(self, event, predicate, result=None):\n", + "\n", + "def clear(self):\n", + "\n", + "def add_line(self, line='', *, empty=False):\n", + "\n", + "def close_page(self):\n", + "\n", + "def get_bot_mapping(self):\n", + "\n", + "def clean_prefix(self):\n", + "\n", + "def invoked_with(self):\n", + "\n", + "def get_command_signature(self, command):\n", + "\n", + "def remove_mentions(self, string):\n", + "\n", + " def replace(obj, *, transforms=self.MENTION_TRANSFORMS):\n", + "\n", + "def subcommand_not_found(self, command, string):\n", + "\n", + "def get_max_size(self, commands):\n", + "\n", + "def shorten_text(self, text):\n", + "\n", + "def add_indented_commands(self, commands, *, heading, max_size=None):\n", + "\n", + "def add_bot_commands_formatting(self, commands, heading):\n", + "\n", + "def add_subcommand_formatting(self, command):\n", + "\n", + "def add_aliases_formatting(self, aliases):\n", + "\n", + "def add_command_formatting(self, command):\n", + "\n", + "def play(self, source, *, after=None):\n", + "\n", + "def send_audio_packet(self, data, *, encode=True):\n", + "\n", + "def clear(self):\n", + "\n", + "def run(self, *args, **kwargs):\n", + "\n", + "def wait_for(self, event, *, check=None, timeout=None):\n", + "\n", + " def check(m):\n", + "\n", + " def check(reaction, user):\n", + "\n", + " def _check(*args):\n", + "\n", + "def event(self, coro):\n", + "\n", + "def fetch_guilds(self, *, limit=100, before=None, after=None):\n", + "\n", + " def transform(d):\n", + "\n", + "def icon_url_as(self, *, format='webp', size=1024):\n", + "\n", + "def banner_url_as(self, *, format='webp', size=2048):\n", + "\n", + "def splash_url_as(self, *, format='webp', size=2048):\n", + "\n", + "def raw_mentions(self):\n", + "\n", + "def raw_channel_mentions(self):\n", + "\n", + "def raw_role_mentions(self):\n", + "\n", + "def clean_content(self):\n", + "\n", + " def repl(obj):\n", + "\n", + " def repl2(obj):\n", + "\n", + "def system_content(self):\n", + "\n", + "def large_image_url(self):\n", + "\n", + "def small_image_url(self):\n", + "\n", + "def album_cover_url(self):\n", + "\n", + "def when_mentioned_or(*prefixes):\n", + "\n", + " def inner(bot, msg):\n", + "\n", + "def add_check(self, func, *, call_once=False):\n", + "\n", + "def remove_check(self, func, *, call_once=False):\n", + "\n", + "def add_listener(self, func, name=None):\n", + "\n", + "def remove_listener(self, func, name=None):\n", + "\n", + "def listen(self, name=None):\n", + "\n", + " def decorator(func):\n", + "\n", + "def add_cog(self, cog):\n", + "\n", + "def remove_cog(self, name):\n", + "\n", + "def load_extension(self, name):\n", + "\n", + "def unload_extension(self, name):\n", + "\n", + "def reload_extension(self, name):\n", + "\n", + "def large(self):\n", + "\n", + "def voice_channels(self):\n", + "\n", + "def me(self):\n", + "\n", + "def text_channels(self):\n", + "\n", + "def categories(self):\n", + "\n", + "def by_category(self):\n", + "\n", + " def key(t):\n", + "\n", + "def system_channel(self):\n", + "\n", + "def default_role(self):\n", + "\n", + "def chunked(self):\n", + "\n", + "def shard_id(self):\n", + "\n", + "def get_member_named(self, name):\n", + "\n", + " def pred(m):\n", + "\n", + "def ack(self):\n", + "\n", + "def audit_logs(self, *, limit=100, before=None, after=None, oldest_first=None, user=None, action=None):\n", + "\n", + "def latency(self):\n", + "\n", + "def latencies(self):\n", + "\n", + "def members(self):\n", + "\n", + "def group(*blueprints, url_prefix=\"\"):\n", + "\n", + " def chain(nested):\n", + "\n", + "def register(self, app, options):\n", + "\n", + " def decorator(handler):\n", + "\n", + " def decorator(handler):\n", + "\n", + "def listener(self, event):\n", + "\n", + " def decorator(listener):\n", + "\n", + "def middleware(self, *args, **kwargs):\n", + "\n", + " def register_middleware(_middleware):\n", + "\n", + "def exception(self, *args, **kwargs):\n", + "\n", + " def decorator(handler):\n", + "\n", + "def static(self, uri, file_or_directory, *args, **kwargs):\n", + "\n", + "def add_status_code(code):\n", + "\n", + " def class_decorator(cls):\n", + "\n", + "def abort(status_code, message=None):\n", + "\n", + "def add_task(self, task):\n", + "\n", + " def run(app, loop):\n", + "\n", + " def response(handler):\n", + "\n", + " def response(handler):\n", + "\n", + "def enable_websocket(self, enable=True):\n", + "\n", + " def cancel_websocket_tasks(app, loop):\n", + "\n", + "def remove_route(self, uri, clean_cache=True, host=None):\n", + "\n", + "def exception(self, *exceptions):\n", + "\n", + " def response(handler):\n", + "\n", + "def register_middleware(self, middleware, attach_to=\"request\"):\n", + "\n", + "def middleware(self, middleware_or_request):\n", + "\n", + "def blueprint(self, blueprint, **options):\n", + "\n", + "def register_blueprint(self, *args, **kwargs):\n", + "\n", + "def insert(self, index: int, item: object) -> None:\n", + "\n", + "def middleware(self, *args, **kwargs):\n", + "\n", + " def register_middleware_for_blueprints(fn):\n", + "\n", + "def response(self, request, exception):\n", + "\n", + "def default(self, request, exception):\n", + "\n", + "def _create_ssl_context(cfg):\n", + "\n", + "def trigger_events(events, loop):\n", + "\n", + "def keep_alive(self):\n", + "\n", + "def keep_alive_timeout_callback(self):\n", + "\n", + "def execute_request_handler(self):\n", + "\n", + "def log_response(self, response):\n", + "\n", + "def write_response(self, response):\n", + "\n", + "def bail_out(self, message, from_error=False):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def parse_multipart_form(body, boundary):\n", + "\n", + "def token(self):\n", + "\n", + "def remote_addr(self):\n", + "\n", + "def strtobool(val):\n", + "\n", + "def from_envvar(self, variable_name):\n", + "\n", + "def from_object(self, obj):\n", + "\n", + "def load_environment_vars(self, prefix=SANIC_PREFIX):\n", + "\n", + "def parse_parameter_string(cls, parameter_string):\n", + "\n", + "def _add(self, uri, methods, handler, host=None, name=None):\n", + "\n", + " def add_parameter(match):\n", + "\n", + " def merge_route(route, methods, handler):\n", + "\n", + "def check_dynamic_route_exists(pattern, routes_to_check, parameters):\n", + "\n", + "def find_route_by_view_name(self, view_name, name=None):\n", + "\n", + "def get(self, request):\n", + "\n", + "def get_supported_methods(self, url):\n", + "\n", + "def _get(self, url, method, host):\n", + "\n", + "def is_stream_handler(self, request):\n", + "\n", + "def _get_args_for_reloading():\n", + "\n", + "def restart_with_reloader():\n", + "\n", + "def kill_process_children_unix(pid):\n", + "\n", + "def kill_process_children(pid):\n", + "\n", + "def watchdog(sleep_interval):\n", + "\n", + "def as_view(cls, *class_args, **class_kwargs):\n", + "\n", + " def view(*args, **kwargs):\n", + "\n", + "def remove_entity_headers(headers, allowed=(\"content-location\", \"expires\")):\n", + "\n", + "def preserve_shape(func):\n", + "\n", + " def wrapped_function(img, *args, **kwargs):\n", + "\n", + "def preserve_channel_dim(func):\n", + "\n", + " def wrapped_function(img, *args, **kwargs):\n", + "\n", + "def add_snow(img, snow_point, brightness_coeff):\n", + "\n", + "def add_fog(img, fog_coef, alpha_coef, haze_list):\n", + "\n", + "def add_sun_flare(img, flare_center_x, flare_center_y, src_radius, src_color, circles):\n", + "\n", + "def add_shadow(img, vertices_list):\n", + "\n", + "def optical_distortion(img, k=0, dx=0, dy=0, interpolation=cv2.INTER_LINEAR, border_mode=cv2.BORDER_REFLECT_101,\n", + "\n", + "def grid_distortion(img, num_steps=10, xsteps=[], ysteps=[], interpolation=cv2.INTER_LINEAR,\n", + "\n", + "def elastic_transform(image, alpha, sigma, alpha_affine, interpolation=cv2.INTER_LINEAR,\n", + "\n", + "def bbox_vflip(bbox, rows, cols):\n", + "\n", + "def bbox_hflip(bbox, rows, cols):\n", + "\n", + "def bbox_flip(bbox, d, rows, cols):\n", + "\n", + "def crop_bbox_by_coords(bbox, crop_coords, crop_height, crop_width, rows, cols):\n", + "\n", + "def bbox_rot90(bbox, factor, rows, cols):\n", + "\n", + "def bbox_rotate(bbox, angle, rows, cols, interpolation):\n", + "\n", + "def bbox_transpose(bbox, axis, rows, cols):\n", + "\n", + "def keypoint_vflip(kp, rows, cols):\n", + "\n", + "def keypoint_flip(bbox, d, rows, cols):\n", + "\n", + "def keypoint_rot90(keypoint, factor, rows, cols, **params):\n", + "\n", + "def keypoint_scale(keypoint, scale_x, scale_y, **params):\n", + "\n", + "def crop_keypoint_by_coords(keypoint, crop_coords, crop_height, crop_width, rows, cols):\n", + "\n", + "def py3round(number):\n", + "\n", + "def apply(self, img, factor=0, **params):\n", + "\n", + "def normalize_bbox(bbox, rows, cols):\n", + "\n", + "def denormalize_bbox(bbox, rows, cols):\n", + "\n", + "def normalize_bboxes(bboxes, rows, cols):\n", + "\n", + "def denormalize_bboxes(bboxes, rows, cols):\n", + "\n", + "def calculate_bbox_area(bbox, rows, cols):\n", + "\n", + "def filter_bboxes_by_visibility(original_shape, bboxes, transformed_shape, transformed_bboxes,\n", + "\n", + "def convert_bbox_to_albumentations(bbox, source_format, rows, cols, check_validity=False):\n", + "\n", + "def convert_bbox_from_albumentations(bbox, target_format, rows, cols, check_validity=False):\n", + "\n", + "def convert_bboxes_to_albumentations(bboxes, source_format, rows, cols, check_validity=False):\n", + "\n", + "def convert_bboxes_from_albumentations(bboxes, target_format, rows, cols, check_validity=False):\n", + "\n", + "def check_bbox(bbox):\n", + "\n", + "def filter_bboxes(bboxes, rows, cols, min_area=0., min_visibility=0.):\n", + "\n", + "def union_of_bboxes(height, width, bboxes, erosion_rate=0.0, to_int=False):\n", + "\n", + "def to_tuple(param, low=None, bias=None):\n", + "\n", + "def check_keypoint(kp, rows, cols):\n", + "\n", + "def check_keypoints(keypoints, rows, cols):\n", + "\n", + "def start(check_time: int = 500) -> None:\n", + "\n", + "def main() -> None:\n", + "\n", + "def _apply_xheaders(self, headers: httputil.HTTPHeaders) -> None:\n", + "\n", + "def _unapply_xheaders(self) -> None:\n", + "\n", + "def set_default_locale(code: str) -> None:\n", + "\n", + "def load_translations(directory: str, encoding: str = None) -> None:\n", + "\n", + "def load_gettext_translations(directory: str, domain: str) -> None:\n", + "\n", + "def get_closest(cls, *locale_codes: str) -> \"Locale\":\n", + "\n", + "def get(cls, code: str) -> \"Locale\":\n", + "\n", + "def list(self, parts: Any) -> str:\n", + "\n", + "def friendly_number(self, value: int) -> str:\n", + "\n", + "def add_rules(self, rules: _RuleList) -> None:\n", + "\n", + "def match(self, request: httputil.HTTPServerRequest) -> Optional[Dict[str, Any]]:\n", + "\n", + "def _find_groups(self) -> Tuple[Optional[str], Optional[int]]:\n", + "\n", + "def get_messages_since(self, cursor):\n", + "\n", + "def import_object(name: str) -> Any:\n", + "\n", + "def errno_from_exception(e: BaseException) -> Optional[int]:\n", + "\n", + "def _websocket_mask_python(mask: bytes, data: bytes) -> bytes:\n", + "\n", + "def decompress(self, value: bytes, max_length: int = 0) -> bytes:\n", + "\n", + "def configure(cls, impl, **kwargs):\n", + "\n", + "def environ(request: httputil.HTTPServerRequest) -> Dict[Text, Any]:\n", + "\n", + "def stream_request_body(cls: Type[RequestHandler]) -> Type[RequestHandler]:\n", + "\n", + "def on_connection_close(self) -> None:\n", + "\n", + "def clear(self) -> None:\n", + "\n", + "def set_status(self, status_code: int, reason: str = None) -> None:\n", + "\n", + "def set_header(self, name: str, value: _HeaderTypes) -> None:\n", + "\n", + "def add_header(self, name: str, value: _HeaderTypes) -> None:\n", + "\n", + "def clear_header(self, name: str) -> None:\n", + "\n", + "def get_arguments(self, name: str, strip: bool = True) -> List[str]:\n", + "\n", + "def get_body_arguments(self, name: str, strip: bool = True) -> List[str]:\n", + "\n", + "def get_query_arguments(self, name: str, strip: bool = True) -> List[str]:\n", + "\n", + "def decode_argument(self, value: bytes, name: str = None) -> str:\n", + "\n", + "def cookies(self) -> Dict[str, http.cookies.Morsel]:\n", + "\n", + "def get_cookie(self, name: str, default: str = None) -> Optional[str]:\n", + "\n", + "def clear_cookie(self, name: str, path: str = \"/\", domain: str = None) -> None:\n", + "\n", + "def clear_all_cookies(self, path: str = \"/\", domain: str = None) -> None:\n", + "\n", + "def redirect(self, url: str, permanent: bool = False, status: int = None) -> None:\n", + "\n", + "def write(self, chunk: Union[str, bytes, dict]) -> None:\n", + "\n", + "def render(self, template_name: str, **kwargs: Any) -> \"Future[None]\":\n", + "\n", + "def render_linked_js(self, js_files: Iterable[str]) -> str:\n", + "\n", + "def render_embed_js(self, js_embed: Iterable[bytes]) -> bytes:\n", + "\n", + "def render_linked_css(self, css_files: Iterable[str]) -> str:\n", + "\n", + "def render_embed_css(self, css_embed: Iterable[bytes]) -> bytes:\n", + "\n", + "def render_string(self, template_name: str, **kwargs: Any) -> bytes:\n", + "\n", + "def get_template_namespace(self) -> Dict[str, Any]:\n", + "\n", + "def create_template_loader(self, template_path: str) -> template.BaseLoader:\n", + "\n", + "def flush(self, include_footers: bool = False) -> \"Future[None]\":\n", + "\n", + "def finish(self, chunk: Union[str, bytes, dict] = None) -> \"Future[None]\":\n", + "\n", + "def detach(self) -> iostream.IOStream:\n", + "\n", + "def send_error(self, status_code: int = 500, **kwargs: Any) -> None:\n", + "\n", + "def write_error(self, status_code: int, **kwargs: Any) -> None:\n", + "\n", + "def locale(self) -> tornado.locale.Locale:\n", + "\n", + "def get_browser_locale(self, default: str = \"en_US\") -> tornado.locale.Locale:\n", + "\n", + "def current_user(self) -> Any:\n", + "\n", + " def get_current_user(self):\n", + "\n", + " def prepare(self):\n", + "\n", + "def xsrf_token(self) -> bytes:\n", + "\n", + "def _get_raw_xsrf_token(self) -> Tuple[Optional[int], bytes, float]:\n", + "\n", + "def check_xsrf_cookie(self) -> None:\n", + "\n", + "def static_url(self, path: str, include_host: bool = None, **kwargs: Any) -> str:\n", + "\n", + "def require_setting(self, name: str, feature: str = \"this feature\") -> None:\n", + "\n", + "def reverse_url(self, name: str, *args: Any) -> str:\n", + "\n", + "def compute_etag(self) -> Optional[str]:\n", + "\n", + "def check_etag_header(self) -> bool:\n", + "\n", + " def val(x: bytes) -> bytes:\n", + "\n", + "def listen(self, port: int, address: str = \"\", **kwargs: Any) -> HTTPServer:\n", + "\n", + "def add_handlers(self, host_pattern: str, host_handlers: _RuleList) -> None:\n", + "\n", + "def reverse_url(self, name: str, *args: Any) -> str:\n", + "\n", + "def log_request(self, handler: RequestHandler) -> None:\n", + "\n", + "def compute_etag(self) -> Optional[str]:\n", + "\n", + "def set_headers(self) -> None:\n", + "\n", + "def should_return_304(self) -> bool:\n", + "\n", + "def get_absolute_path(cls, root: str, path: str) -> str:\n", + "\n", + "def validate_absolute_path(self, root: str, absolute_path: str) -> Optional[str]:\n", + "\n", + "def get_content_version(cls, abspath: str) -> str:\n", + "\n", + "def get_modified_time(self) -> Optional[datetime.datetime]:\n", + "\n", + "def get_content_type(self) -> str:\n", + "\n", + "def parse_url_path(self, url_path: str) -> str:\n", + "\n", + "def get_version(cls, settings: Dict[str, Any], path: str) -> Optional[str]:\n", + "\n", + "def render_string(self, path: str, **kwargs: Any) -> bytes:\n", + "\n", + "def xhtml_escape(value: Union[str, bytes]) -> str:\n", + "\n", + "def xhtml_unescape(value: Union[str, bytes]) -> str:\n", + "\n", + "def json_decode(value: Union[str, bytes]) -> Any:\n", + "\n", + "def url_escape(value: Union[str, bytes], plus: bool = True) -> str:\n", + "\n", + "def recursive_unicode(obj: Any) -> Any:\n", + "\n", + " def extra_params_cb(url):\n", + "\n", + " def make_link(m: typing.Match) -> str:\n", + "\n", + "def current(instance: bool = True) -> Optional[\"IOLoop\"]:\n", + "\n", + "def clear_current() -> None:\n", + "\n", + "def _setup_logging(self) -> None:\n", + "\n", + "def run_sync(self, func: Callable, timeout: float = None) -> Any:\n", + "\n", + " def run() -> None:\n", + "\n", + " def timeout_callback() -> None:\n", + "\n", + "def spawn_callback(self, callback: Callable, *args: Any, **kwargs: Any) -> None:\n", + "\n", + "def _run_callback(self, callback: Callable[[], Any]) -> None:\n", + "\n", + "def start(self) -> None:\n", + "\n", + "def stop(self) -> None:\n", + "\n", + "def _get_content_range(start: Optional[int], end: Optional[int], total: int) -> str:\n", + "\n", + "def parse_request_start_line(line: str) -> RequestStartLine:\n", + "\n", + "def parse_response_start_line(line: str) -> ResponseStartLine:\n", + "\n", + "def _parse_header(line: str) -> Tuple[str, Dict[str, str]]:\n", + "\n", + "def _encode_header(key: str, pdict: Dict[str, str]) -> str:\n", + "\n", + "def split_host_and_port(netloc: str) -> Tuple[str, Optional[int]]:\n", + "\n", + "def qs_to_qsl(qs: Dict[str, List[AnyStr]]) -> Iterable[Tuple[str, AnyStr]]:\n", + "\n", + "def _unquote_cookie(s: str) -> str:\n", + "\n", + "def parse_cookie(cookie: str) -> Dict[str, str]:\n", + "\n", + "def add(self, name: str, value: str) -> None:\n", + "\n", + "def get_list(self, name: str) -> List[str]:\n", + "\n", + "def get_all(self) -> Iterable[Tuple[str, str]]:\n", + "\n", + "def parse_line(self, line: str) -> None:\n", + "\n", + "def parse(cls, headers: str) -> \"HTTPHeaders\":\n", + "\n", + "def cookies(self) -> Dict[str, http.cookies.Morsel]:\n", + "\n", + "def request_time(self) -> float:\n", + "\n", + " def accept_handler(fd: socket.socket, events: int) -> None:\n", + "\n", + " def remove_handler() -> None:\n", + "\n", + "def is_valid_ip(ip: str) -> bool:\n", + "\n", + "def run_on_executor(*args: Any, **kwargs: Any) -> Callable:\n", + "\n", + " def foo(self):\n", + "\n", + " def run_on_executor_decorator(fn: Callable) -> Callable[..., Future]:\n", + "\n", + " def wrapper(self: Any, *args: Any, **kwargs: Any) -> Future:\n", + "\n", + "def chain_future(a: \"Future[_T]\", b: \"Future[_T]\") -> None:\n", + "\n", + " def copy(future: \"Future[_T]\") -> None:\n", + "\n", + "def filter_whitespace(mode: str, text: str) -> str:\n", + "\n", + "def generate(self, **kwargs: Any) -> bytes:\n", + "\n", + "def load(self, name: str, parent_path: str = None) -> Template:\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + " def callback(fut: Future) -> None:\n", + "\n", + "def maybe_future(x: Any) -> Future:\n", + "\n", + " def error_callback(future: Future) -> None:\n", + "\n", + " def timeout_callback() -> None:\n", + "\n", + "def sleep(duration: float) -> \"Future[None]\":\n", + "\n", + "def convert_yielded(yielded: _Yieldable) -> Future:\n", + "\n", + " def _(asyncio_future):\n", + "\n", + "def next(self) -> Future:\n", + "\n", + "def run(self) -> None:\n", + "\n", + "def append(self, data: Union[bytes, bytearray, memoryview]) -> None:\n", + "\n", + "def peek(self, size: int) -> memoryview:\n", + "\n", + "def advance(self, size: int) -> None:\n", + "\n", + "def read_until_regex(self, regex: bytes, max_bytes: int = None) -> Awaitable[bytes]:\n", + "\n", + "def read_until(self, delimiter: bytes, max_bytes: int = None) -> Awaitable[bytes]:\n", + "\n", + "def read_bytes(self, num_bytes: int, partial: bool = False) -> Awaitable[bytes]:\n", + "\n", + "def read_into(self, buf: bytearray, partial: bool = False) -> Awaitable[int]:\n", + "\n", + "def read_until_close(self) -> Awaitable[bytes]:\n", + "\n", + "def write(self, data: Union[bytes, memoryview]) -> \"Future[None]\":\n", + "\n", + "def set_close_callback(self, callback: Optional[Callable[[], None]]) -> None:\n", + "\n", + "def _try_inline_read(self) -> None:\n", + "\n", + "def _read_to_buffer(self) -> Optional[int]:\n", + "\n", + "def _read_from_buffer(self, pos: int) -> None:\n", + "\n", + "def _find_read_pos(self) -> Optional[int]:\n", + "\n", + "def _add_io_state(self, state: int) -> None:\n", + "\n", + "def _is_connreset(self, exc: BaseException) -> bool:\n", + "\n", + "def _verify_cert(self, peercert: Any) -> bool:\n", + "\n", + "def wait_for_handshake(self) -> \"Future[SSLIOStream]\":\n", + "\n", + "def enable_pretty_logging(options: Any = None, logger: logging.Logger = None) -> None:\n", + "\n", + "def define_logging_options(options: Any = None) -> None:\n", + "\n", + "def _on_timeout(self, key: object, info: str = None) -> None:\n", + "\n", + "def _on_timeout(self, info: str = None) -> None:\n", + "\n", + "def wait(self, timeout: Union[float, datetime.timedelta] = None) -> Awaitable[bool]:\n", + "\n", + " def on_timeout() -> None:\n", + "\n", + "def notify(self, n: int = 1) -> None:\n", + "\n", + "def set(self) -> None:\n", + "\n", + "def wait(self, timeout: Union[float, datetime.timedelta] = None) -> Awaitable[None]:\n", + "\n", + "def release(self) -> None:\n", + "\n", + " def on_timeout() -> None:\n", + "\n", + "def release(self) -> None:\n", + "\n", + "def read_response(self, delegate: httputil.HTTPMessageDelegate) -> Awaitable[bool]:\n", + "\n", + "def _clear_callbacks(self) -> None:\n", + "\n", + "def detach(self) -> iostream.IOStream:\n", + "\n", + "def write(self, chunk: bytes) -> \"Future[None]\":\n", + "\n", + "def finish(self) -> None:\n", + "\n", + "def start_serving(self, delegate: httputil.HTTPServerConnectionDelegate) -> None:\n", + "\n", + "def ping(self, data: Union[str, bytes] = b\"\") -> None:\n", + "\n", + "def close(self, code: int = None, reason: str = None) -> None:\n", + "\n", + "def check_origin(self, origin: str) -> bool:\n", + "\n", + " def check_origin(self, origin):\n", + "\n", + " def check_origin(self, origin):\n", + "\n", + "def set_nodelay(self, value: bool) -> None:\n", + "\n", + "def _abort(self) -> None:\n", + "\n", + "def _handle_websocket_headers(self, handler: WebSocketHandler) -> None:\n", + "\n", + "def compute_accept_value(key: Union[str, bytes]) -> str:\n", + "\n", + "def write_ping(self, data: bytes) -> None:\n", + "\n", + "def _handle_message(self, opcode: int, data: bytes) -> \"Optional[Future[None]]\":\n", + "\n", + "def close(self, code: int = None, reason: str = None) -> None:\n", + "\n", + "def is_closing(self) -> bool:\n", + "\n", + "def start_pinging(self) -> None:\n", + "\n", + "def periodic_ping(self) -> None:\n", + "\n", + "def close(self, code: int = None, reason: str = None) -> None:\n", + "\n", + "def ping(self, data: bytes = b\"\") -> None:\n", + "\n", + "def parse_command_line(args: List[str] = None, final: bool = True) -> List[str]:\n", + "\n", + "def parse_config_file(path: str, final: bool = True) -> None:\n", + "\n", + "def items(self) -> Iterable[Tuple[str, Any]]:\n", + "\n", + "def groups(self) -> Set[str]:\n", + "\n", + "def group_dict(self, group: str) -> Dict[str, Any]:\n", + "\n", + "def as_dict(self) -> Dict[str, Any]:\n", + "\n", + "def parse_config_file(self, path: str, final: bool = True) -> None:\n", + "\n", + "def print_help(self, file: TextIO = None) -> None:\n", + "\n", + "def row_to_obj(self, row, cur):\n", + "\n", + "def listen(self, port: int, address: str = \"\") -> None:\n", + "\n", + "def add_sockets(self, sockets: Iterable[socket.socket]) -> None:\n", + "\n", + "def start(self, num_processes: Optional[int] = 1, max_restarts: int = None) -> None:\n", + "\n", + "def stop(self) -> None:\n", + "\n", + "def put_nowait(self, item: _T) -> None:\n", + "\n", + "def get(self, timeout: Union[float, datetime.timedelta] = None) -> Awaitable[_T]:\n", + "\n", + "def get_nowait(self) -> _T:\n", + "\n", + "def task_done(self) -> None:\n", + "\n", + "def join(self, timeout: Union[float, datetime.timedelta] = None) -> Awaitable[None]:\n", + "\n", + "def cpu_count() -> int:\n", + "\n", + "def fork_processes(num_processes: Optional[int], max_restarts: int = None) -> int:\n", + "\n", + " def start_child(i: int) -> Optional[int]:\n", + "\n", + "def set_exit_callback(self, callback: Callable[[int], None]) -> None:\n", + "\n", + "def wait_for_exit(self, raise_error: bool = True) -> \"Future[int]\":\n", + "\n", + " def callback(ret: int) -> None:\n", + "\n", + "def initialize(cls) -> None:\n", + "\n", + "def uninitialize(cls) -> None:\n", + "\n", + "def _handle_socket(self, event: int, fd: int, multi: Any, data: bytes) -> None:\n", + "\n", + "def _set_timeout(self, msecs: int) -> None:\n", + "\n", + "def _handle_events(self, fd: int, events: int) -> None:\n", + "\n", + "def _handle_timeout(self) -> None:\n", + "\n", + "def _handle_force_timeout(self) -> None:\n", + "\n", + "def _finish_pending_requests(self) -> None:\n", + "\n", + "def start(port, root_directory, bucket_depth):\n", + "\n", + "def close(self) -> None:\n", + "\n", + "def close(self) -> None:\n", + "\n", + " def handle_response(response: \"HTTPResponse\") -> None:\n", + "\n", + "def _cleanup(self) -> None:\n", + "\n", + "def _cleanup_closed(self) -> None:\n", + "\n", + "def _available_connections(self, key: 'ConnectionKey') -> int:\n", + "\n", + "def _release_waiter(self) -> None:\n", + "\n", + "def close(self) -> Awaitable[None]:\n", + "\n", + "def clear_dns_cache(self,\n", + "\n", + "def _get_ssl_context(self, req: 'ClientRequest') -> Optional[SSLContext]:\n", + "\n", + "def _websocket_mask_python(mask: bytes, data: bytearray) -> None:\n", + "\n", + "def parse_frame(self, buf: bytes) -> List[Tuple[bool, Optional[int],\n", + "\n", + "def update_cookies(self,\n", + "\n", + "def filter_cookies(self, request_url: URL=URL()) -> 'BaseCookie[str]':\n", + "\n", + "def _is_domain_match(domain: str, hostname: str) -> bool:\n", + "\n", + "def _is_path_match(req_path: str, cookie_path: str) -> bool:\n", + "\n", + "def _parse_date(cls, date_str: str) -> Optional[datetime.datetime]:\n", + "\n", + "def my_protocol_parser(out, buf):\n", + "\n", + "def set_content_disposition(self,\n", + "\n", + "def clone(self, *, method: str=sentinel, rel_url: StrOrURL=sentinel,\n", + "\n", + "def forwarded(self) -> Tuple[Mapping[str, str], ...]:\n", + "\n", + "def host(self) -> str:\n", + "\n", + "def remote(self) -> Optional[str]:\n", + "\n", + "def _http_date(_date_str: str) -> Optional[datetime.datetime]:\n", + "\n", + "def if_modified_since(self) -> Optional[datetime.datetime]:\n", + "\n", + "def if_unmodified_since(self) -> Optional[datetime.datetime]:\n", + "\n", + "def if_range(self) -> Optional[datetime.datetime]:\n", + "\n", + "def cookies(self) -> Mapping[str, str]:\n", + "\n", + "def http_range(self) -> slice:\n", + "\n", + "def has_body(self) -> bool:\n", + "\n", + "def keep_alive(self, val: bool) -> None:\n", + "\n", + "def close(self) -> None:\n", + "\n", + "def force_close(self) -> None:\n", + "\n", + "def handle_error(self,\n", + "\n", + "def run_app(app: Union[Application, Awaitable[Application]], *,\n", + "\n", + "def iter_chunked(self, n: int) -> AsyncStreamIterator[bytes]:\n", + "\n", + "def unread_data(self, data: bytes) -> None:\n", + "\n", + "def _read_nowait(self, n: int) -> bytes:\n", + "\n", + "def compile_format(self, log_format: str) -> Tuple[str, List[KeyMethod]]:\n", + "\n", + "def _gen_form_data(self) -> multipart.MultipartWriter:\n", + "\n", + "def netrc_from_env() -> Optional[netrc.netrc]:\n", + "\n", + "def parse_mimetype(mimetype: str) -> MimeType:\n", + "\n", + "def content_disposition_header(disptype: str,\n", + "\n", + "def decode(cls, auth_header: str, encoding: str='latin1') -> 'BasicAuth':\n", + "\n", + "def from_url(cls, url: URL,\n", + "\n", + "def encode(self) -> str:\n", + "\n", + "def content_type(self) -> str:\n", + "\n", + "def charset(self) -> Optional[str]:\n", + "\n", + "def content_length(self) -> Optional[int]:\n", + "\n", + "def request(self,\n", + "\n", + "def get(self, url: StrOrURL, *, allow_redirects: bool=True,\n", + "\n", + "def options(self, url: StrOrURL, *, allow_redirects: bool=True,\n", + "\n", + "def head(self, url: StrOrURL, *, allow_redirects: bool=False,\n", + "\n", + "def post(self, url: StrOrURL,\n", + "\n", + "def put(self, url: StrOrURL,\n", + "\n", + "def patch(self, url: StrOrURL,\n", + "\n", + "def delete(self, url: StrOrURL, **kwargs: Any) -> '_RequestContextManager':\n", + "\n", + "def requote_redirect_url(self, val: bool) -> None:\n", + "\n", + "def decode(self, data: bytes) -> bytes:\n", + "\n", + "def get_charset(self, default: str) -> str:\n", + "\n", + "def name(self) -> Optional[str]:\n", + "\n", + "def from_response(cls, response: 'ClientResponse') -> Any:\n", + "\n", + "def _get_part_reader(self, headers: 'CIMultiDictProxy[str]') -> Any:\n", + "\n", + "def _boundary_value(self) -> str:\n", + "\n", + "def append_payload(self, payload: Payload) -> Payload:\n", + "\n", + "def size(self) -> Optional[int]:\n", + "\n", + "def update_host(self, url: URL) -> None:\n", + "\n", + "def update_version(self, version: Union[http.HttpVersion, str]) -> None:\n", + "\n", + "def update_headers(self, headers: Optional[LooseHeaders]) -> None:\n", + "\n", + "def update_cookies(self, cookies: Optional[LooseCookies]) -> None:\n", + "\n", + "def update_content_encoding(self, data: Any) -> None:\n", + "\n", + "def update_transfer_encoding(self) -> None:\n", + "\n", + "def update_auth(self, auth: Optional[BasicAuth]) -> None:\n", + "\n", + "def enable_chunked_encoding(self, chunk_size: Optional[int]=None) -> None:\n", + "\n", + "def enable_compression(self,\n", + "\n", + "def set_cookie(self, name: str, value: str, *,\n", + "\n", + "def del_cookie(self, name: str, *,\n", + "\n", + "def last_modified(self) -> Optional[datetime.datetime]:\n", + "\n", + "def url_for(self, *args: str, **kwargs: str) -> URL:\n", + "\n", + "def add_static(self, prefix: str, path: PathLike, *,\n", + "\n", + "def add_head(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_options(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_get(self, path: str, handler: _WebHandler, *,\n", + "\n", + "def add_post(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_put(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_patch(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_delete(self, path: str, handler: _WebHandler,\n", + "\n", + "def add_view(self, path: str, handler: AbstractView,\n", + "\n", + "def add_routes(self, routes: Iterable[AbstractRouteDef]) -> None:\n", + "\n", + "def get_extra_info(self, name: str, default: Any=None) -> Any:\n", + "\n", + "def user_agent(style=None) -> _UserAgent:\n", + "\n", + "def raw_html(self) -> _RawHTML:\n", + "\n", + "def html(self) -> _BaseHTML:\n", + "\n", + "def encoding(self) -> _Encoding:\n", + "\n", + "def pq(self) -> PyQuery:\n", + "\n", + "def lxml(self) -> HtmlElement:\n", + "\n", + "def find(self, selector: str = \"*\", *, containing: _Containing = None, clean: bool = False, first: bool = False, _encoding: str = None) -> _Find:\n", + "\n", + "def xpath(self, selector: str, *, clean: bool = False, first: bool = False, _encoding: str = None) -> _XPath:\n", + "\n", + "def search_all(self, template: str) -> _Result:\n", + "\n", + "def links(self) -> _Links:\n", + "\n", + " def gen():\n", + "\n", + "def _make_absolute(self, link):\n", + "\n", + "def absolute_links(self) -> _Links:\n", + "\n", + " def gen():\n", + "\n", + "def base_url(self) -> _URL:\n", + "\n", + "def attrs(self) -> _Attrs:\n", + "\n", + "def next(self, fetch: bool = False, next_symbol: _NextSymbol = DEFAULT_NEXT_SYMBOL) -> _Next:\n", + "\n", + " def get_next():\n", + "\n", + "def render(self, retries: int = 8, script: str = None, wait: float = 0.2, scrolldown=False, sleep: int = 0, reload: bool = True, timeout: Union[float, int] = 8.0, keep_page: bool = False):\n", + "\n", + "def response_hook(self, response, **kwargs) -> HTMLResponse:\n", + "\n", + "def close(self):\n", + "\n", + "def request(self, *args, **kwargs):\n", + "\n", + "def run(self, *coros):\n", + "\n", + "def add_depth_channel(img_tensor, pad_mode):\n", + "\n", + "def get_pre_compute(self, s):\n", + "\n", + "def get_prob(self, src, tgt, mask, pre_compute, return_logits=False):\n", + "\n", + "def get_att(self, s, prob):\n", + "\n", + "def shape(tensor):\n", + "\n", + "def get_variable(name, temp_s):\n", + "\n", + "def dropout(tensor, drop_prob, is_training):\n", + "\n", + "def get_elapsed(self, restart=True):\n", + "\n", + "def do_tta_predict(args, model, ckp_path, tta_num=4):\n", + "\n", + "def partition_dataset():\n", + "\n", + "def average_gradients(model):\n", + "\n", + "def run(params):\n", + "\n", + "def graph_loads(graph_json):\n", + "\n", + "def set_size(self, graph_id, size):\n", + "\n", + "def clear_size(self):\n", + "\n", + "def is_topology(self, layers=None):\n", + "\n", + "def is_legal(self, layers=None):\n", + "\n", + "def mutation(self, only_add=False):\n", + "\n", + "def _main_cli(self):\n", + "\n", + "def update_search_space(self, search_space):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def convert_loguniform_categorical(self, challenger_dict):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def generate_multiple_parameters(self, parameter_id_list):\n", + "\n", + "def lovasz_grad(gt_sorted):\n", + "\n", + "def iou_binary(preds, labels, EMPTY=1., ignore=None, per_image=True):\n", + "\n", + "def iou(preds, labels, C, EMPTY=1., ignore=None, per_image=False):\n", + "\n", + "def lovasz_hinge(logits, labels, per_image=True, ignore=None):\n", + "\n", + "def lovasz_hinge_flat(logits, labels):\n", + "\n", + "def flatten_binary_scores(scores, labels, ignore=None):\n", + "\n", + "def binary_xloss(logits, labels, ignore=None):\n", + "\n", + "def lovasz_softmax(probas, labels, only_present=False, per_image=False, ignore=None):\n", + "\n", + "def lovasz_softmax_flat(probas, labels, only_present=False):\n", + "\n", + "def flatten_probas(probas, labels, ignore=None):\n", + "\n", + "def xloss(logits, labels, ignore=None):\n", + "\n", + "def mean(l, ignore_nan=False, empty=0):\n", + "\n", + "def main_loop(args):\n", + "\n", + "def forward(self, x):\n", + "\n", + "def load_embedding(path):\n", + "\n", + "def generate_predict_json(position1_result, position2_result, ids, passage_tokens):\n", + "\n", + "def generate_data(path, tokenizer, char_vcb, word_vcb, is_training=False):\n", + "\n", + "def f1_score(prediction, ground_truth):\n", + "\n", + "def _evaluate(dataset, predictions):\n", + "\n", + "def evaluate(data_file, pred_file):\n", + "\n", + "def evaluate_with_predictions(data_file, predictions):\n", + "\n", + "def send(command, data):\n", + "\n", + "def receive():\n", + "\n", + "def json2space(in_x, name=ROOT):\n", + "\n", + "def json2parameter(in_x, parameter, name=ROOT):\n", + "\n", + "def _add_index(in_x, parameter):\n", + "\n", + "def _split_index(params):\n", + "\n", + "def _choose_tuner(self, algorithm_name):\n", + "\n", + "def update_search_space(self, search_space):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def miscs_update_idxs_vals(self, miscs, idxs, vals,\n", + "\n", + "def get_suggestion(self, random_search=False):\n", + "\n", + "def import_data(self, data):\n", + "\n", + "def next_hyperparameter_lowest_mu(fun_prediction,\n", + "\n", + "def _lowest_mu(x, fun_prediction, fun_prediction_args,\n", + "\n", + "def build_char_states(self, char_embed, is_training, reuse, char_ids, char_lengths):\n", + "\n", + "def handle_report_metric_data(self, data):\n", + "\n", + "def handle_trial_end(self, data):\n", + "\n", + "def _handle_final_metric_data(self, data):\n", + "\n", + "def _handle_intermediate_metric_data(self, data):\n", + "\n", + "def _earlystop_notify_tuner(self, data):\n", + "\n", + "def parse_rev_args(receive_msg):\n", + "\n", + "def train_eval():\n", + "\n", + "def on_epoch_end(self, epoch, logs=None):\n", + "\n", + "def create_bracket_parameter_id(brackets_id, brackets_curr_decay, increased_id=-1):\n", + "\n", + "def json2paramater(ss_spec, random_state):\n", + "\n", + "def get_n_r(self):\n", + "\n", + "def increase_i(self):\n", + "\n", + "def set_config_perf(self, i, parameter_id, seq, value):\n", + "\n", + "def inform_trial_end(self, i):\n", + "\n", + "def _record_hyper_configs(self, hyper_configs):\n", + "\n", + "def _request_one_trial_job(self):\n", + "\n", + "def handle_update_search_space(self, data):\n", + "\n", + "def handle_trial_end(self, data):\n", + "\n", + "def handle_report_metric_data(self, data):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def generate(self, model_len=None, model_width=None):\n", + "\n", + "def generate(self, model_len=None, model_width=None):\n", + "\n", + "def generate_search_space(code_dir):\n", + "\n", + "def expand_annotations(src_dir, dst_dir):\n", + "\n", + "def gen_send_stdout_url(ip, port):\n", + "\n", + "def gen_send_version_url(ip, port):\n", + "\n", + "def validate_digit(value, start, end):\n", + "\n", + "def validate_dispatcher(args):\n", + "\n", + "def load_search_space(path):\n", + "\n", + "def update_experiment_profile(args, key, value):\n", + "\n", + "def import_data(args):\n", + "\n", + "def import_data_to_restful_server(args, content):\n", + "\n", + "def setType(key, type):\n", + "\n", + "def setChoice(key, *args):\n", + "\n", + "def setNumberRange(key, keyType, start, end):\n", + "\n", + "def keras_dropout(layer, rate):\n", + "\n", + "def to_real_keras_layer(layer):\n", + "\n", + "def is_layer(layer, layer_type):\n", + "\n", + "def layer_description_extractor(layer, node_to_id):\n", + "\n", + "def layer_description_builder(layer_information, id_to_node):\n", + "\n", + "def layer_width(layer):\n", + "\n", + "def define_params(self):\n", + "\n", + "def build(self, x, h, mask=None):\n", + "\n", + "def build_sequence(self, xs, masks, init, is_left_to_right):\n", + "\n", + "def conv2d(x_input, w_matrix):\n", + "\n", + "def max_pool(x_input, pool_size):\n", + "\n", + "def main(params):\n", + "\n", + "def build_net(self, is_training):\n", + "\n", + " def label_smoothing(inputs, masks, epsilon=0.1):\n", + "\n", + "def check_output_command(file_path, head=None, tail=None):\n", + "\n", + "def kill_command(pid):\n", + "\n", + "def install_package_command(package_name):\n", + "\n", + "def install_requirements_command(requirements_path):\n", + "\n", + "def get_params():\n", + "\n", + "def build_network(self):\n", + "\n", + "def get_experiment_time(port):\n", + "\n", + "def get_experiment_status(port):\n", + "\n", + "def update_experiment():\n", + "\n", + "def check_experiment_id(args):\n", + "\n", + "def parse_ids(args):\n", + "\n", + "def get_config_filename(args):\n", + "\n", + "def convert_time_stamp_to_date(content):\n", + "\n", + "def check_rest(args):\n", + "\n", + "def stop_experiment(args):\n", + "\n", + "def trial_ls(args):\n", + "\n", + "def trial_kill(args):\n", + "\n", + "def list_experiment(args):\n", + "\n", + "def experiment_status(args):\n", + "\n", + "def log_internal(args, filetype):\n", + "\n", + "def log_trial(args):\n", + "\n", + "def webui_url(args):\n", + "\n", + "def experiment_list(args):\n", + "\n", + "def get_time_interval(time1, time2):\n", + "\n", + "def show_experiment_info():\n", + "\n", + "def monitor_experiment(args):\n", + "\n", + "def parse_trial_data(content):\n", + "\n", + "def export_trials_data(args):\n", + "\n", + "def copy_remote_directory_to_local(sftp, remote_path, local_path):\n", + "\n", + "def create_ssh_sftp_client(host_ip, port, username, password):\n", + "\n", + "def json2space(x, oldy=None, name=NodeType.Root.value):\n", + "\n", + "def json2paramater(x, is_rand, random_state, oldy=None, Rand=False, name=NodeType.Root.value):\n", + "\n", + "def _split_index(params):\n", + "\n", + "def mutation(self, config=None, info=None, save_dir=None):\n", + "\n", + "def update_search_space(self, search_space):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def get_json_content(file_path):\n", + "\n", + "def generate_pcs(nni_search_space_content):\n", + "\n", + "def generate_scenario(ss_content):\n", + "\n", + "def load_data(train_path='./data/regression.train', test_path='./data/regression.test'):\n", + "\n", + "def layer_distance(a, b):\n", + "\n", + "def attribute_difference(att_diff):\n", + "\n", + "def layers_distance(list_a, list_b):\n", + "\n", + "def skip_connection_distance(a, b):\n", + "\n", + "def skip_connections_distance(list_a, list_b):\n", + "\n", + "def edit_distance(x, y):\n", + "\n", + "def edit_distance_matrix(train_x, train_y=None):\n", + "\n", + "def vector_distance(a, b):\n", + "\n", + "def bourgain_embedding_matrix(distance_matrix):\n", + "\n", + "def contain(descriptors, target_descriptor):\n", + "\n", + "def fit(self, train_x, train_y):\n", + "\n", + "def incremental_fit(self, train_x, train_y):\n", + "\n", + "def first_fit(self, train_x, train_y):\n", + "\n", + "def predict(self, train_x):\n", + "\n", + "def generate(self, descriptors):\n", + "\n", + "def acq(self, graph):\n", + "\n", + "def add_child(self, u, v):\n", + "\n", + "def get_dict(self, u=None):\n", + "\n", + "def train_with_graph(p_graph, qp_pairs, dev_qp_pairs):\n", + "\n", + "def generate_multiple_parameters(self, parameter_id_list):\n", + "\n", + "def graph_loads(graph_json):\n", + "\n", + "def update_hash(self, layers: Iterable):\n", + "\n", + "def update_hash(self):\n", + "\n", + "def init_logger(logger_file_path, log_level_name='info'):\n", + "\n", + "def create_mnist_model(hyper_params, input_shape=(H, W, 1), num_classes=NUM_CLASSES):\n", + "\n", + "def load_mnist_data(args):\n", + "\n", + "def train(args, params):\n", + "\n", + "def on_epoch_end(self, epoch, logs={}):\n", + "\n", + "def get_all_config(self):\n", + "\n", + "def set_config(self, key, value):\n", + "\n", + "def write_file(self):\n", + "\n", + "def add_experiment(self, id, port, time, file_name, platform):\n", + "\n", + "def update_experiment(self, id, key, value):\n", + "\n", + "def remove_experiment(self, id):\n", + "\n", + "def write_file(self):\n", + "\n", + "def read_file(self):\n", + "\n", + "def load_from_file(path, fmt=None, is_training=True):\n", + "\n", + "def tokenize(qp_pair, tokenizer=None, is_training=False):\n", + "\n", + "def collect_vocab(qp_pairs):\n", + "\n", + "def shuffle_step(entries, step):\n", + "\n", + "def get_batches(qp_pairs, batch_size, need_sort=True):\n", + "\n", + "def get_char_input(data, char_dict, max_char_length):\n", + "\n", + "def get_word_input(data, word_dict, embed, embed_dim):\n", + "\n", + "def get_word_index(tokens, char_index):\n", + "\n", + "def get_answer_begin_end(data):\n", + "\n", + "def get_buckets(min_length, max_length, bucket_count):\n", + "\n", + "def tokenize(self, text):\n", + "\n", + "def generate_new_id(self):\n", + "\n", + "def init_population(self, population_size, graph_max_layer, graph_min_layer):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def _update_data(self, trial_job_id, trial_history):\n", + "\n", + "def trial_end(self, trial_job_id, success):\n", + "\n", + "def assess_trial(self, trial_job_id, trial_history):\n", + "\n", + "def copyHdfsDirectoryToLocal(hdfsDirectory, localDirectory, hdfsClient):\n", + "\n", + "def copyHdfsFileToLocal(hdfsFilePath, localFilePath, hdfsClient, override=True):\n", + "\n", + "def copyDirectoryToHdfs(localDirectory, hdfsDirectory, hdfsClient):\n", + "\n", + "def copyFileToHdfs(localFilePath, hdfsFilePath, hdfsClient, override=True):\n", + "\n", + "def load_data():\n", + "\n", + "def get_model(PARAMS):\n", + "\n", + "def run(X_train, X_test, y_train, y_test, PARAMS):\n", + "\n", + "def add_skip_connection(self, u, v, connection_type):\n", + "\n", + "def to_json(self):\n", + "\n", + "def add_layer(self, layer, input_node_id):\n", + "\n", + "def _add_node(self, node):\n", + "\n", + "def _add_edge(self, layer, input_id, output_id):\n", + "\n", + "def _redirect_edge(self, u_id, v_id, new_v_id):\n", + "\n", + "def _replace_layer(self, layer_id, new_layer):\n", + "\n", + "def topological_order(self):\n", + "\n", + "def _get_pooling_layers(self, start_node_id, end_node_id):\n", + "\n", + "def _depth_first_search(self, target_id, layer_id_list, node_list):\n", + "\n", + "def _search(self, u, start_dim, total_dim, n_add):\n", + "\n", + "def to_deeper_model(self, target_id, new_layer):\n", + "\n", + "def to_wider_model(self, pre_layer_id, n_add):\n", + "\n", + "def _insert_new_layers(self, new_layers, start_node_id, end_node_id):\n", + "\n", + "def to_add_skip_model(self, start_id, end_id):\n", + "\n", + "def to_concat_skip_model(self, start_id, end_id):\n", + "\n", + "def extract_descriptor(self):\n", + "\n", + "def clear_weights(self):\n", + "\n", + "def get_main_chain_layers(self):\n", + "\n", + "def get_main_chain(self):\n", + "\n", + "def run(self):\n", + "\n", + "def command_queue_worker(self, command_queue):\n", + "\n", + "def enqueue_command(self, command, data):\n", + "\n", + "def process_command_thread(self, request):\n", + "\n", + "def match_val_type(vals, vals_bounds, vals_types):\n", + "\n", + "def rand(x_bounds, x_types):\n", + "\n", + "def to_wider_graph(graph):\n", + "\n", + "def to_skip_connection_graph(graph):\n", + "\n", + "def create_new_layer(layer, n_dim):\n", + "\n", + "def to_deeper_graph(graph):\n", + "\n", + "def legal_graph(graph):\n", + "\n", + "def transform(graph):\n", + "\n", + "def uniform(low, high, random_state):\n", + "\n", + "def quniform(low, high, q, random_state):\n", + "\n", + "def loguniform(low, high, random_state):\n", + "\n", + "def qloguniform(low, high, q, random_state):\n", + "\n", + "def qnormal(mu, sigma, q, random_state):\n", + "\n", + "def lognormal(mu, sigma, random_state):\n", + "\n", + "def qlognormal(mu, sigma, q, random_state):\n", + "\n", + "def predict(parameters_value, regressor_gp):\n", + "\n", + "def rest_get(url, timeout):\n", + "\n", + "def rest_post(url, data, timeout, rethrow_exception=False):\n", + "\n", + "def rest_put(url, data, timeout):\n", + "\n", + "def rest_delete(url, timeout):\n", + "\n", + "def trial_end(self, trial_job_id, success):\n", + "\n", + "def assess_trial(self, trial_job_id, trial_history):\n", + "\n", + "def handle_initialize(self, data):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def init_search(self):\n", + "\n", + "def generate(self):\n", + "\n", + "def update(self, other_info, graph, metric_value, model_id):\n", + "\n", + "def add_model(self, metric_value, model_id):\n", + "\n", + "def get_best_model_id(self):\n", + "\n", + "def load_model_by_id(self, model_id):\n", + "\n", + "def _rand_init(x_bounds, x_types, selection_num_starting_points):\n", + "\n", + "def get_median(temp_list):\n", + "\n", + "def update_search_space(self, search_space):\n", + "\n", + "def _pack_output(self, init_parameter):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def receive_trial_result(self, parameter_id, parameters, value):\n", + "\n", + "def import_data(self, data):\n", + "\n", + "def create_model(samples_x, samples_y_aggregation,\n", + "\n", + "def json2paramater(self, ss_spec):\n", + "\n", + "def _parse_quniform(self, param_value):\n", + "\n", + "def parse_qtype(self, param_type, param_value):\n", + "\n", + "def expand_parameters(self, para):\n", + "\n", + "def import_data(self, data):\n", + "\n", + "def nni_log(log_type, log_message):\n", + "\n", + "def write(self, buf):\n", + "\n", + "def run(self):\n", + "\n", + "def extract_scalar_reward(value, scalar_key='default'):\n", + "\n", + "def convert_dict2tuple(value):\n", + "\n", + "def init_dispatcher_logger():\n", + "\n", + "def sample_from_largest_budget(self, info_dict):\n", + "\n", + "def get_config(self, budget):\n", + "\n", + "def new_result(self, loss, budget, parameters, update_model=True):\n", + "\n", + "def is_valid(self, search_space):\n", + "\n", + "def generate_parameters(self, parameter_id):\n", + "\n", + "def normalize(inputs,\n", + "\n", + "def multihead_attention(queries,\n", + "\n", + "def positional_encoding(inputs,\n", + "\n", + "def feedforward(inputs,\n", + "\n", + "def generate(module_name, code):\n", + "\n", + "def rest_put(url, data, timeout, show_error=False):\n", + "\n", + "def rest_post(url, data, timeout, show_error=False):\n", + "\n", + "def rest_get(url, timeout, show_error=False):\n", + "\n", + "def rest_delete(url, timeout, show_error=False):\n", + "\n", + "def check_rest_server(rest_port):\n", + "\n", + "def check_rest_server_quick(rest_port):\n", + "\n", + "def vap(x, a, b, c):\n", + "\n", + "def logx_linear(x, a, b):\n", + "\n", + "def dr_hill_zero_background(x, theta, eta, kappa):\n", + "\n", + "def log_power(x, a, b, c):\n", + "\n", + "def pow4(x, alpha, a, b, c):\n", + "\n", + "def mmf(x, alpha, beta, kappa, delta):\n", + "\n", + "def exp4(x, c, a, b, alpha):\n", + "\n", + "def weibull(x, alpha, beta, kappa, delta):\n", + "\n", + "def janoschek(x, a, beta, k, delta):\n", + "\n", + "def parse_args():\n", + "\n", + "def get_log_path(config_file_name):\n", + "\n", + "def print_log_content(config_file_name):\n", + "\n", + "def get_nni_installation_path():\n", + "\n", + " def try_installation_path_sequentially(*sitepackages):\n", + "\n", + " def _generate_installation_path(sitepackages_path):\n", + "\n", + "def start_rest_server(port, platform, mode, config_file_name, experiment_id=None, log_dir=None, log_level=None):\n", + "\n", + "def set_trial_config(experiment_config, port, config_file_name):\n", + "\n", + "def set_local_config(experiment_config, port, config_file_name):\n", + "\n", + "def set_remote_config(experiment_config, port, config_file_name):\n", + "\n", + "def setNNIManagerIp(experiment_config, port, config_file_name):\n", + "\n", + "def set_frameworkcontroller_config(experiment_config, port, config_file_name):\n", + "\n", + "def set_experiment(experiment_config, mode, port, config_file_name):\n", + "\n", + "def launch_experiment(args, experiment_config, mode, config_file_name, experiment_id=None):\n", + "\n", + "def resume_experiment(args):\n", + "\n", + "def create_experiment(args):\n", + "\n", + "def fit_theta(self):\n", + "\n", + "def filter_curve(self):\n", + "\n", + "def predict_y(self, model, pos):\n", + "\n", + "def f_comb(self, pos, sample):\n", + "\n", + "def normalize_weight(self, samples):\n", + "\n", + "def sigma_sq(self, sample):\n", + "\n", + "def normal_distribution(self, pos, sample):\n", + "\n", + "def likelihood(self, samples):\n", + "\n", + "def prior(self, samples):\n", + "\n", + "def target_distribution(self, samples):\n", + "\n", + "def mcmc_sampling(self):\n", + "\n", + "def predict(self, trial_history):\n", + "\n", + "def _outlierDetection_threaded(inputs):\n", + "\n", + "def outlierDetection_threaded(samples_x, samples_y_aggregation):\n", + "\n", + "def deeper_conv_block(conv_layer, kernel_size, weighted=True):\n", + "\n", + "def dense_to_deeper_block(dense_layer, weighted=True):\n", + "\n", + "def wider_pre_dense(layer, n_add, weighted=True):\n", + "\n", + "def wider_pre_conv(layer, n_add_filters, weighted=True):\n", + "\n", + "def wider_next_conv(layer, start_dim, total_dim, n_add, weighted=True):\n", + "\n", + "def wider_bn(layer, start_dim, total_dim, n_add, weighted=True):\n", + "\n", + "def wider_next_dense(layer, start_dim, total_dim, n_add, weighted=True):\n", + "\n", + "def add_noise(weights, other_weights):\n", + "\n", + "def init_dense_weight(layer):\n", + "\n", + "def init_conv_weight(layer):\n", + "\n", + "def init_bn_weight(layer):\n", + "\n", + "def parse_log_path(args, trial_content):\n", + "\n", + "def copy_data_from_remote(args, nni_config, trial_content, path_list, host_list, temp_nni_path):\n", + "\n", + "def get_path_list(args, nni_config, trial_content, temp_nni_path):\n", + "\n", + "def start_tensorboard_process(args, nni_config, path_list, temp_nni_path):\n", + "\n", + "def stop_tensorboard(args):\n", + "\n", + "def start_tensorboard(args):\n", + "\n", + "def _ratio_scores(parameters_value, clusteringmodel_gmm_good, clusteringmodel_gmm_bad):\n", + "\n", + "def selection_r(x_bounds,\n", + "\n", + "def selection(x_bounds,\n", + "\n", + "def _minimize_constraints_fun_summation(x):\n", + "\n", + "def load_data():\n", + "\n", + "def get_model(PARAMS):\n", + "\n", + "def get_hyperparameter_configurations(self, num, r, config_generator):\n", + "\n", + "def handle_initialize(self, data):\n", + "\n", + "def generate_new_bracket(self):\n", + "\n", + "def handle_request_trial_jobs(self, data):\n", + "\n", + "def _request_one_trial_job(self):\n", + "\n", + "def handle_update_search_space(self, data):\n", + "\n", + "def handle_trial_end(self, data):\n", + "\n", + "def handle_report_metric_data(self, data):\n", + "\n", + "def handle_import_data(self, data):\n", + "\n", + "def data_transforms_cifar10(args):\n", + "\n", + "def data_transforms_mnist(args, mnist_mean=None, mnist_std=None):\n", + "\n", + "def get_mean_and_std(dataset):\n", + "\n", + "def init_params(net):\n", + "\n", + "def step(self, metrics):\n", + "\n", + "def check_feasibility(x_bounds, lowerbound, upperbound):\n", + "\n", + "def rand(x_bounds, x_types, lowerbound, upperbound, max_retries=100):\n", + "\n", + "def expand_path(experiment_config, key):\n", + "\n", + "def parse_relative_path(root_path, experiment_config, key):\n", + "\n", + "def parse_time(time):\n", + "\n", + "def parse_path(experiment_config, config_path):\n", + "\n", + "def validate_search_space_content(experiment_config):\n", + "\n", + "def validate_kubeflow_operators(experiment_config):\n", + "\n", + "def validate_common_content(experiment_config):\n", + "\n", + "def validate_customized_file(experiment_config, spec_key):\n", + "\n", + "def parse_assessor_content(experiment_config):\n", + "\n", + "def validate_annotation_content(experiment_config, spec_key, builtin_name):\n", + "\n", + "def validate_pai_trial_conifg(experiment_config):\n", + "\n", + "def validate_all_content(experiment_config, config_path):\n", + "\n", + "def get_local_urls(port):\n", + "\n", + "def parse_annotation(code):\n", + "\n", + "def parse_annotation_function(code, func_name):\n", + "\n", + "def parse_nni_variable(code):\n", + "\n", + "def parse_nni_function(code):\n", + "\n", + "def convert_args_to_dict(call, with_lambda=False):\n", + "\n", + "def make_lambda(call):\n", + "\n", + "def replace_variable_node(node, annotation):\n", + "\n", + "def replace_function_node(node, annotation):\n", + "\n", + "def parse(code):\n", + "\n", + "def main():\n", + "\n", + "def get_yml_content(file_path):\n", + "\n", + "def detect_port(port):\n", + "\n", + "def create_model(samples_x, samples_y_aggregation, percentage_goodbatch=0.34):\n", + "\n", + "def selection_r(acquisition_function,\n", + "\n", + "def selection(acquisition_function,\n", + "\n", + "def report_intermediate_result(metric):\n", + "\n", + "def report_final_result(metric):\n", + "\n", + "def get_args():\n", + "\n", + "def build_graph_from_json(ir_model_json):\n", + "\n", + "def parse_rev_args(receive_msg):\n", + "\n", + "def train(epoch):\n", + "\n", + "def freeze_bn(self):\n", + "\n", + "def parse_rev_args(receive_msg):\n", + "\n", + "def prepare(self, config_file=None, user=None, password=None, **kwargs):\n", + "\n", + "def autologin(self, limit=10):\n", + "\n", + "def keepalive(self):\n", + "\n", + "def __read_config(self):\n", + "\n", + "def exchangebill(self):\n", + "\n", + "def do(self, params):\n", + "\n", + "def format_response_data_type(self, response_data):\n", + "\n", + "def login(self, user, password, exe_path, comm_password=None, **kwargs):\n", + "\n", + "def login(self, user, password, exe_path, comm_password=None, **kwargs):\n", + "\n", + "def login(self, user=None, password=None, **kwargs):\n", + "\n", + "def _adjust_sell_amount(self, stock_code, amount):\n", + "\n", + "def _get_portfolio_info(self, portfolio_code):\n", + "\n", + "def parse_cookies_str(cookies):\n", + "\n", + "def get_stock_type(stock_code):\n", + "\n", + "def recognize_verify_code(image_path, broker=\"ht\"):\n", + "\n", + "def detect_yh_client_result(image_path):\n", + "\n", + "def get_30_date():\n", + "\n", + "def get_today_ipo_data():\n", + "\n", + "def login(self, user=None, password=None, **kwargs):\n", + "\n", + "def _calculate_price_by_slippage(self, action: str, price: float) -> float:\n", + "\n", + "def track_strategy_worker(self, strategy, name, interval=10, **kwargs):\n", + "\n", + "def _set_cookies(self, cookies):\n", + "\n", + "def _prepare_account(self, user=\"\", password=\"\", **kwargs):\n", + "\n", + "def _search_stock_info(self, code):\n", + "\n", + "def _get_portfolio_info(self, portfolio_code):\n", + "\n", + "def get_balance(self):\n", + "\n", + "def _get_position(self):\n", + "\n", + "def get_position(self):\n", + "\n", + "def _get_xq_history(self):\n", + "\n", + "def get_entrust(self):\n", + "\n", + "def cancel_entrust(self, entrust_no):\n", + "\n", + "def adjust_weight(self, stock_code, weight):\n", + "\n", + "def _trade(self, security, price=0, amount=0, volume=0, entrust_bs=\"buy\"):\n", + "\n", + "def buy(self, security, price=0, amount=0, volume=0, entrust_prop=0):\n", + "\n", + "def sell(self, security, price=0, amount=0, volume=0, entrust_prop=0):\n", + "\n", + "def connect(self, exe_path=None, **kwargs):\n", + "\n", + "def market_buy(self, security, amount, ttype=None, **kwargs):\n", + "\n", + "def market_sell(self, security, amount, ttype=None, **kwargs):\n", + "\n", + "def market_trade(self, security, amount, ttype=None, **kwargs):\n", + "\n", + "def _set_market_trade_type(self, ttype):\n", + "\n", + "def login(self, user, password, exe_path, comm_password=None, **kwargs):\n", + "\n", + "def use(broker, debug=True, **kwargs):\n", + "\n", + "def follower(platform, **kwargs):\n", + "\n", + "def CaffeLMDB(lmdb_path, shuffle=True, keys=None):\n", + "\n", + " def decoder(k, v):\n", + "\n", + "def memory(self):\n", + "\n", + "def utilization(self):\n", + "\n", + "def num_devices(self):\n", + "\n", + "def device(self, idx):\n", + "\n", + "def maybe_download_and_extract(dest_directory, cifar_classnum):\n", + "\n", + "def get_per_pixel_mean(self, names=('train', 'test')):\n", + "\n", + "def get_per_channel_mean(self, names=('train', 'test')):\n", + "\n", + "def maskrcnn_loss(mask_logits, fg_labels, fg_target_masks):\n", + "\n", + "def maskrcnn_upXconv_head(feature, num_category, num_convs, norm=None):\n", + "\n", + "def get_per_pixel_mean(names=('train', 'test', 'extra')):\n", + "\n", + "def build_or_reuse_placeholder(tensor_spec):\n", + "\n", + "def get_input_signature(self):\n", + "\n", + "def dependency_of_targets(targets, op):\n", + "\n", + "def dependency_of_fetches(fetches, op):\n", + "\n", + "def create_scalar_summary(name, v):\n", + "\n", + "def create_image_summary(name, val):\n", + "\n", + "def add_tensor_summary(x, types, name=None, collections=None,\n", + "\n", + "def add_activation_summary(x, types=None, name=None, collections=None):\n", + "\n", + "def add_param_summary(*summary_lists, **kwargs):\n", + "\n", + "def add_moving_summary(*args, **kwargs):\n", + "\n", + "def run_head(self, proposals, stage):\n", + "\n", + "def match_box_with_gt(self, boxes, iou_threshold):\n", + "\n", + "def decoded_output_boxes(self):\n", + "\n", + "def output_scores(self, name=None):\n", + "\n", + "def do_visualize(model, model_path, nr_visualize=100, output_dir='output'):\n", + "\n", + "def get_registered_layer(name):\n", + "\n", + " def add10(x):\n", + "\n", + " def wrapper(func):\n", + "\n", + " def wrapped_func(*args, **kwargs):\n", + "\n", + "def get_predictor(self, input_names, output_names, device=0):\n", + "\n", + "def export_serving(model_path):\n", + "\n", + "def export_compact(model_path):\n", + "\n", + "def apply(model_path):\n", + "\n", + "def apply_inference_graph(model_path):\n", + "\n", + "def apply_compact(graph_path):\n", + "\n", + "def BatchNorm(inputs, training=None, momentum=0.9, epsilon=1e-5,\n", + "\n", + "def SelectComponent(ds, idxs):\n", + "\n", + "def _analyze_input_data(self, entry, k, depth=1, max_depth=3, max_list=3):\n", + "\n", + " def __init__(self, el, pos, depth=0, max_list=3):\n", + "\n", + " def __str__(self):\n", + "\n", + "def feed(self, count, total=1):\n", + "\n", + "def feed(self, pred, label):\n", + "\n", + "def feed(self, x):\n", + "\n", + "def apply_grad_processors(opt, gradprocs):\n", + "\n", + " def __init__(self, opt, gradprocs):\n", + "\n", + " def apply_gradients(self, grads_and_vars,\n", + "\n", + " def _apply(self, g):\n", + "\n", + "def _paste_mask(box, mask, shape):\n", + "\n", + "def predict_image(img, model_func):\n", + "\n", + "def predict_dataflow(df, model_func, tqdm_bar=None):\n", + "\n", + "def multithread_predict_dataflow(dataflows, model_funcs):\n", + "\n", + "def batch_flatten(x):\n", + "\n", + "def _init_runtime(self):\n", + "\n", + "def fetch_batch(self):\n", + "\n", + "def put_task(self, dp, callback=None):\n", + "\n", + "def loads_msgpack(buf):\n", + "\n", + "def BatchNorm(inputs, axis=None, training=None, momentum=0.9, epsilon=1e-5,\n", + "\n", + "def BatchRenorm(x, rmax, dmax, momentum=0.9, epsilon=1e-5,\n", + "\n", + "def generator(self, z):\n", + "\n", + "def discriminator(self, imgs):\n", + "\n", + "def area(boxes):\n", + "\n", + "def pairwise_intersection(boxlist1, boxlist2):\n", + "\n", + "def pairwise_iou(boxlist1, boxlist2):\n", + "\n", + "def sample(path, start, length):\n", + "\n", + " def pick(prob):\n", + "\n", + "def Maxout(x, num_unit):\n", + "\n", + "def PReLU(x, init=0.001, name='output'):\n", + "\n", + "def BNReLU(x, name=None):\n", + "\n", + "def GroupNorm(x, group=32, gamma_initializer=tf.constant_initializer(1.)):\n", + "\n", + "def backbone_scope(freeze):\n", + "\n", + " def nonlin(x):\n", + "\n", + "def extract_images(filename):\n", + "\n", + "def extract_labels(filename):\n", + "\n", + "def create_dummy_class(klass, dependency):\n", + "\n", + " def __getattr__(_, __):\n", + "\n", + " def __init__(self, *args, **kwargs):\n", + "\n", + "def create_dummy_func(func, dependency):\n", + "\n", + " def _dummy(*args, **kwargs):\n", + "\n", + "def log_deprecated(name=\"\", text=\"\", eos=\"\"):\n", + "\n", + "def deprecated(text=\"\", eos=\"\"):\n", + "\n", + " def foo(...):\n", + "\n", + " def get_location():\n", + "\n", + " def deprecated_inner(func):\n", + "\n", + " def new_func(*args, **kwargs):\n", + "\n", + "def refill_queue(self):\n", + "\n", + "def _create_ema_callback(self):\n", + "\n", + "def _setup(self, inputs):\n", + "\n", + "def dataflow_to_dataset(df, types):\n", + "\n", + "def get_predictor(self, n):\n", + "\n", + "def intersection(boxes1, boxes2):\n", + "\n", + "def iou(boxes1, boxes2):\n", + "\n", + "def ioa(boxes1, boxes2):\n", + "\n", + "def maybe_download(url, work_directory):\n", + "\n", + "def get_synset_1000(self):\n", + "\n", + "def get_image_list(self, name, dir_structure='original'):\n", + "\n", + "def get_per_pixel_mean(self, size=None):\n", + "\n", + "def guess_dir_structure(dir):\n", + "\n", + "def print_coco_metrics(self, json_file):\n", + "\n", + "def load(self, add_gt=True, add_mask=False):\n", + "\n", + "def _use_absolute_file_name(self, img):\n", + "\n", + "def _add_detection_gt(self, img, add_mask):\n", + "\n", + "def load_many(basedir, names, add_gt=True, add_mask=False):\n", + "\n", + "def load_training_roidbs(self, names):\n", + "\n", + "def load_inference_roidbs(self, name):\n", + "\n", + "def eval_or_save_inference_results(self, results, dataset, output=None):\n", + "\n", + "def timed_operation(msg, log_start=False):\n", + "\n", + "def total_timer(msg):\n", + "\n", + "def print_total_timer():\n", + "\n", + "def reset_state(self):\n", + "\n", + "def ensure_proc_terminate(proc):\n", + "\n", + " def stop_proc_by_weak_ref(ref):\n", + "\n", + "def enable_death_signal(_warn=True):\n", + "\n", + "def mask_sigint():\n", + "\n", + "def start_proc_mask_signal(proc):\n", + "\n", + "def subproc_call(cmd, timeout=None):\n", + "\n", + "def queue_put_stoppable(self, q, obj):\n", + "\n", + "def queue_get_stoppable(self, q):\n", + "\n", + "def put(self, rank, val):\n", + "\n", + "def visualize_conv_weights(filters, name):\n", + "\n", + "def visualize_conv_activations(activation, name):\n", + "\n", + "def shapeless_placeholder(x, axis, name):\n", + "\n", + "def entropy_from_samples(samples, vec):\n", + "\n", + " def neg_logprob(dist, sample, name):\n", + "\n", + "def sample_prior(batch_size):\n", + "\n", + "def build_graph(self, real_sample):\n", + "\n", + "def DynamicConvFilter(inputs, filters, out_channel,\n", + "\n", + "def _parameter_net(self, theta, kernel_shape=9):\n", + "\n", + "def filter_with_theta(image, theta, sigma=1., filter_size=9):\n", + "\n", + "def collect_variables(self, g_scope='gen', d_scope='discrim'):\n", + "\n", + "def build_losses(self, logits_real, logits_fake):\n", + "\n", + "def _build_gan_trainer(self, input, model):\n", + "\n", + "def convert_to_tflayer_args(args_names, name_mapping):\n", + "\n", + " def decorator(func):\n", + "\n", + " def decorated_func(inputs, *args, **kwargs):\n", + "\n", + "def rename_get_variable(mapping):\n", + "\n", + " def custom_getter(getter, name, *args, **kwargs):\n", + "\n", + "def regularize_cost(regex, func, name='regularize_cost'):\n", + "\n", + " def f(name):\n", + "\n", + "def regularize_cost_from_collection(name='regularize_cost'):\n", + "\n", + " def maploss(l):\n", + "\n", + "def Dropout(x, *args, **kwargs):\n", + "\n", + "def fill(self, background_shape, img):\n", + "\n", + "def apply(self, func, *args, **kwargs):\n", + "\n", + "def apply2(self, func, *args, **kwargs):\n", + "\n", + "def guided_relu():\n", + "\n", + " def GuidedReluGrad(op, grad):\n", + "\n", + "def saliency_map(output, input, name=\"saliency_map\"):\n", + "\n", + "def setup_graph(self):\n", + "\n", + "def get_value_to_set(self):\n", + "\n", + "def _get_value_to_set_at_point(self, point):\n", + "\n", + "def build_graph(self, image, label):\n", + "\n", + "def name_conversion(caffe_layer_name):\n", + "\n", + "def custom_getter_scope(custom_getter):\n", + "\n", + "def remap_variables(fn):\n", + "\n", + " def custom_getter(getter, *args, **kwargs):\n", + "\n", + "def freeze_variables(stop_gradient=True, skip_collection=False):\n", + "\n", + " def custom_getter(getter, *args, **kwargs):\n", + "\n", + "def load_caffe(model_desc, model_file):\n", + "\n", + "def get_caffe_pb():\n", + "\n", + "def finalize_configs(is_training):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def update_args(self, args):\n", + "\n", + "def get_model_loader(filename):\n", + "\n", + "def _read_checkpoint_vars(model_path):\n", + "\n", + "def argscope(layers, **kwargs):\n", + "\n", + "def enable_argscope_for_function(func, log_shape=True):\n", + "\n", + " def wrapped_func(*args, **kwargs):\n", + "\n", + "def enable_argscope_for_module(module, log_shape=True):\n", + "\n", + "def visualize_tensors(name, imgs, scale_func=lambda x: (x + 1.) * 128., max_outputs=1):\n", + "\n", + "def split_input(img):\n", + "\n", + "def discriminator(self, inputs, outputs):\n", + "\n", + "def print_stat(x, message=None):\n", + "\n", + "def rms(x, name=None):\n", + "\n", + "def psnr(prediction, ground_truth, maxp=None, name='psnr'):\n", + "\n", + " def log10(x):\n", + "\n", + "def get_gaussian_weight(self, anchor):\n", + "\n", + "def pad(x, p=3):\n", + "\n", + "def correlation(ina, inb,\n", + "\n", + "def resize(x, mode, factor=4):\n", + "\n", + "def flownet2_fusion(self, x):\n", + "\n", + "def flownet2_sd(self, x):\n", + "\n", + "def graph_structure(self, x, standalone=True):\n", + "\n", + "def graph_structure(self, x1x2):\n", + "\n", + "def draw_annotation(img, boxes, klass, is_crowd=None):\n", + "\n", + "def draw_proposal_recall(img, proposals, proposal_scores, gt_boxes):\n", + "\n", + "def draw_predictions(img, boxes, scores):\n", + "\n", + "def draw_final_outputs(img, results):\n", + "\n", + "def draw_mask(im, mask, alpha=0.5, color=None):\n", + "\n", + "def send_dataflow_zmq(df, addr, hwm=50, format=None, bind=False):\n", + "\n", + "def dump_dataflow_to_process_queue(df, size, nr_consumer):\n", + "\n", + " def __init__(self, df, q, nr_consumer):\n", + "\n", + " def run(self):\n", + "\n", + "def _grab_raw_image(self):\n", + "\n", + "def _current_state(self):\n", + "\n", + "def clip_boxes(boxes, window, name=None):\n", + "\n", + "def decode_bbox_target(box_predictions, anchors):\n", + "\n", + "def encode_bbox_target(boxes, anchors):\n", + "\n", + "def crop_and_resize(image, boxes, box_ind, crop_size, pad_border=True):\n", + "\n", + " def transform_fpcoor_for_tf(boxes, image_shape, crop_shape):\n", + "\n", + "def roi_align(featuremap, boxes, resolution):\n", + "\n", + "def narrow_to(self, featuremap):\n", + "\n", + "def colorize(img, heatmap):\n", + "\n", + "def _get_augment_params(self, img):\n", + "\n", + "def largest_rotated_rect(w, h, angle):\n", + "\n", + "def map_arg(**maps):\n", + "\n", + " def deco(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def graph_memoized(func):\n", + "\n", + " def func_with_graph_arg(*args, **kwargs):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def memoized_ignoreargs(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def shape2d(a):\n", + "\n", + "def shape4d(a, data_format='NHWC'):\n", + "\n", + "def call_only_once(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def memoized_method(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def auto_reuse_variable_scope(func):\n", + "\n", + " def myfunc(x):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def under_name_scope(name_scope=None):\n", + "\n", + " def rms(x):\n", + "\n", + " def _impl(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def under_variable_scope():\n", + "\n", + " def mid_level(x):\n", + "\n", + " def _impl(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def cached_name_scope(name, top_level=True):\n", + "\n", + "def _check_grad_list(grad_list):\n", + "\n", + " def basename(x):\n", + "\n", + "def build(self, grad_list, get_opt_fn):\n", + "\n", + "def call_for_each_tower(self, tower_fn):\n", + "\n", + "def build(self, grad_list, get_opt_fn):\n", + "\n", + "def get_post_init_ops():\n", + "\n", + " def log_failure(name, reason):\n", + "\n", + "def call_for_each_tower(self, tower_fn):\n", + "\n", + "def build(self, grad_list, get_opt_fn):\n", + "\n", + "def humanize_time_delta(sec):\n", + "\n", + " def _format(v, u):\n", + "\n", + "def change_env(name, val):\n", + "\n", + "def get_rng(obj=None):\n", + "\n", + "def execute_only_once():\n", + "\n", + "def get_tqdm_kwargs(**kwargs):\n", + "\n", + "def find_library_full_path(name):\n", + "\n", + " def _use_proc_maps(name):\n", + "\n", + " def _use_ld(name):\n", + "\n", + " def _use_ldconfig(name):\n", + "\n", + "def save(df, path, write_frequency=5000):\n", + "\n", + "def load(path, shuffle=True):\n", + "\n", + "def save(df, path):\n", + "\n", + "def save(df, path):\n", + "\n", + " def _dumps(dp):\n", + "\n", + " def _dumps(dp):\n", + "\n", + "def load(path, size=None):\n", + "\n", + "def save(df, path, data_paths):\n", + "\n", + " def get_cost(*inputs):\n", + "\n", + "def compile(self, optimizer, loss, metrics=None):\n", + "\n", + "def fit(self, validation_data=None, **kwargs):\n", + "\n", + "def get_dorefa(bitW, bitA, bitG):\n", + "\n", + " def quantize(x, k):\n", + "\n", + " def _quantize(x):\n", + "\n", + " def fw(x):\n", + "\n", + " def _sign(x):\n", + "\n", + " def fa(x):\n", + "\n", + " def fg(x):\n", + "\n", + " def _identity(input):\n", + "\n", + " def grad_fg(x):\n", + "\n", + "def ternarize(x, thresh=0.05):\n", + "\n", + " def _sign_mask(x):\n", + "\n", + "def interactive_imshow(img, lclick_cb=None, rclick_cb=None, **kwargs):\n", + "\n", + " def mouse_cb(event, x, y, *args):\n", + "\n", + " def lclick_callback(img, x, y):\n", + "\n", + "def gen_stack_patches(patch_list,\n", + "\n", + " def lclick_callback(img, x, y):\n", + "\n", + "def dump_dataflow_images(df, index=0, batched=True,\n", + "\n", + "def intensity_to_rgb(intensity, cmap='cubehelix', normalize=False):\n", + "\n", + "def draw_text(img, pos, text, color, font_scale=0.4):\n", + "\n", + "def draw_boxes(im, boxes, labels=None, color=None):\n", + "\n", + "def ConcatWith(x, tensor, dim):\n", + "\n", + "def point8_to_box(points):\n", + "\n", + "def segmentation_to_mask(polys, height, width):\n", + "\n", + "def clip_boxes(boxes, shape):\n", + "\n", + "def filter_boxes_inside_shape(boxes, shape):\n", + "\n", + "def GlobalAvgPooling(x, data_format='channels_last'):\n", + "\n", + "def FixedUnPooling(x, shape, unpool_mat=None, data_format='channels_last'):\n", + "\n", + "def dump_session_params(path):\n", + "\n", + "def save_chkpt_vars(dic, path):\n", + "\n", + "def get_checkpoint_path(model_path):\n", + "\n", + "def load_chkpt_vars(model_path):\n", + "\n", + "def is_training_name(name):\n", + "\n", + "def relaxed_value_for_var(value, var):\n", + "\n", + " def upcast(vartype, valtype):\n", + "\n", + "def update(self, prms):\n", + "\n", + "def get_distributed_session_creator(server):\n", + "\n", + " def create_session(self):\n", + "\n", + "def get_num_gpu():\n", + "\n", + " def warn_return(ret, message):\n", + "\n", + "def put_summary(self, summary):\n", + "\n", + "def put_scalar(self, name, val):\n", + "\n", + "def put_image(self, name, val):\n", + "\n", + "def put_event(self, evt):\n", + "\n", + "def load_existing_json():\n", + "\n", + "def _trigger(self):\n", + "\n", + "def sample(img, coords):\n", + "\n", + "def GridSample(inputs, borderMode='repeat'):\n", + "\n", + "def enable_call_trace():\n", + "\n", + " def tracer(frame, event, arg):\n", + "\n", + "def apply_default_prefetch(input_source_or_dataflow, trainer):\n", + "\n", + "def launch_train_with_config(config, trainer):\n", + "\n", + "def _get_property(name):\n", + "\n", + "def config(self, steps_per_epoch, starting_epoch, max_epoch):\n", + "\n", + "def _register_callback(self, cb):\n", + "\n", + "def run_step(self):\n", + "\n", + "def setup_callbacks(self, callbacks, monitors):\n", + "\n", + "def initialize(self, session_creator, session_init):\n", + "\n", + "def initialize_hooks(self):\n", + "\n", + "def main_loop(self, steps_per_epoch, starting_epoch, max_epoch):\n", + "\n", + "def train(self,\n", + "\n", + "def get_default_sess_config(mem_fraction=0.99):\n", + "\n", + "def get_global_step_var():\n", + "\n", + "def get_tensors_by_names(names):\n", + "\n", + "def get_op_or_tensor_by_name(name):\n", + "\n", + " def f(n):\n", + "\n", + "def collect_env_info():\n", + "\n", + "def _add_sync_queues_and_barrier(self, name, dependencies):\n", + "\n", + "def _apply_shadow_vars(avg_grads):\n", + "\n", + "def _shadow_model_variables(shadow_vars):\n", + "\n", + "def build(self, get_grad_fn, get_opt_fn):\n", + "\n", + "def _apply_gradients_and_copy(self, opt, raw_grad_list, ps_var_grads):\n", + "\n", + "def _get_initial_sync_op(self):\n", + "\n", + " def strip_port(s):\n", + "\n", + "def _get_sync_model_vars_op(self):\n", + "\n", + "def get_tensors_inputs(placeholders, tensors, names):\n", + "\n", + "def get_sublist_by_names(lst, names):\n", + "\n", + "def remap_input_source(input, names):\n", + "\n", + " def __init__(self, input, names):\n", + "\n", + " def _setup(self, inputs):\n", + "\n", + " def _get_input_tensors(self):\n", + "\n", + "def rpn_head(featuremap, channel, num_anchors):\n", + "\n", + "def rpn_losses(anchor_labels, anchor_boxes, label_logits, box_logits):\n", + "\n", + "def generate_rpn_proposals(boxes, scores, img_shape,\n", + "\n", + "def MergeAllSummaries(period=0, run_alone=False, key=None):\n", + "\n", + "def append(self, exp):\n", + "\n", + "def sample(self, idx):\n", + "\n", + "def step(self, exploration):\n", + "\n", + "def recent_state(self):\n", + "\n", + "def step(self, exploration):\n", + "\n", + "def reset_stats(self):\n", + "\n", + "def log(self):\n", + "\n", + "def TowerContext(tower_name, is_training, vs_name=''):\n", + "\n", + "def training(self):\n", + "\n", + "def inference(self):\n", + "\n", + "def get_tensor(self, name):\n", + "\n", + "def get_variable(self, name):\n", + "\n", + "def get_collection(self, key=None, name=None):\n", + "\n", + "def mkdir_p(dirname):\n", + "\n", + "def download(url, dir, filename=None, expect_size=None):\n", + "\n", + " def hook(t):\n", + "\n", + " def inner(b, bsize, tsize=None):\n", + "\n", + "def recursive_walk(rootdir):\n", + "\n", + "def get_dataset_path(*args):\n", + "\n", + "def backup_collection(keys=None):\n", + "\n", + "def restore_collection(backup):\n", + "\n", + "def get_collection_in_tower(self, key):\n", + "\n", + "def ptb_producer(raw_data, batch_size, num_steps, name=None):\n", + "\n", + "def set_logger_dir(dirname, action=None):\n", + "\n", + " def dir_nonempty(dirname):\n", + "\n", + "def auto_set_dir(action=None, name=None):\n", + "\n", + "def class_balanced_sigmoid_cross_entropy(logits, label, name='cross_entropy_loss'):\n", + "\n", + "def CaffeBilinearUpSample(x, shape):\n", + "\n", + " def bilinear_conv_filler(s):\n", + "\n", + "def reset_state(self):\n", + "\n", + "def is_compatible_with(self, spec_or_tensor):\n", + "\n", + "def describe_trainable_vars():\n", + "\n", + "def get_shape_str(tensors):\n", + "\n", + "def contrastive_loss(left, right, y, margin, extra=False, scope=\"constrastive_loss\"):\n", + "\n", + "def siamese_cosine_loss(left, right, y, scope=\"cosine_loss\"):\n", + "\n", + " def l2_norm(t, eps=1e-12):\n", + "\n", + "def triplet_loss(anchor, positive, negative, margin, extra=False, scope=\"triplet_loss\"):\n", + "\n", + "def soft_triplet_loss(anchor, positive, negative, extra=True, scope=\"soft_triplet_loss\"):\n", + "\n", + "def center_loss(embedding, label, num_classes, alpha=0.1, scope=\"center_loss\"):\n", + "\n", + "def embed(self, x, nfeatures=2):\n", + "\n", + "def generate_anchors(base_size=16, ratios=[0.5, 1, 2],\n", + "\n", + "def build_graph(self, image, label):\n", + "\n", + "def print_class_histogram(roidbs):\n", + "\n", + "def get_all_anchors(stride=None, sizes=None):\n", + "\n", + "def get_all_anchors_fpn(strides=None, sizes=None):\n", + "\n", + "def get_anchor_labels(anchors, gt_boxes, crowd_boxes):\n", + "\n", + " def filter_box_label(labels, value, max_num):\n", + "\n", + "def get_rpn_anchor_input(im, boxes, is_crowd):\n", + "\n", + "def get_multilevel_rpn_anchor_input(im, boxes, is_crowd):\n", + "\n", + "def get_train_dataflow():\n", + "\n", + " def preprocess(roidb):\n", + "\n", + "def get_eval_dataflow(name, shard=0, num_shards=1):\n", + "\n", + " def f(fname):\n", + "\n", + "def override_to_local_variable(enable=True):\n", + "\n", + " def custom_getter(getter, name, *args, **kwargs):\n", + "\n", + "def split_grad_list(grad_list):\n", + "\n", + "def merge_grad_list(all_grads, all_vars):\n", + "\n", + "def allreduce_grads(all_grads, average):\n", + "\n", + "def allreduce_grads_hierarchical(all_grads, devices, average=False):\n", + "\n", + "def aggregate_grads(all_grads,\n", + "\n", + " def aggregate(grads):\n", + "\n", + "def compute_strategy(self, grads):\n", + "\n", + "def pack(self, grads):\n", + "\n", + "def pack_all(self, all_grads, devices):\n", + "\n", + "def unpack_all(self, all_packed, devices):\n", + "\n", + "def fpn_model(features):\n", + "\n", + " def upsample2x(name, x):\n", + "\n", + "def fpn_map_rois_to_levels(boxes):\n", + "\n", + "def multilevel_roi_align(features, rcnn_boxes, resolution):\n", + "\n", + "def InstanceNorm(x, epsilon=1e-5, use_affine=True, gamma_init=None, data_format='channels_last'):\n", + "\n", + "def proposal_metrics(iou):\n", + "\n", + "def sample_fast_rcnn_targets(boxes, gt_boxes, gt_labels):\n", + "\n", + " def sample_fg_bg(iou):\n", + "\n", + "def fastrcnn_outputs(feature, num_classes, class_agnostic_regression=False):\n", + "\n", + "def fastrcnn_losses(labels, label_logits, fg_boxes, fg_box_logits):\n", + "\n", + "def fastrcnn_predictions(boxes, scores):\n", + "\n", + " def f(X):\n", + "\n", + "def fastrcnn_2fc_head(feature):\n", + "\n", + "def fastrcnn_Xconv1fc_head(feature, num_convs, norm=None):\n", + "\n", + "def fg_box_logits(self):\n", + "\n", + "def decoded_output_boxes(self):\n", + "\n", + "def decoded_output_boxes_class_agnostic(self):\n", + "\n", + "def output_scores(self, name=None):\n", + "\n", + "def _on_state(self, state, client):\n", + "\n", + " def cb(outputs):\n", + "\n", + "def _process_msg(self, client, state, reward, isOver):\n", + "\n", + "def discriminator(self, imgs, y):\n", + "\n", + "def export_compact(self, filename, optimize=True, toco_compatible=False):\n", + "\n", + "def export_serving(self, filename,\n", + "\n", + "def _inherit_docstrings(parent, excluded=[]):\n", + "\n", + " def decorator(cls):\n", + "\n", + "def time_logger(name):\n", + "\n", + "def initialize_ray():\n", + "\n", + "def shuffle(self, func, lengths, **kwargs):\n", + "\n", + "def query(self, expr, **kwargs):\n", + "\n", + " def gen_table_expr(table, expr):\n", + "\n", + " def build_node(table, terms, builder):\n", + "\n", + " def can_be_condition(expr):\n", + "\n", + " def filter_with_selection_vector(table, s):\n", + "\n", + " def gandiva_query(table, query):\n", + "\n", + " def gandiva_query2(table, query):\n", + "\n", + " def query_builder(arrow_table, **kwargs):\n", + "\n", + "def to_pandas(self):\n", + "\n", + "def deploy_ray_axis_func(axis, func, num_splits, kwargs, *partitions):\n", + "\n", + "def apply(self, func, num_splits=None, other_axis_partition=None, **kwargs):\n", + "\n", + "def shuffle(self, func, num_splits=None, **kwargs):\n", + "\n", + "def deploy_ray_func(func, partition, kwargs):\n", + "\n", + "def get(self):\n", + "\n", + "def apply(self, func, **kwargs):\n", + "\n", + " def call_queue_closure(oid_obj, call_queues):\n", + "\n", + "def to_pandas(self):\n", + "\n", + "def put(cls, obj):\n", + "\n", + "def isna(obj):\n", + "\n", + "def is_distributed(partition_column, lower_bound, upper_bound):\n", + "\n", + "def is_table(engine, sql):\n", + "\n", + "def get_table_metadata(engine, table):\n", + "\n", + "def get_table_columns(metadata):\n", + "\n", + "def check_query(query):\n", + "\n", + "def get_query_columns(engine, query):\n", + "\n", + "def check_partition_column(partition_column, cols):\n", + "\n", + "def get_query_info(sql, con, partition_column):\n", + "\n", + "def query_put_bounders(query, partition_column, start, end):\n", + "\n", + "def compute_index(self, axis, data_object, compute_diff=True):\n", + "\n", + " def pandas_index_extraction(df, axis):\n", + "\n", + "def _prepare_method(self, pandas_func, **kwargs):\n", + "\n", + " def helper(df, internal_indices=[]):\n", + "\n", + " def helper(df, internal_indices=[]):\n", + "\n", + "def numeric_columns(self, include_bool=True):\n", + "\n", + "def numeric_function_clean_dataframe(self, axis):\n", + "\n", + "def _join_index_objects(self, axis, other_index, how, sort=True):\n", + "\n", + "def join(self, other, **kwargs):\n", + "\n", + "def concat(self, axis, other, **kwargs):\n", + "\n", + "def copartition(self, axis, other, how_to_join, sort, force_repartition=False):\n", + "\n", + " def compute_reindex(old_idx):\n", + "\n", + " def reindex_partition(df):\n", + "\n", + "def to_pandas(self):\n", + "\n", + "def from_pandas(cls, df, block_partitions_cls):\n", + "\n", + "def _inter_manager_operations(self, other, how_to_join, func):\n", + "\n", + " def inter_data_op_builder(left, right, func):\n", + "\n", + "def _inter_df_op_handler(self, func, other, **kwargs):\n", + "\n", + "def binary_op(self, op, other, **kwargs):\n", + "\n", + "def update(self, other, **kwargs):\n", + "\n", + " def update_builder(df, other, **kwargs):\n", + "\n", + "def where(self, cond, other, **kwargs):\n", + "\n", + " def where_builder_first_pass(cond, other, **kwargs):\n", + "\n", + " def where_builder_second_pass(df, new_other, **kwargs):\n", + "\n", + " def where_builder_series(df, cond):\n", + "\n", + "def _scalar_operations(self, axis, scalar, func):\n", + "\n", + " def list_like_op(df):\n", + "\n", + "def reindex(self, axis, labels, **kwargs):\n", + "\n", + " def reindex_builer(df, axis, old_labels, new_labels, **kwargs):\n", + "\n", + "def reset_index(self, **kwargs):\n", + "\n", + "def transpose(self, *args, **kwargs):\n", + "\n", + "def _full_reduce(self, axis, map_func, reduce_func=None):\n", + "\n", + "def count(self, **kwargs):\n", + "\n", + "def mean(self, **kwargs):\n", + "\n", + "def min(self, **kwargs):\n", + "\n", + "def _process_sum_prod(self, func, **kwargs):\n", + "\n", + " def sum_prod_builder(df, **kwargs):\n", + "\n", + "def prod(self, **kwargs):\n", + "\n", + "def _process_all_any(self, func, **kwargs):\n", + "\n", + "def all(self, **kwargs):\n", + "\n", + "def astype(self, col_dtypes, **kwargs):\n", + "\n", + " def astype(df, internal_indices=[]):\n", + "\n", + "def _full_axis_reduce(self, axis, func, alternate_index=None):\n", + "\n", + "def first_valid_index(self):\n", + "\n", + " def first_valid_index_builder(df):\n", + "\n", + "def idxmax(self, **kwargs):\n", + "\n", + " def idxmax_builder(df, **kwargs):\n", + "\n", + "def idxmin(self, **kwargs):\n", + "\n", + " def idxmin_builder(df, **kwargs):\n", + "\n", + "def last_valid_index(self):\n", + "\n", + " def last_valid_index_builder(df):\n", + "\n", + "def median(self, **kwargs):\n", + "\n", + "def memory_usage(self, **kwargs):\n", + "\n", + " def memory_usage_builder(df, **kwargs):\n", + "\n", + "def quantile_for_single_value(self, **kwargs):\n", + "\n", + " def quantile_builder(df, **kwargs):\n", + "\n", + "def _full_axis_reduce_along_select_indices(self, func, axis, index):\n", + "\n", + "def describe(self, **kwargs):\n", + "\n", + " def describe_builder(df, internal_indices=[], **kwargs):\n", + "\n", + "def dropna(self, **kwargs):\n", + "\n", + "def eval(self, expr, **kwargs):\n", + "\n", + " def eval_builder(df, **kwargs):\n", + "\n", + "def mode(self, **kwargs):\n", + "\n", + " def mode_builder(df, **kwargs):\n", + "\n", + "def fillna(self, **kwargs):\n", + "\n", + " def fillna_dict_builder(df, func_dict={}):\n", + "\n", + "def query(self, expr, **kwargs):\n", + "\n", + " def query_builder(df, **kwargs):\n", + "\n", + "def rank(self, **kwargs):\n", + "\n", + "def sort_index(self, **kwargs):\n", + "\n", + " def sort_index_builder(df, **kwargs):\n", + "\n", + "def quantile_for_list_of_values(self, **kwargs):\n", + "\n", + " def quantile_builder(df, **kwargs):\n", + "\n", + "def tail(self, n):\n", + "\n", + "def front(self, n):\n", + "\n", + "def getitem_column_array(self, key):\n", + "\n", + " def getitem(df, internal_indices=[]):\n", + "\n", + "def getitem_row_array(self, key):\n", + "\n", + " def getitem(df, internal_indices=[]):\n", + "\n", + "def setitem(self, axis, key, value):\n", + "\n", + " def setitem(df, internal_indices=[]):\n", + "\n", + " def _setitem():\n", + "\n", + "def drop(self, index=None, columns=None):\n", + "\n", + " def delitem(df, internal_indices=[]):\n", + "\n", + " def delitem(df, internal_indices=[]):\n", + "\n", + "def insert(self, loc, column, value):\n", + "\n", + " def insert(df, internal_indices=[]):\n", + "\n", + "def apply(self, func, axis, *args, **kwargs):\n", + "\n", + "def _post_process_apply(self, result_data, axis, try_scale=True):\n", + "\n", + "def _dict_func(self, func, axis, *args, **kwargs):\n", + "\n", + " def dict_apply_builder(df, func_dict={}):\n", + "\n", + "def _list_like_func(self, func, axis, *args, **kwargs):\n", + "\n", + "def _callable_func(self, func, axis, *args, **kwargs):\n", + "\n", + " def callable_apply_builder(df, axis=0):\n", + "\n", + "def _manual_repartition(self, axis, repartition_func, **kwargs):\n", + "\n", + "def get_dummies(self, columns, **kwargs):\n", + "\n", + " def set_columns(df, columns):\n", + "\n", + " def get_dummies_builder(df):\n", + "\n", + " def get_dummies_builder(df, internal_indices=[]):\n", + "\n", + "def global_idx_to_numeric_idx(self, axis, indices):\n", + "\n", + "def _get_data(self) -> BaseFrameManager:\n", + "\n", + " def iloc(partition, row_internal_indices, col_internal_indices):\n", + "\n", + "def block_lengths(self):\n", + "\n", + "def block_widths(self):\n", + "\n", + "def _update_inplace(self, new_query_compiler):\n", + "\n", + "def _default_to_pandas(self, op, *args, **kwargs):\n", + "\n", + "def abs(self):\n", + "\n", + "def add(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def all(self, axis=0, bool_only=None, skipna=True, level=None, **kwargs):\n", + "\n", + "def bfill(self, axis=None, inplace=False, limit=None, downcast=None):\n", + "\n", + "def bool(self):\n", + "\n", + "def copy(self, deep=True):\n", + "\n", + "def count(self, axis=0, level=None, numeric_only=False):\n", + "\n", + "def cummax(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def cumprod(self, axis=None, skipna=True, *args, **kwargs):\n", + "\n", + "def describe(self, percentiles=None, include=None, exclude=None):\n", + "\n", + "def diff(self, periods=1, axis=0):\n", + "\n", + "def dropna(self, axis=0, how=\"any\", thresh=None, subset=None, inplace=False):\n", + "\n", + "def drop_duplicates(self, keep=\"first\", inplace=False, **kwargs):\n", + "\n", + "def eq(self, other, axis=\"columns\", level=None):\n", + "\n", + "def filter(self, items=None, like=None, regex=None, axis=None):\n", + "\n", + " def f(x):\n", + "\n", + " def f(x):\n", + "\n", + "def floordiv(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def ge(self, other, axis=\"columns\", level=None):\n", + "\n", + "def get_dtype_counts(self):\n", + "\n", + "def get_ftype_counts(self):\n", + "\n", + "def gt(self, other, axis=\"columns\", level=None):\n", + "\n", + "def head(self, n=5):\n", + "\n", + "def idxmax(self, axis=0, skipna=True, *args, **kwargs):\n", + "\n", + "def isin(self, values):\n", + "\n", + "def le(self, other, axis=\"columns\", level=None):\n", + "\n", + "def lt(self, other, axis=\"columns\", level=None):\n", + "\n", + "def mean(self, axis=None, skipna=None, level=None, numeric_only=None, **kwargs):\n", + "\n", + "def median(self, axis=None, skipna=None, level=None, numeric_only=None, **kwargs):\n", + "\n", + "def memory_usage(self, index=True, deep=False):\n", + "\n", + "def min(self, axis=None, skipna=None, level=None, numeric_only=None, **kwargs):\n", + "\n", + "def mod(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def mode(self, axis=0, numeric_only=False, dropna=True):\n", + "\n", + "def mul(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def ne(self, other, axis=\"columns\", level=None):\n", + "\n", + "def nunique(self, axis=0, dropna=True):\n", + "\n", + "def pow(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def quantile(self, q=0.5, axis=0, numeric_only=True, interpolation=\"linear\"):\n", + "\n", + " def check_dtype(t):\n", + "\n", + "def rmod(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def round(self, decimals=0, *args, **kwargs):\n", + "\n", + "def rpow(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def rsub(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def rtruediv(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def set_axis(self, labels, axis=0, inplace=None):\n", + "\n", + "def sub(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def to_numpy(self, dtype=None, copy=False):\n", + "\n", + "def truediv(self, other, axis=\"columns\", level=None, fill_value=None):\n", + "\n", + "def size(self):\n", + "\n", + "def get(self):\n", + "\n", + "def apply(self, func, **kwargs):\n", + "\n", + " def call_queue_closure(data, call_queues):\n", + "\n", + "def apply(self, func, **kwargs):\n", + "\n", + "def add_to_apply_calls(self, func, **kwargs):\n", + "\n", + "def compute_chunksize(df, num_splits, default_block_size=32, axis=None):\n", + "\n", + "def _get_nan_block_id(partition_class, n_row=1, n_col=1, transpose=False):\n", + "\n", + "def split_result_of_axis_func_pandas(axis, num_splits, result, length_list=None):\n", + "\n", + "def _parse_tuple(tup):\n", + "\n", + "def _is_enlargement(locator, global_index):\n", + "\n", + "def _compute_ndim(row_loc, col_loc):\n", + "\n", + "def _broadcast_item(self, row_lookup, col_lookup, item, to_shape):\n", + "\n", + "def _write_items(self, row_lookup, col_lookup, item):\n", + "\n", + "def _handle_enlargement(self, row_loc, col_loc):\n", + "\n", + "def _compute_enlarge_labels(self, locator, base_index):\n", + "\n", + "def read_parquet(cls, path, engine, columns, **kwargs):\n", + "\n", + "def _read_csv_from_file_pandas_on_ray(cls, filepath, kwargs={}):\n", + "\n", + "def _read(cls, filepath_or_buffer, **kwargs):\n", + "\n", + "def read_hdf(cls, path_or_buf, **kwargs):\n", + "\n", + "def read_feather(cls, path, columns=None, use_threads=True):\n", + "\n", + "def to_sql(cls, qc, **kwargs):\n", + "\n", + " def func(df, **kwargs):\n", + "\n", + "def read_sql(cls, sql, con, index_col=None, **kwargs):\n", + "\n", + "def block_lengths(self):\n", + "\n", + "def block_widths(self):\n", + "\n", + "def get(self):\n", + "\n", + "def block_lengths(self):\n", + "\n", + "def block_widths(self):\n", + "\n", + "def map_across_blocks(self, map_func):\n", + "\n", + "def copartition_datasets(self, axis, other, left_func, right_func):\n", + "\n", + "def map_across_full_axis(self, axis, map_func):\n", + "\n", + "def take(self, axis, n):\n", + "\n", + "def concat(self, axis, other_blocks):\n", + "\n", + "def to_pandas(self, is_transposed=False):\n", + "\n", + "def get_indices(self, axis=0, index_func=None, old_blocks=None):\n", + "\n", + "def _get_blocks_containing_index(self, axis, index):\n", + "\n", + "def _get_dict_of_block_index(self, axis, indices, ordered=False):\n", + "\n", + "def _apply_func_to_list_of_partitions(self, func, partitions, **kwargs):\n", + "\n", + "def apply_func_to_select_indices(self, axis, func, indices, keep_remaining=False):\n", + "\n", + " def local_to_global_idx(partition_id, local_idx):\n", + "\n", + "def inter_data_operation(self, axis, func, other):\n", + "\n", + "def manual_shuffle(self, axis, shuffle_func, lengths):\n", + "\n", + "def read_parquet(path, engine=\"auto\", columns=None, **kwargs):\n", + "\n", + "def _make_parser_func(sep):\n", + "\n", + "def _read(**kwargs):\n", + "\n", + "def read_parquet(cls, path, engine, columns, **kwargs):\n", + "\n", + "def _read(cls, **kwargs):\n", + "\n", + "def auto_select_categorical_features(X, threshold=10):\n", + "\n", + "def _X_selected(X, selected):\n", + "\n", + "def _transform_selected(X, transform, selected, copy=True):\n", + "\n", + "def _matrix_adjust(self, X):\n", + "\n", + "def _fit_transform(self, X):\n", + "\n", + "def fit_transform(self, X, y=None):\n", + "\n", + "def _transform(self, X):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def fit(self, features, target, sample_weight=None, groups=None):\n", + "\n", + " def pareto_eq(ind1, ind2):\n", + "\n", + "def _setup_memory(self):\n", + "\n", + "def _update_top_pipeline(self):\n", + "\n", + "def _summary_of_best_pipeline(self, features, target):\n", + "\n", + "def predict(self, features):\n", + "\n", + "def fit_predict(self, features, target, sample_weight=None, groups=None):\n", + "\n", + "def score(self, testing_features, testing_target):\n", + "\n", + "def predict_proba(self, features):\n", + "\n", + "def clean_pipeline_string(self, individual):\n", + "\n", + "def _check_periodic_pipeline(self, gen):\n", + "\n", + "def export(self, output_file_name, data_file_path=''):\n", + "\n", + "def _impute_values(self, features):\n", + "\n", + "def _check_dataset(self, features, target, sample_weight=None):\n", + "\n", + "def _compile_to_sklearn(self, expr):\n", + "\n", + "def _set_param_recursive(self, pipeline_steps, parameter, value):\n", + "\n", + "def _stop_by_max_time_mins(self):\n", + "\n", + "def _combine_individual_stats(self, operator_count, cv_score, individual_stats):\n", + "\n", + "def _evaluate_individuals(self, population, features, target, sample_weight=None, groups=None):\n", + "\n", + "def _preprocess_individuals(self, individuals):\n", + "\n", + "def _update_evaluated_individuals_(self, result_score_list, eval_individuals_str, operator_counts, stats_dicts):\n", + "\n", + "def _update_pbar(self, pbar_num=1, pbar_msg=None):\n", + "\n", + "def _random_mutation_operator(self, individual, allow_shrink=True):\n", + "\n", + "def _gen_grow_safe(self, pset, min_, max_, type_=None):\n", + "\n", + " def condition(height, depth, type_):\n", + "\n", + "def _operator_count(self, individual):\n", + "\n", + "def _update_val(self, val, result_score_list):\n", + "\n", + "def _generate(self, pset, min_, max_, condition, type_=None):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def fit(self, X, y=None, **fit_params):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def balanced_accuracy(y_true, y_pred):\n", + "\n", + "def transform(self, X, y=None):\n", + "\n", + "def source_decode(sourcecode, verbose=0):\n", + "\n", + "def set_sample_weight(pipeline_steps, sample_weight=None):\n", + "\n", + "def TPOTOperatorClassFactory(opsourse, opdict, BaseClass=Operator, ArgBaseClass=ARGType, verbose=0):\n", + "\n", + " def op_type(cls):\n", + "\n", + " def parameter_types(cls):\n", + "\n", + " def export(cls, *args):\n", + "\n", + "def positive_integer(value):\n", + "\n", + "def float_range(value):\n", + "\n", + "def _get_arg_parser():\n", + "\n", + "def load_scoring_function(scoring_func):\n", + "\n", + "def tpot_driver(args):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def _get_support_mask(self):\n", + "\n", + "def pick_two_individuals_eligible_for_crossover(population):\n", + "\n", + "def mutate_random_individual(population, toolbox):\n", + "\n", + "def varOr(population, toolbox, lambda_, cxpb, mutpb):\n", + "\n", + "def initialize_stats_dict(individual):\n", + "\n", + "def eaMuPlusLambda(population, toolbox, mu, lambda_, cxpb, mutpb, ngen, pbar,\n", + "\n", + "def cxOnePoint(ind1, ind2):\n", + "\n", + "def mutNodeReplacement(individual, pset):\n", + "\n", + "def _wrapped_cross_val_score(sklearn_pipeline, features, target,\n", + "\n", + "def get_by_name(opname, operators):\n", + "\n", + "def export_pipeline(exported_pipeline,\n", + "\n", + "def expr_to_tree(ind, pset):\n", + "\n", + " def prim_to_list(prim, args):\n", + "\n", + "def generate_import_code(pipeline, operators, impute=False):\n", + "\n", + " def merge_imports(old_dict, new_dict):\n", + "\n", + "def generate_pipeline_code(pipeline_tree, operators):\n", + "\n", + "def generate_export_pipeline_code(pipeline_tree, operators):\n", + "\n", + "def _indent(text, amount):\n", + "\n", + "def next(self):\n", + "\n", + "def _verify_params(self):\n", + "\n", + "def _next_page(self):\n", + "\n", + "def _get_query_params(self):\n", + "\n", + "def _get_next_page_response(self):\n", + "\n", + "def _next_page(self):\n", + "\n", + "def _next_page(self):\n", + "\n", + "def _has_next_page(self):\n", + "\n", + "def compare(cls, left, right):\n", + "\n", + "def load_ipython_extension(ipython):\n", + "\n", + "def from_http_status(status_code, message, **kwargs):\n", + "\n", + "def from_http_response(response):\n", + "\n", + "def from_grpc_status(status_code, message, **kwargs):\n", + "\n", + "def from_grpc_error(rpc_exc):\n", + "\n", + "def _request(http, project, method, data, base_url):\n", + "\n", + "def _rpc(http, project, method, base_url, request_pb, response_pb_cls):\n", + "\n", + "def build_api_url(project, method, base_url):\n", + "\n", + "def lookup(self, project_id, keys, read_options=None):\n", + "\n", + "def begin_transaction(self, project_id, transaction_options=None):\n", + "\n", + "def commit(self, project_id, mode, mutations, transaction=None):\n", + "\n", + "def rollback(self, project_id, transaction):\n", + "\n", + "def allocate_ids(self, project_id, keys):\n", + "\n", + "def _mutate_rows_request(table_name, rows, app_profile_id=None):\n", + "\n", + "def _check_row_table_name(table_name, row):\n", + "\n", + "def name(self):\n", + "\n", + "def row(self, row_key, filter_=None, append=False):\n", + "\n", + "def create(self, initial_split_keys=[], column_families={}):\n", + "\n", + "def exists(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def list_column_families(self):\n", + "\n", + "def get_cluster_states(self):\n", + "\n", + "def read_row(self, row_key, filter_=None):\n", + "\n", + "def yield_rows(self, **kwargs):\n", + "\n", + "def mutate_rows(self, rows, retry=DEFAULT_RETRY):\n", + "\n", + "def sample_row_keys(self):\n", + "\n", + "def truncate(self, timeout=None):\n", + "\n", + "def mutations_batcher(self, flush_count=FLUSH_COUNT, max_row_bytes=MAX_ROW_BYTES):\n", + "\n", + "def _do_mutate_retryable_rows(self):\n", + "\n", + "def heartbeat(self):\n", + "\n", + "def scalar_to_query_parameter(value, name=None):\n", + "\n", + "def to_query_parameters_dict(parameters):\n", + "\n", + "def to_query_parameters(parameters):\n", + "\n", + "def _refresh_http(api_request, operation_name):\n", + "\n", + "def _cancel_http(api_request, operation_name):\n", + "\n", + "def from_http_json(operation, api_request, result_type, **kwargs):\n", + "\n", + "def _refresh_grpc(operations_stub, operation_name):\n", + "\n", + "def _cancel_grpc(operations_stub, operation_name):\n", + "\n", + "def from_grpc(operation, operations_stub, result_type, **kwargs):\n", + "\n", + "def from_gapic(operation, operations_client, result_type, **kwargs):\n", + "\n", + "def metadata(self):\n", + "\n", + "def _set_result_from_operation(self):\n", + "\n", + "def _refresh_and_update(self):\n", + "\n", + "def cancelled(self):\n", + "\n", + "def revoke(self, role):\n", + "\n", + "def validate_predefined(cls, predefined):\n", + "\n", + "def entity_from_dict(self, entity_dict):\n", + "\n", + "def get_entity(self, entity, default=None):\n", + "\n", + "def add_entity(self, entity):\n", + "\n", + "def entity(self, entity_type, identifier=None):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def _save(self, acl, predefined, client):\n", + "\n", + "def save(self, acl=None, client=None):\n", + "\n", + "def save_predefined(self, predefined, client=None):\n", + "\n", + "def incident_path(cls, project, incident):\n", + "\n", + "def annotation_path(cls, project, incident, annotation):\n", + "\n", + "def artifact_path(cls, project, incident, artifact):\n", + "\n", + "def role_assignment_path(cls, project, incident, role_assignment):\n", + "\n", + "def subscription_path(cls, project, incident, subscription):\n", + "\n", + "def tag_path(cls, project, incident, tag):\n", + "\n", + "def signal_path(cls, project, signal):\n", + "\n", + "def bigtable_admins(self):\n", + "\n", + "def bigtable_readers(self):\n", + "\n", + "def bigtable_users(self):\n", + "\n", + "def bigtable_viewers(self):\n", + "\n", + "def from_pb(cls, policy_pb):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def _check_ddl_statements(value):\n", + "\n", + "def from_pb(cls, database_pb, instance, pool=None):\n", + "\n", + "def spanner_api(self):\n", + "\n", + "def create(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def reload(self):\n", + "\n", + "def update_ddl(self, ddl_statements, operation_id=\"\"):\n", + "\n", + "def drop(self):\n", + "\n", + "def execute_partitioned_dml(self, dml, params=None, param_types=None):\n", + "\n", + "def batch_snapshot(self, read_timestamp=None, exact_staleness=None):\n", + "\n", + "def run_in_transaction(self, func, *args, **kw):\n", + "\n", + "def from_dict(cls, database, mapping):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def _get_session(self):\n", + "\n", + "def _get_snapshot(self):\n", + "\n", + "def process_read_batch(self, batch):\n", + "\n", + "def process(self, batch):\n", + "\n", + "def location_path(cls, project, location):\n", + "\n", + "def model_path(cls, project, location, model):\n", + "\n", + "def model_evaluation_path(cls, project, location, model, model_evaluation):\n", + "\n", + "def annotation_spec_path(cls, project, location, dataset, annotation_spec):\n", + "\n", + "def table_spec_path(cls, project, location, dataset, table_spec):\n", + "\n", + "def column_spec_path(cls, project, location, dataset, table_spec, column_spec):\n", + "\n", + "def exponential_sleep_generator(initial, maximum, multiplier=_DEFAULT_DELAY_MULTIPLIER):\n", + "\n", + "def retry_target(target, predicate, sleep_generator, deadline, on_error=None):\n", + "\n", + "def open(self):\n", + "\n", + "def close(self):\n", + "\n", + "def send(self, request):\n", + "\n", + "def _recoverable(self, method, *args, **kwargs):\n", + "\n", + "def start(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def resume(self):\n", + "\n", + "def project_path(cls, user, project):\n", + "\n", + "def fingerprint_path(cls, user, fingerprint):\n", + "\n", + "def _gc_rule_from_pb(gc_rule_pb):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def create(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def _maybe_wrap_exception(exception):\n", + "\n", + "def close(self, reason=None):\n", + "\n", + "def _on_rpc_done(self, future):\n", + "\n", + "def on_snapshot(self, proto):\n", + "\n", + "def push(self, read_time, next_resume_token):\n", + "\n", + "def _current_size(self):\n", + "\n", + "def _reset_docs(self):\n", + "\n", + "def _build_label_filter(category, *args, **kwargs):\n", + "\n", + "def select_interval(self, end_time, start_time=None):\n", + "\n", + "def select_group(self, group_id):\n", + "\n", + "def select_projects(self, *args):\n", + "\n", + "def select_resources(self, *args, **kwargs):\n", + "\n", + "def select_metrics(self, *args, **kwargs):\n", + "\n", + "def align(self, per_series_aligner, seconds=0, minutes=0, hours=0):\n", + "\n", + "def reduce(self, cross_series_reducer, *group_by_fields):\n", + "\n", + "def iter(self, headers_only=False, page_size=None):\n", + "\n", + "def _build_query_params(self, headers_only=False, page_size=None):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def set_properties_from_api_repr(self, resource):\n", + "\n", + "def create(self, client=None):\n", + "\n", + "def update(self, client=None):\n", + "\n", + "def delete(self, client=None, reload_data=False):\n", + "\n", + "def _get_meaning(value_pb, is_list=False):\n", + "\n", + "def entity_from_protobuf(pb):\n", + "\n", + "def _set_pb_meaning_from_entity(entity, name, value, value_pb, is_list=False):\n", + "\n", + "def entity_to_protobuf(entity):\n", + "\n", + "def get_read_options(eventual, transaction_id):\n", + "\n", + "def key_from_protobuf(pb):\n", + "\n", + "def _pb_attr_value(val):\n", + "\n", + "def _get_value_from_value_pb(value_pb):\n", + "\n", + "def _set_protobuf_value(value_pb, val):\n", + "\n", + "def to_protobuf(self):\n", + "\n", + "def from_api_repr(cls, resource, client, loggers=None):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def TimeFromTicks(ticks, tz=None):\n", + "\n", + "def registry_path(cls, project, location, registry):\n", + "\n", + "def device_path(cls, project, location, registry, device):\n", + "\n", + "def queue_path(cls, project, location, queue):\n", + "\n", + "def task_path(cls, project, location, queue, task):\n", + "\n", + "def _exponential_timeout_generator(initial, maximum, multiplier, deadline):\n", + "\n", + "def _format_operation_list(operation, parameters):\n", + "\n", + "def _format_operation_dict(operation, parameters):\n", + "\n", + "def _format_operation(operation, parameters=None):\n", + "\n", + "def _set_description(self, schema):\n", + "\n", + "def _set_rowcount(self, query_results):\n", + "\n", + "def execute(self, operation, parameters=None, job_id=None):\n", + "\n", + "def _try_fetch(self, size=None):\n", + "\n", + "def fetchmany(self, size=None):\n", + "\n", + "def create_channel(cls, address=\"spanner.googleapis.com:443\", credentials=None):\n", + "\n", + "def _update_from_api_repr(self, resource):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def create(self, client=None, unique_writer_identity=False):\n", + "\n", + "def exists(self, client=None):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def update(self, client=None, unique_writer_identity=False):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def _merge_array(lhs, rhs, type_):\n", + "\n", + "def _merge_struct(lhs, rhs, type_):\n", + "\n", + "def _merge_by_type(lhs, rhs, type_):\n", + "\n", + "def _merge_chunk(self, value):\n", + "\n", + "def _merge_values(self, values):\n", + "\n", + "def _consume_next(self):\n", + "\n", + "def one_or_none(self):\n", + "\n", + "def product_set_path(cls, project, location, product_set):\n", + "\n", + "def product_path(cls, project, location, product):\n", + "\n", + "def reference_image_path(cls, project, location, product, reference_image):\n", + "\n", + "def _parse_log_entry(entry_pb):\n", + "\n", + "def _item_to_entry(iterator, entry_pb, loggers):\n", + "\n", + "def _item_to_sink(iterator, log_sink_pb):\n", + "\n", + "def _item_to_metric(iterator, log_metric_pb):\n", + "\n", + "def make_logging_api(client):\n", + "\n", + "def make_metrics_api(client):\n", + "\n", + "def make_sinks_api(client):\n", + "\n", + "def write_entries(self, entries, logger_name=None, resource=None, labels=None):\n", + "\n", + "def logger_delete(self, project, logger_name):\n", + "\n", + "def list_sinks(self, project, page_size=0, page_token=None):\n", + "\n", + "def sink_get(self, project, sink_name):\n", + "\n", + "def sink_delete(self, project, sink_name):\n", + "\n", + "def list_metrics(self, project, page_size=0, page_token=None):\n", + "\n", + "def metric_create(self, project, metric_name, filter_, description):\n", + "\n", + "def metric_get(self, project, metric_name):\n", + "\n", + "def metric_update(self, project, metric_name, filter_, description):\n", + "\n", + "def metric_delete(self, project, metric_name):\n", + "\n", + "def tenant_path(cls, project, tenant):\n", + "\n", + "def _apply_decorators(func, decorators):\n", + "\n", + "def _determine_timeout(default_timeout, specified_timeout, retry):\n", + "\n", + " def get_topic(name, timeout=None):\n", + "\n", + "def _validate_name(name):\n", + "\n", + "def _scalar_property(fieldname):\n", + "\n", + " def _getter(self):\n", + "\n", + " def _setter(self, value):\n", + "\n", + "def _write_buffer_to_hash(buffer_object, hash_obj, digest_block_size=8192):\n", + "\n", + "def _base64_md5hash(buffer_object):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def _patch_property(self, name, value):\n", + "\n", + "def patch(self, client=None):\n", + "\n", + "def update(self, client=None):\n", + "\n", + "def start(self):\n", + "\n", + "def dispatch_callback(self, items):\n", + "\n", + "def ack(self, items):\n", + "\n", + "def drop(self, items):\n", + "\n", + "def lease(self, items):\n", + "\n", + "def modify_ack_deadline(self, items):\n", + "\n", + "def nack(self, items):\n", + "\n", + "def instance_path(cls, project, instance):\n", + "\n", + "def app_profile_path(cls, project, instance, app_profile):\n", + "\n", + "def cluster_path(cls, project, instance, cluster):\n", + "\n", + "def annotation_spec_set_path(cls, project, annotation_spec_set):\n", + "\n", + "def dataset_path(cls, project, dataset):\n", + "\n", + "def annotated_dataset_path(cls, project, dataset, annotated_dataset):\n", + "\n", + "def example_path(cls, project, dataset, annotated_dataset, example):\n", + "\n", + "def data_item_path(cls, project, dataset, data_item):\n", + "\n", + "def instruction_path(cls, project, instruction):\n", + "\n", + "def from_api_repr(cls, resource, config):\n", + "\n", + "def full_name(self):\n", + "\n", + "def value(self):\n", + "\n", + "def update_time(self):\n", + "\n", + "def _set_properties(self, resource):\n", + "\n", + "def from_any_pb(pb_type, any_pb):\n", + "\n", + "def get_messages(module):\n", + "\n", + "def _resolve_subkeys(key, separator=\".\"):\n", + "\n", + "def get(msg_or_dict, key, default=_SENTINEL):\n", + "\n", + "def _set_field_on_message(msg, key, value):\n", + "\n", + "def set(msg_or_dict, key, value):\n", + "\n", + "def setdefault(msg_or_dict, key, value):\n", + "\n", + "def field_mask(original, modified):\n", + "\n", + "def topic_path(cls, project, topic):\n", + "\n", + "def snapshot_path(cls, project, snapshot):\n", + "\n", + "def _new_session(self):\n", + "\n", + "def bind(self, database):\n", + "\n", + "def clear(self):\n", + "\n", + "def get(self):\n", + "\n", + "def put(self, session):\n", + "\n", + "def bind(self, database):\n", + "\n", + "def put(self, session):\n", + "\n", + "def ping(self):\n", + "\n", + "def bind(self, database):\n", + "\n", + "def put(self, session):\n", + "\n", + "def begin_pending_transactions(self):\n", + "\n", + "def emit(self, record):\n", + "\n", + "def _query_param_from_api_repr(resource):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def _set_properties(self, api_response):\n", + "\n", + "def format(self, record):\n", + "\n", + "def _commit_with_retry(client, write_pbs, transaction_id):\n", + "\n", + "def _sleep(current_sleep, max_sleep=_MAX_SLEEP, multiplier=_MULTIPLIER):\n", + "\n", + "def _add_write_pbs(self, write_pbs):\n", + "\n", + "def _options_protobuf(self, retry_id):\n", + "\n", + "def _begin(self, retry_id=None):\n", + "\n", + "def _rollback(self):\n", + "\n", + "def _commit(self):\n", + "\n", + "def _pre_commit(self, transaction, *args, **kwargs):\n", + "\n", + "def _maybe_commit(self, transaction):\n", + "\n", + "def profile_path(cls, project, tenant, profile):\n", + "\n", + "def from_service_account_json(cls, json_credentials_path, *args, **kwargs):\n", + "\n", + "def _http(self):\n", + "\n", + "def alert_policy_path(cls, project, alert_policy):\n", + "\n", + "def alert_policy_condition_path(cls, project, alert_policy, condition):\n", + "\n", + "def _get_many(queue_, max_items=None, max_latency=0):\n", + "\n", + "def _error_result_to_exception(error_result):\n", + "\n", + "def _from_api_repr(cls, resource):\n", + "\n", + "def created(self):\n", + "\n", + "def started(self):\n", + "\n", + "def ended(self):\n", + "\n", + "def _job_statistics(self):\n", + "\n", + "def _set_properties(self, api_response):\n", + "\n", + "def _get_resource_config(cls, resource):\n", + "\n", + "def _begin(self, client=None, retry=DEFAULT_RETRY):\n", + "\n", + "def exists(self, client=None, retry=DEFAULT_RETRY):\n", + "\n", + "def reload(self, client=None, retry=DEFAULT_RETRY):\n", + "\n", + "def cancel(self, client=None):\n", + "\n", + "def _set_future_result(self):\n", + "\n", + "def done(self, retry=DEFAULT_RETRY):\n", + "\n", + "def result(self, timeout=None, retry=DEFAULT_RETRY):\n", + "\n", + "def _get_sub_prop(self, key, default=None):\n", + "\n", + "def _set_sub_prop(self, key, value):\n", + "\n", + "def _del_sub_prop(self, key):\n", + "\n", + "def _fill_from_default(self, default_job_config):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def destination_encryption_configuration(self):\n", + "\n", + "def schema(self):\n", + "\n", + "def time_partitioning(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def destination_uri_file_counts(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def default_dataset(self):\n", + "\n", + "def destination(self):\n", + "\n", + "def table_definitions(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def query_plan(self):\n", + "\n", + "def timeline(self):\n", + "\n", + "def total_bytes_processed(self):\n", + "\n", + "def total_bytes_billed(self):\n", + "\n", + "def ddl_target_table(self):\n", + "\n", + "def num_dml_affected_rows(self):\n", + "\n", + "def referenced_tables(self):\n", + "\n", + "def undeclared_query_parameters(self):\n", + "\n", + "def estimated_bytes_processed(self):\n", + "\n", + "def done(self, retry=DEFAULT_RETRY):\n", + "\n", + "def result(self, timeout=None, retry=DEFAULT_RETRY):\n", + "\n", + "def to_dataframe(self, bqstorage_client=None, dtypes=None, progress_bar_type=None):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def start(self):\n", + "\n", + "def end(self):\n", + "\n", + "def input_stages(self):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def description(self, value):\n", + "\n", + "def name_server_set(self, value):\n", + "\n", + "def resource_record_set(self, name, record_type, ttl, rrdatas):\n", + "\n", + "def _set_properties(self, api_response):\n", + "\n", + "def _build_resource(self):\n", + "\n", + "def create(self, client=None):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def list_resource_record_sets(self, max_results=None, page_token=None, client=None):\n", + "\n", + "def annotate_image(self, request, retry=None, timeout=None):\n", + "\n", + "def delete_model(client, model_id):\n", + "\n", + "def list_models(client, dataset_id):\n", + "\n", + "def job_path(cls, project, jobs):\n", + "\n", + "def _compute_type_url(klass, prefix=_GOOGLE_APIS_PREFIX):\n", + "\n", + "def register_type(klass, type_url=None):\n", + "\n", + "def _from_any(any_pb):\n", + "\n", + "def from_pb(cls, operation_pb, client, **caller_metadata):\n", + "\n", + "def from_dict(cls, operation, client, **caller_metadata):\n", + "\n", + "def _get_operation_rpc(self):\n", + "\n", + "def _get_operation_http(self):\n", + "\n", + "def _update_state(self, operation_pb):\n", + "\n", + "def poll(self):\n", + "\n", + "def _parse_rmw_row_response(row_response):\n", + "\n", + "def _parse_family_pb(family_pb):\n", + "\n", + "def _set_cell(self, column_family_id, column, value, timestamp=None, state=None):\n", + "\n", + "def _delete(self, state=None):\n", + "\n", + "def _delete_cells(self, column_family_id, columns, time_range=None, state=None):\n", + "\n", + "def get_mutations_size(self):\n", + "\n", + "def set_cell(self, column_family_id, column, value, timestamp=None):\n", + "\n", + "def delete_cell(self, column_family_id, column, time_range=None):\n", + "\n", + "def delete_cells(self, column_family_id, columns, time_range=None):\n", + "\n", + "def commit(self):\n", + "\n", + "def append_cell_value(self, column_family_id, column, value):\n", + "\n", + "def increment_cell_value(self, column_family_id, column, int_value):\n", + "\n", + "def commit(self):\n", + "\n", + "def _retry_from_retry_config(retry_params, retry_codes):\n", + "\n", + "def _timeout_from_retry_config(retry_params):\n", + "\n", + "def parse_method_configs(interface_config):\n", + "\n", + "def done(self):\n", + "\n", + "def exception(self, timeout=None):\n", + "\n", + "def add_done_callback(self, fn):\n", + "\n", + "def set_result(self, result):\n", + "\n", + "def set_exception(self, exception):\n", + "\n", + "def _trigger(self):\n", + "\n", + "def qualifier_encoded(self):\n", + "\n", + "def columns(self):\n", + "\n", + "def column_families(self):\n", + "\n", + "def schema(self):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def lint(session):\n", + "\n", + "def system(session):\n", + "\n", + "def docs(session):\n", + "\n", + "def _enum_from_op_string(op_string):\n", + "\n", + "def _enum_from_direction(direction):\n", + "\n", + "def _filter_pb(field_or_unary):\n", + "\n", + "def _cursor_pb(cursor_pair):\n", + "\n", + "def _query_response_to_snapshot(response_pb, collection, expected_prefix):\n", + "\n", + "def select(self, field_paths):\n", + "\n", + "def where(self, field_path, op_string, value):\n", + "\n", + "def _make_order(field_path, direction):\n", + "\n", + "def order_by(self, field_path, direction=ASCENDING):\n", + "\n", + "def limit(self, count):\n", + "\n", + "def offset(self, num_to_skip):\n", + "\n", + "def _cursor_helper(self, document_fields, before, start):\n", + "\n", + "def start_at(self, document_fields):\n", + "\n", + "def start_after(self, document_fields):\n", + "\n", + "def end_before(self, document_fields):\n", + "\n", + "def end_at(self, document_fields):\n", + "\n", + "def _filters_pb(self):\n", + "\n", + "def _normalize_projection(projection):\n", + "\n", + "def _normalize_orders(self):\n", + "\n", + "def _normalize_cursor(self, cursor, orders):\n", + "\n", + "def _to_protobuf(self):\n", + "\n", + "def get(self, transaction=None):\n", + "\n", + "def stream(self, transaction=None):\n", + "\n", + "def on_snapshot(self, callback):\n", + "\n", + " def on_snapshot(docs, changes, read_time):\n", + "\n", + "def _get_model_reference(self, model_id):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def from_string(cls, dataset_id, default_project=None):\n", + "\n", + "def access_entries(self):\n", + "\n", + "def created(self):\n", + "\n", + "def modified(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def _blobs_page_start(iterator, page, response):\n", + "\n", + "def _item_to_blob(iterator, item):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def from_api_repr(cls, resource, bucket):\n", + "\n", + "def bucket_policy_only_locked_time(self):\n", + "\n", + "def _set_properties(self, value):\n", + "\n", + "def create(self, client=None, project=None, location=None):\n", + "\n", + "def patch(self, client=None):\n", + "\n", + "def list_notifications(self, client=None):\n", + "\n", + "def delete(self, force=False, client=None):\n", + "\n", + "def delete_blob(self, blob_name, client=None, generation=None):\n", + "\n", + "def delete_blobs(self, blobs, on_error=None, client=None):\n", + "\n", + "def rename_blob(self, blob, new_name, client=None):\n", + "\n", + "def default_kms_key_name(self, value):\n", + "\n", + "def labels(self):\n", + "\n", + "def labels(self, mapping):\n", + "\n", + "def iam_configuration(self):\n", + "\n", + "def lifecycle_rules(self):\n", + "\n", + "def lifecycle_rules(self, rules):\n", + "\n", + "def add_lifecycle_delete_rule(self, **kw):\n", + "\n", + "def add_lifecycle_set_storage_class_rule(self, storage_class, **kw):\n", + "\n", + "def location(self, value):\n", + "\n", + "def enable_logging(self, bucket_name, object_prefix=\"\"):\n", + "\n", + "def retention_policy_effective_time(self):\n", + "\n", + "def retention_period(self):\n", + "\n", + "def retention_period(self, value):\n", + "\n", + "def storage_class(self, value):\n", + "\n", + "def configure_website(self, main_page_suffix=None, not_found_page=None):\n", + "\n", + "def get_iam_policy(self, client=None):\n", + "\n", + "def set_iam_policy(self, policy, client=None):\n", + "\n", + "def make_private(self, recursive=False, future=False, client=None):\n", + "\n", + "def generate_upload_policy(self, conditions, expiration=None, client=None):\n", + "\n", + "def lock_retention_policy(self, client=None):\n", + "\n", + "def to_microseconds(value):\n", + "\n", + "def from_rfc3339(value):\n", + "\n", + "def from_rfc3339_nanos(value):\n", + "\n", + "def rfc3339(self):\n", + "\n", + "def from_rfc3339(cls, stamp):\n", + "\n", + "def timestamp_pb(self):\n", + "\n", + "def from_timestamp_pb(cls, stamp):\n", + "\n", + "def commit(self):\n", + "\n", + "def _commit(self):\n", + "\n", + "def monitor(self):\n", + "\n", + "def publish(self, message):\n", + "\n", + "def from_api_repr(cls, resource, zone):\n", + "\n", + "def _set_properties(self, resource):\n", + "\n", + "def path(self):\n", + "\n", + "def name(self, value):\n", + "\n", + "def add_record_set(self, record_set):\n", + "\n", + "def delete_record_set(self, record_set):\n", + "\n", + "def _build_resource(self):\n", + "\n", + "def create(self, client=None):\n", + "\n", + "def logging_api(self):\n", + "\n", + "def sinks_api(self):\n", + "\n", + "def metrics_api(self):\n", + "\n", + "def sink(self, name, filter_=None, destination=None):\n", + "\n", + "def list_sinks(self, page_size=None, page_token=None):\n", + "\n", + "def metric(self, name, filter_=None, description=\"\"):\n", + "\n", + "def list_metrics(self, page_size=None, page_token=None):\n", + "\n", + "def get_default_handler(self, **kw):\n", + "\n", + "def key_ring_path(cls, project, location, key_ring):\n", + "\n", + "def crypto_key_path_path(cls, project, location, key_ring, crypto_key_path):\n", + "\n", + "def span_path(cls, project, trace, span):\n", + "\n", + "def _wrap_callback_errors(callback, message):\n", + "\n", + "def ack_deadline(self):\n", + "\n", + "def load(self):\n", + "\n", + "def maybe_pause_consumer(self):\n", + "\n", + "def maybe_resume_consumer(self):\n", + "\n", + "def _send_unary_request(self, request):\n", + "\n", + "def send(self, request):\n", + "\n", + "def heartbeat(self):\n", + "\n", + "def open(self, callback):\n", + "\n", + "def close(self, reason=None):\n", + "\n", + "def _get_initial_request(self):\n", + "\n", + "def _on_response(self, response):\n", + "\n", + "def _should_recover(self, exception):\n", + "\n", + "def create(self, reference, document_data):\n", + "\n", + "def set(self, reference, document_data, merge=False):\n", + "\n", + "def update(self, reference, field_updates, option=None):\n", + "\n", + "def delete(self, reference, option=None):\n", + "\n", + "def commit(self):\n", + "\n", + "def _ensure_tuple_or_list(arg_name, tuple_or_list):\n", + "\n", + "def _microseconds_from_datetime(value):\n", + "\n", + "def _time_from_iso8601_time_naive(value):\n", + "\n", + "def _rfc3339_to_datetime(dt_str):\n", + "\n", + "def _rfc3339_nanos_to_datetime(dt_str):\n", + "\n", + "def _datetime_to_rfc3339(value, ignore_zone=True):\n", + "\n", + "def _to_bytes(value, encoding=\"ascii\"):\n", + "\n", + "def _bytes_to_unicode(value):\n", + "\n", + "def _from_any_pb(pb_type, any_pb):\n", + "\n", + "def _pb_timestamp_to_datetime(timestamp_pb):\n", + "\n", + "def _datetime_to_pb_timestamp(when):\n", + "\n", + "def _duration_pb_to_timedelta(duration_pb):\n", + "\n", + "def _name_from_project_path(path, project, template):\n", + "\n", + "def make_secure_channel(credentials, user_agent, host, extra_options=()):\n", + "\n", + "def make_secure_stub(credentials, user_agent, stub_class, host, extra_options=()):\n", + "\n", + "def make_insecure_stub(stub_class, host, port=None):\n", + "\n", + "def fromutc(self, dt):\n", + "\n", + "def add_single_feature_methods(cls):\n", + "\n", + "def _create_single_feature_method(feature):\n", + "\n", + " def inner(self, image, max_results=None, retry=None, timeout=None, **kwargs):\n", + "\n", + "def schedule(self, callback, *args, **kwargs):\n", + "\n", + "def shutdown(self):\n", + "\n", + "def _item_to_document_ref(iterator, item):\n", + "\n", + "def parent(self):\n", + "\n", + "def document(self, document_id=None):\n", + "\n", + "def _parent_info(self):\n", + "\n", + "def add(self, document_data, document_id=None):\n", + "\n", + "def list_documents(self, page_size=None):\n", + "\n", + "def select(self, field_paths):\n", + "\n", + "def where(self, field_path, op_string, value):\n", + "\n", + "def order_by(self, field_path, **kwargs):\n", + "\n", + "def limit(self, count):\n", + "\n", + "def offset(self, num_to_skip):\n", + "\n", + "def start_at(self, document_fields):\n", + "\n", + "def start_after(self, document_fields):\n", + "\n", + "def end_before(self, document_fields):\n", + "\n", + "def end_at(self, document_fields):\n", + "\n", + "def stream(self, transaction=None):\n", + "\n", + "def get_languages(self, target_language=None):\n", + "\n", + "def detect_language(self, values):\n", + "\n", + "def add(self, items):\n", + "\n", + "def remove(self, items):\n", + "\n", + "def maintain_leases(self):\n", + "\n", + "def make_report_error_api(client):\n", + "\n", + "def report_error_event(self, error_report):\n", + "\n", + "def table_path(cls, project, instance, table):\n", + "\n", + "def _update_from_pb(self, instance_pb):\n", + "\n", + "def name(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def reload(self):\n", + "\n", + "def update(self):\n", + "\n", + "def get_iam_policy(self):\n", + "\n", + "def set_iam_policy(self, policy):\n", + "\n", + "def list_clusters(self):\n", + "\n", + "def table(self, table_id, mutation_timeout=None, app_profile_id=None):\n", + "\n", + "def list_tables(self):\n", + "\n", + "def list_app_profiles(self):\n", + "\n", + "def system(session):\n", + "\n", + "def _reference_getter(table):\n", + "\n", + "def _view_use_legacy_sql_getter(table):\n", + "\n", + "def _row_from_mapping(mapping, schema):\n", + "\n", + "def _item_to_row(iterator, resource):\n", + "\n", + "def _rows_page_start(iterator, page, response):\n", + "\n", + "def _table_arg_to_table_ref(value, default_project=None):\n", + "\n", + "def _table_arg_to_table(value, default_project=None):\n", + "\n", + "def from_string(cls, table_id, default_project=None):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_bqstorage(self):\n", + "\n", + "def encryption_configuration(self):\n", + "\n", + "def time_partitioning(self):\n", + "\n", + "def partition_expiration(self):\n", + "\n", + "def clustering_fields(self):\n", + "\n", + "def clustering_fields(self, value):\n", + "\n", + "def expires(self):\n", + "\n", + "def external_data_configuration(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def partitioning_type(self):\n", + "\n", + "def items(self):\n", + "\n", + "def get(self, key, default=None):\n", + "\n", + "def _get_next_page_response(self):\n", + "\n", + "def _to_dataframe_tabledata_list(self, dtypes, progress_bar=None):\n", + "\n", + "def _to_dataframe_bqstorage(self, bqstorage_client, dtypes, progress_bar=None):\n", + "\n", + " def get_frames(pool):\n", + "\n", + "def _get_progress_bar(self, progress_bar_type):\n", + "\n", + "def to_dataframe(self, bqstorage_client=None, dtypes=None, progress_bar_type=None):\n", + "\n", + "def to_dataframe(self, bqstorage_client=None, dtypes=None, progress_bar_type=None):\n", + "\n", + "def from_api_repr(cls, api_repr):\n", + "\n", + "def _generate_faux_mime_message(parser, response):\n", + "\n", + "def _unpack_batch_response(response):\n", + "\n", + "def _do_request(self, method, url, headers, data, target_object):\n", + "\n", + "def _prepare_batch_request(self):\n", + "\n", + "def _finish_futures(self, responses):\n", + "\n", + "def finish(self):\n", + "\n", + "def _restart_on_unavailable(restart):\n", + "\n", + "def read(self, table, columns, keyset, index=\"\", limit=0, partition=None):\n", + "\n", + "def _make_txn_selector(self):\n", + "\n", + "def begin(self):\n", + "\n", + "def to_user_agent(self):\n", + "\n", + "def make_trace_api(client):\n", + "\n", + "def patch_traces(self, project_id, traces):\n", + "\n", + "def get_trace(self, project_id, trace_id):\n", + "\n", + "def _item_to_bucket(iterator, item):\n", + "\n", + "def create_anonymous_client(cls):\n", + "\n", + "def get_service_account_email(self, project=None):\n", + "\n", + "def bucket(self, bucket_name, user_project=None):\n", + "\n", + "def get_bucket(self, bucket_name):\n", + "\n", + "def create_bucket(self, bucket_name, requester_pays=None, project=None):\n", + "\n", + "def _make_job_id(job_id, prefix=None):\n", + "\n", + "def _check_mode(stream):\n", + "\n", + "def get_service_account_email(self, project=None):\n", + "\n", + "def list_projects(self, max_results=None, page_token=None, retry=DEFAULT_RETRY):\n", + "\n", + "def dataset(self, dataset_id, project=None):\n", + "\n", + "def create_dataset(self, dataset, exists_ok=False, retry=DEFAULT_RETRY):\n", + "\n", + "def create_table(self, table, exists_ok=False, retry=DEFAULT_RETRY):\n", + "\n", + "def get_dataset(self, dataset_ref, retry=DEFAULT_RETRY):\n", + "\n", + "def get_model(self, model_ref, retry=DEFAULT_RETRY):\n", + "\n", + "def get_table(self, table, retry=DEFAULT_RETRY):\n", + "\n", + "def update_dataset(self, dataset, fields, retry=DEFAULT_RETRY):\n", + "\n", + "def update_model(self, model, fields, retry=DEFAULT_RETRY):\n", + "\n", + "def update_table(self, table, fields, retry=DEFAULT_RETRY):\n", + "\n", + "def delete_model(self, model, retry=DEFAULT_RETRY, not_found_ok=False):\n", + "\n", + "def delete_table(self, table, retry=DEFAULT_RETRY, not_found_ok=False):\n", + "\n", + "def job_from_resource(self, resource):\n", + "\n", + "def cancel_job(self, job_id, project=None, location=None, retry=DEFAULT_RETRY):\n", + "\n", + "def _do_resumable_upload(self, stream, metadata, num_retries):\n", + "\n", + "def _initiate_resumable_upload(self, stream, metadata, num_retries):\n", + "\n", + "def _do_multipart_upload(self, stream, metadata, size, num_retries):\n", + "\n", + "def insert_rows(self, table, rows, selected_fields=None, **kwargs):\n", + "\n", + "def list_partitions(self, table, retry=DEFAULT_RETRY):\n", + "\n", + "def _schema_from_json_file_object(self, file_obj):\n", + "\n", + "def _schema_to_json_file_object(self, schema_list, file_obj):\n", + "\n", + "def schema_from_json(self, file_or_path):\n", + "\n", + "def schema_to_json(self, schema_list, destination):\n", + "\n", + "def _update_from_pb(self, instance_pb):\n", + "\n", + "def from_pb(cls, instance_pb, client):\n", + "\n", + "def copy(self):\n", + "\n", + "def create(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def reload(self):\n", + "\n", + "def update(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def database(self, database_id, ddl_statements=(), pool=None):\n", + "\n", + "def list_databases(self, page_size=None, page_token=None):\n", + "\n", + "def _item_to_database(self, iterator, database_pb):\n", + "\n", + "def _blocking_poll(self, timeout=None):\n", + "\n", + "def result(self, timeout=None):\n", + "\n", + "def add_done_callback(self, fn):\n", + "\n", + "def _invoke_callbacks(self, *args, **kwargs):\n", + "\n", + "def set_result(self, result):\n", + "\n", + "def set_exception(self, exception):\n", + "\n", + "def build_flask_context(request):\n", + "\n", + "def instantiate_client(_unused_client, _unused_to_delete):\n", + "\n", + "def logger_usage(client, to_delete):\n", + "\n", + " def _logger_delete():\n", + "\n", + "def metric_crud(client, to_delete):\n", + "\n", + " def _metric_delete():\n", + "\n", + "def sink_storage(client, to_delete):\n", + "\n", + "def sink_bigquery(client, to_delete):\n", + "\n", + "def sink_pubsub(client, to_delete):\n", + "\n", + "def complain(distribution_name):\n", + "\n", + "def _get_encryption_headers(key, source=False):\n", + "\n", + "def _raise_from_invalid_response(error):\n", + "\n", + "def _add_query_parameters(base_url, name_value_pairs):\n", + "\n", + "def chunk_size(self, value):\n", + "\n", + "def path(self):\n", + "\n", + "def _query_params(self):\n", + "\n", + "def public_url(self):\n", + "\n", + "def exists(self, client=None):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def _get_download_url(self):\n", + "\n", + "def download_to_file(self, file_obj, client=None, start=None, end=None):\n", + "\n", + "def download_to_filename(self, filename, client=None, start=None, end=None):\n", + "\n", + "def download_as_string(self, client=None, start=None, end=None):\n", + "\n", + "def _get_content_type(self, content_type, filename=None):\n", + "\n", + "def _get_writable_metadata(self):\n", + "\n", + "def _get_upload_arguments(self, content_type):\n", + "\n", + "def make_public(self, client=None):\n", + "\n", + "def make_private(self, client=None):\n", + "\n", + "def compose(self, sources, client=None):\n", + "\n", + "def rewrite(self, source, token=None, client=None):\n", + "\n", + "def update_storage_class(self, new_class, client=None):\n", + "\n", + "def verify_path(path, is_collection):\n", + "\n", + "def encode_value(value):\n", + "\n", + "def encode_dict(values_dict):\n", + "\n", + "def reference_value_to_document(reference_value, client):\n", + "\n", + "def decode_value(value, client):\n", + "\n", + "def decode_dict(value_fields, client):\n", + "\n", + "def get_doc_id(document_pb, expected_prefix):\n", + "\n", + "def extract_fields(document_data, prefix_path, expand_dots=False):\n", + "\n", + "def set_field_value(document_data, field_path, value):\n", + "\n", + "def pbs_for_create(document_path, document_data):\n", + "\n", + "def pbs_for_set_no_merge(document_path, document_data):\n", + "\n", + "def pbs_for_set_with_merge(document_path, document_data, merge):\n", + "\n", + "def pbs_for_update(document_path, field_updates, option):\n", + "\n", + "def pb_for_delete(document_path, option):\n", + "\n", + "def get_transaction_id(transaction, read_operation=True):\n", + "\n", + "def modify_write(self, write_pb, **unused_kwargs):\n", + "\n", + "def modify_write(self, write_pb, **unused_kwargs):\n", + "\n", + "def uptime_check_config_path(cls, project, uptime_check_config):\n", + "\n", + "def owners(self):\n", + "\n", + "def owners(self, value):\n", + "\n", + "def editors(self):\n", + "\n", + "def editors(self, value):\n", + "\n", + "def viewers(self):\n", + "\n", + "def viewers(self, value):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def _reference_info(references):\n", + "\n", + "def _get_reference(document_path, reference_map):\n", + "\n", + "def _parse_batch_get(get_doc_response, reference_map, client):\n", + "\n", + "def _firestore_api(self):\n", + "\n", + "def _database_string(self):\n", + "\n", + "def _rpc_metadata(self):\n", + "\n", + "def collection(self, *collection_path):\n", + "\n", + "def document(self, *document_path):\n", + "\n", + "def write_option(**kwargs):\n", + "\n", + "def get_all(self, references, field_paths=None, transaction=None):\n", + "\n", + "def collections(self):\n", + "\n", + "def _check_state(self):\n", + "\n", + "def begin(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def commit(self):\n", + "\n", + "def _make_params_pb(params, param_types):\n", + "\n", + "def execute_update(self, dml, params=None, param_types=None, query_mode=None):\n", + "\n", + "def batch_update(self, statements):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def to_pb(self):\n", + "\n", + "def organization_deidentify_template_path(cls, organization, deidentify_template):\n", + "\n", + "def project_deidentify_template_path(cls, project, deidentify_template):\n", + "\n", + "def organization_inspect_template_path(cls, organization, inspect_template):\n", + "\n", + "def project_inspect_template_path(cls, project, inspect_template):\n", + "\n", + "def project_job_trigger_path(cls, project, job_trigger):\n", + "\n", + "def dlp_job_path(cls, project, dlp_job):\n", + "\n", + "def organization_stored_info_type_path(cls, organization, stored_info_type):\n", + "\n", + "def project_stored_info_type_path(cls, project, stored_info_type):\n", + "\n", + "def trace_api(self):\n", + "\n", + "def batch_write_spans(self, name, spans, retry=None, timeout=None):\n", + "\n", + "def report_error_event(self, error_report):\n", + "\n", + "def to_routing_header(params):\n", + "\n", + "def _streaming_request_iterable(self, config, requests):\n", + "\n", + "def project_data_source_path(cls, project, data_source):\n", + "\n", + "def project_transfer_config_path(cls, project, transfer_config):\n", + "\n", + "def project_run_path(cls, project, transfer_config, run):\n", + "\n", + "def asset_path(cls, organization, asset):\n", + "\n", + "def asset_security_marks_path(cls, organization, asset):\n", + "\n", + "def source_path(cls, organization, source):\n", + "\n", + "def finding_path(cls, organization, source, finding):\n", + "\n", + "def write_entries(self, entries, logger_name=None, resource=None, labels=None):\n", + "\n", + "def logger_delete(self, project, logger_name):\n", + "\n", + "def list_sinks(self, project, page_size=None, page_token=None):\n", + "\n", + "def sink_get(self, project, sink_name):\n", + "\n", + "def sink_delete(self, project, sink_name):\n", + "\n", + "def list_metrics(self, project, page_size=None, page_token=None):\n", + "\n", + "def metric_create(self, project, metric_name, filter_, description=None):\n", + "\n", + "def metric_get(self, project, metric_name):\n", + "\n", + "def metric_delete(self, project, metric_name):\n", + "\n", + "def _update_message_request(self, message):\n", + "\n", + "def _key(self):\n", + "\n", + "def get_range_kwargs(self):\n", + "\n", + "def report_errors_api(self):\n", + "\n", + "def report(self, message, http_context=None, user=None):\n", + "\n", + "def report_exception(self, http_context=None, user=None):\n", + "\n", + "def current(self):\n", + "\n", + "def begin(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def put(self, entity):\n", + "\n", + "def from_api_repr(cls, resource, client):\n", + "\n", + "def create(self, client=None):\n", + "\n", + "def exists(self, client=None):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def update(self, client=None):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def _dict_mapping_to_pb(mapping, proto_type):\n", + "\n", + "def _span_attrs_to_pb(span_attr, proto_type):\n", + "\n", + "def _value_to_pb(value, proto_type):\n", + "\n", + "def from_pb(cls, cluster_pb, instance):\n", + "\n", + "def _update_from_pb(self, cluster_pb):\n", + "\n", + "def name(self):\n", + "\n", + "def reload(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def create(self):\n", + "\n", + "def update(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def _to_pb(self):\n", + "\n", + "def from_pb(cls, cell_pb):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def find_cells(self, column_family_id, column):\n", + "\n", + "def cell_value(self, column_family_id, column, index=0):\n", + "\n", + "def cell_values(self, column_family_id, column, max_count=None):\n", + "\n", + "def consume_all(self, max_loops=None):\n", + "\n", + "def _create_retry_request(self):\n", + "\n", + "def _on_error(self, exc):\n", + "\n", + "def _save_current_cell(self):\n", + "\n", + "def _copy_from_previous(self, cell):\n", + "\n", + "def build_updated_request(self):\n", + "\n", + "def _filter_rows_keys(self):\n", + "\n", + "def _filter_row_ranges(self):\n", + "\n", + "def region_path(cls, project, region):\n", + "\n", + "def workflow_template_path(cls, project, region, workflow_template):\n", + "\n", + "def _parse_schema_resource(info):\n", + "\n", + "def from_api_repr(cls, api_repr):\n", + "\n", + "def to_api_repr(self):\n", + "\n", + "def _key(self):\n", + "\n", + "def parse_options():\n", + "\n", + "def open_database(parameters):\n", + "\n", + "def load_keys(database, parameters):\n", + "\n", + "def read(database, table, key):\n", + "\n", + "def update(database, table, key):\n", + "\n", + "def do_operation(database, keys, table, operation, latencies_ms):\n", + "\n", + "def aggregate_metrics(latencies_ms, duration_ms, num_bucket):\n", + "\n", + "def run_workload(database, keys, parameters):\n", + "\n", + "def run(self):\n", + "\n", + "def add_methods(source_class, blacklist=()):\n", + "\n", + " def wrap(wrapped_fx):\n", + "\n", + " def actual_decorator(cls):\n", + "\n", + "def _assign_entity_to_pb(entity_pb, entity):\n", + "\n", + "def _parse_commit_response(commit_response_pb):\n", + "\n", + "def _add_partial_key_entity_pb(self):\n", + "\n", + "def _add_complete_key_entity_pb(self):\n", + "\n", + "def _add_delete_key_pb(self):\n", + "\n", + "def put(self, entity):\n", + "\n", + "def delete(self, key):\n", + "\n", + "def begin(self):\n", + "\n", + "def _commit(self):\n", + "\n", + "def commit(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def snapshot_path(cls, project, instance, cluster, snapshot):\n", + "\n", + "def company_path(cls, project, company):\n", + "\n", + "def quotas(self):\n", + "\n", + "def list_zones(self, max_results=None, page_token=None):\n", + "\n", + "def zone(self, name, dns_name=None, description=None):\n", + "\n", + "def patch_traces(self, traces, project_id=None):\n", + "\n", + "def get_trace(self, trace_id, project_id=None):\n", + "\n", + "def update_model(client, model_id):\n", + "\n", + "def _pb_from_query(query):\n", + "\n", + "def namespace(self, value):\n", + "\n", + "def kind(self, value):\n", + "\n", + "def ancestor(self, value):\n", + "\n", + "def add_filter(self, property_name, operator, value):\n", + "\n", + "def projection(self, projection):\n", + "\n", + "def order(self, value):\n", + "\n", + "def distinct_on(self, value):\n", + "\n", + "def _build_protobuf(self):\n", + "\n", + "def _process_query_results(self, response_pb):\n", + "\n", + "def _next_page(self):\n", + "\n", + "def _make_write_pb(table, columns, values):\n", + "\n", + "def update(self, table, columns, values):\n", + "\n", + "def delete(self, table, keyset):\n", + "\n", + "def commit(self):\n", + "\n", + "def dataset_exists(client, dataset_reference):\n", + "\n", + "def table_exists(client, table_reference):\n", + "\n", + "def get_gae_resource(self):\n", + "\n", + "def get_gae_labels(self):\n", + "\n", + "def emit(self, record):\n", + "\n", + "def service_account_path(cls, project, service_account):\n", + "\n", + "def entry_path(cls, project, location, entry_group, entry):\n", + "\n", + "def _get_document_path(client, path):\n", + "\n", + "def _consume_single_get(response_iterator):\n", + "\n", + "def _document_path(self):\n", + "\n", + "def collection(self, collection_id):\n", + "\n", + "def create(self, document_data):\n", + "\n", + "def set(self, document_data, merge=False):\n", + "\n", + "def update(self, field_updates, option=None):\n", + "\n", + "def delete(self, option=None):\n", + "\n", + "def get(self, field_paths=None, transaction=None):\n", + "\n", + "def collections(self, page_size=None):\n", + "\n", + "def get(self, field_path):\n", + "\n", + "def _delay_until_retry(exc, deadline):\n", + "\n", + "def _get_retry_delay(cause):\n", + "\n", + "def database_path(cls, project, instance, database):\n", + "\n", + "def _get_scopes(self):\n", + "\n", + "def table_data_client(self):\n", + "\n", + "def table_admin_client(self):\n", + "\n", + "def instance_admin_client(self):\n", + "\n", + "def instance(self, instance_id, display_name=None, instance_type=None, labels=None):\n", + "\n", + "def list_instances(self):\n", + "\n", + "def list_clusters(self):\n", + "\n", + "def DeleteMetricDescriptor(self, request, context):\n", + "\n", + "def metric_path(cls, project, metric):\n", + "\n", + "def metric_descriptor_path(cls, project, metric_descriptor):\n", + "\n", + "def monitored_resource_descriptor_path(cls, project, monitored_resource_descriptor):\n", + "\n", + "def _to_pb(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_pb(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, mapping):\n", + "\n", + "def _wrap_unary_errors(callable_):\n", + "\n", + " def error_remapped_callable(*args, **kwargs):\n", + "\n", + "def _wrap_stream_errors(callable_):\n", + "\n", + " def error_remapped_callable(*args, **kwargs):\n", + "\n", + "def next(self):\n", + "\n", + "def wraps(wrapped):\n", + "\n", + "def _determine_default_project(project=None):\n", + "\n", + "def _datastore_api(self):\n", + "\n", + "def get(self, key, missing=None, deferred=None, transaction=None, eventual=False):\n", + "\n", + "def put_multi(self, entities):\n", + "\n", + "def delete_multi(self, keys):\n", + "\n", + "def allocate_ids(self, incomplete_key, num_ids):\n", + "\n", + "def key(self, *path_args, **kwargs):\n", + "\n", + "def query(self, **kwargs):\n", + "\n", + " def do_something(entity):\n", + "\n", + "def mutate(self, row):\n", + "\n", + "def flush(self):\n", + "\n", + "def _parse_topic_path(topic_path):\n", + "\n", + "def from_api_repr(cls, resource, bucket):\n", + "\n", + "def _set_properties(self, response):\n", + "\n", + "def create(self, client=None):\n", + "\n", + "def exists(self, client=None):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def notification_channel_path(cls, project, notification_channel):\n", + "\n", + "def notification_channel_descriptor_path(cls, project, channel_descriptor):\n", + "\n", + "def batch(self, client=None):\n", + "\n", + "def _do_log(self, client, _entry_class, payload=None, **kw):\n", + "\n", + "def log_text(self, text, client=None, **kw):\n", + "\n", + "def log_struct(self, info, client=None, **kw):\n", + "\n", + "def log_proto(self, message, client=None, **kw):\n", + "\n", + "def delete(self, client=None):\n", + "\n", + "def log_text(self, text, **kw):\n", + "\n", + "def log_struct(self, info, **kw):\n", + "\n", + "def log_proto(self, message, **kw):\n", + "\n", + "def commit(self, client=None):\n", + "\n", + "def full_name(self):\n", + "\n", + "def _set_properties(self, api_response):\n", + "\n", + "def reload(self, client=None):\n", + "\n", + "def get_variable(self, variable_name, client=None):\n", + "\n", + "def list_variables(self, page_size=None, page_token=None, client=None):\n", + "\n", + "def _bytes_from_json(value, field):\n", + "\n", + "def _timestamp_query_param_from_json(value, field):\n", + "\n", + "def _datetime_from_json(value, field):\n", + "\n", + "def _time_from_json(value, field):\n", + "\n", + "def _record_from_json(value, field):\n", + "\n", + "def _row_tuple_from_json(row, schema):\n", + "\n", + "def _rows_from_json(values, schema):\n", + "\n", + "def _decimal_to_json(value):\n", + "\n", + "def _bytes_to_json(value):\n", + "\n", + "def _timestamp_to_json_parameter(value):\n", + "\n", + "def _timestamp_to_json_row(value):\n", + "\n", + "def _datetime_to_json(value):\n", + "\n", + "def _date_to_json(value):\n", + "\n", + "def _time_to_json(value):\n", + "\n", + "def _scalar_field_to_json(field, row_value):\n", + "\n", + "def _repeated_field_to_json(field, row_value):\n", + "\n", + "def _record_field_to_json(fields, row_value):\n", + "\n", + "def _field_to_json(field, row_value):\n", + "\n", + "def _snake_to_camel_case(value):\n", + "\n", + "def _get_sub_prop(container, keys, default=None):\n", + "\n", + "def _set_sub_prop(container, keys, value):\n", + "\n", + "def _del_sub_prop(container, keys):\n", + "\n", + "def _build_resource_from_properties(obj, filter_fields):\n", + "\n", + "def get_model(client, model_id):\n", + "\n", + "def _check_database_id(database_id):\n", + "\n", + "def _add_id_or_name(flat_path, element_pb, empty_allowed):\n", + "\n", + "def _get_flat_path(path_pb):\n", + "\n", + "def _to_legacy_path(dict_path):\n", + "\n", + "def _parse_path(path_args):\n", + "\n", + "def _combine_args(self):\n", + "\n", + "def _clone(self):\n", + "\n", + "def completed_key(self, id_or_name):\n", + "\n", + "def to_protobuf(self):\n", + "\n", + "def to_legacy_urlsafe(self, location_prefix=None):\n", + "\n", + "def from_legacy_urlsafe(cls, urlsafe):\n", + "\n", + "def _make_parent(self):\n", + "\n", + "def parent(self):\n", + "\n", + "def from_api_repr(cls, resource, zone):\n", + "\n", + "def _thread_main(self):\n", + "\n", + "def start(self):\n", + "\n", + "def stop(self, grace_period=None):\n", + "\n", + "def _main_thread_terminated(self):\n", + "\n", + "def _tokenize_field_path(path):\n", + "\n", + "def split_field_path(path):\n", + "\n", + "def parse_field_path(api_repr):\n", + "\n", + "def render_field_path(field_names):\n", + "\n", + "def get_nested_value(field_path, data):\n", + "\n", + "def from_api_repr(cls, api_repr):\n", + "\n", + "def from_string(cls, path_string):\n", + "\n", + "def eq_or_parent(self, other):\n", + "\n", + "def lineage(self):\n", + "\n", + "def config_name_from_full_name(full_name):\n", + "\n", + "def variable_name_from_full_name(full_name):\n", + "\n", + "def max(self):\n", + "\n", + "def min(self):\n", + "\n", + "def add(self, value):\n", + "\n", + "def percentile(self, percent):\n", + "\n", + "def job_path(cls, project, location, job):\n", + "\n", + "def reference(self):\n", + "\n", + "def created(self):\n", + "\n", + "def modified(self):\n", + "\n", + "def expires(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def path(self):\n", + "\n", + "def from_api_repr(cls, resource):\n", + "\n", + "def from_string(cls, model_id, default_project=None):\n", + "\n", + "def format_stackdriver_json(record, message):\n", + "\n", + "def get_trace_id_from_flask():\n", + "\n", + "def get_trace_id_from_webapp2():\n", + "\n", + "def get_trace_id_from_django():\n", + "\n", + "def get_trace_id():\n", + "\n", + "def group_path(cls, project, group):\n", + "\n", + "def ensure_signed_credentials(credentials):\n", + "\n", + "def get_signed_query_params_v2(credentials, expiration, string_to_sign):\n", + "\n", + "def get_expiration_seconds_v2(expiration):\n", + "\n", + "def get_expiration_seconds_v4(expiration):\n", + "\n", + "def get_canonical_headers(headers):\n", + "\n", + "def canonicalize(method, resource, query_parameters, headers):\n", + "\n", + "def glossary_path(cls, project, location, glossary):\n", + "\n", + "def _extract_header(time_series):\n", + "\n", + "def _extract_labels(time_series):\n", + "\n", + "def _sorted_resource_labels(labels):\n", + "\n", + "def start_daemon_thread(*args, **kwargs):\n", + "\n", + "def safe_invoke_callback(callback, *args, **kwargs):\n", + "\n", + "def new_project(self, project_id, name=None, labels=None):\n", + "\n", + "def fetch_project(self, project_id):\n", + "\n", + "def list_projects(self, filter_params=None, page_size=None):\n", + "\n", + "def session_path(cls, project, instance, database, session):\n", + "\n", + "def make_datastore_api(client):\n", + "\n", + "def default(session):\n", + "\n", + "def snippets(session):\n", + "\n", + "def lint(session):\n", + "\n", + "def _indent(lines, prefix=\" \"):\n", + "\n", + "def publish_time(self):\n", + "\n", + "def ack(self):\n", + "\n", + "def drop(self):\n", + "\n", + "def lease(self):\n", + "\n", + "def modify_ack_deadline(self, seconds):\n", + "\n", + "def nack(self):\n", + "\n", + "def _run_query(client, query, job_config=None):\n", + "\n", + "def _cell_magic(line, query):\n", + "\n", + "def credentials(self):\n", + "\n", + "def project(self):\n", + "\n", + "def database_root_path(cls, project, database):\n", + "\n", + "def document_root_path(cls, project, database):\n", + "\n", + "def document_path_path(cls, project, database, document_path):\n", + "\n", + "def any_path_path(cls, project, database, document, any_path):\n", + "\n", + "def log_path(cls, project, log):\n", + "\n", + "def _expand_variable_match(positional_vars, named_vars, match):\n", + "\n", + "def expand(tmpl, *args, **kwargs):\n", + "\n", + "def _replace_variable_with_pattern(match):\n", + "\n", + "def validate(tmpl, path):\n", + "\n", + "def default(session):\n", + "\n", + "def create_channel(cls, address=\"firestore.googleapis.com:443\", credentials=None):\n", + "\n", + "def name(self):\n", + "\n", + "def from_pb(cls, app_profile_pb, instance):\n", + "\n", + "def _update_from_pb(self, app_profile_pb):\n", + "\n", + "def _to_pb(self):\n", + "\n", + "def reload(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def create(self, ignore_warnings=None):\n", + "\n", + "def update(self, ignore_warnings=None):\n", + "\n", + "def sink_path(cls, project, sink):\n", + "\n", + "def exclusion_path(cls, project, exclusion):\n", + "\n", + "def _make_value_pb(value):\n", + "\n", + "def _parse_value_pb(value_pb, field_type):\n", + "\n", + "def _parse_list_value_pbs(rows, row_type):\n", + "\n", + "def _avro_schema(read_session):\n", + "\n", + "def _avro_rows(block, avro_schema):\n", + "\n", + "def _copy_stream_position(position):\n", + "\n", + "def _reconnect(self):\n", + "\n", + "def to_dataframe(self, read_session, dtypes=None):\n", + "\n", + "def pages(self):\n", + "\n", + "def to_dataframe(self, dtypes=None):\n", + "\n", + "def _parse_block(self):\n", + "\n", + "def next(self):\n", + "\n", + "def to_dataframe(self, dtypes=None):\n", + "\n", + "def instance_config_path(cls, project, instance_config):\n", + "\n", + "def finding_path(cls, project, scan_config, scan_run, finding):\n", + "\n", + "def scan_config_path(cls, project, scan_config):\n", + "\n", + "def scan_run_path(cls, project, scan_config, scan_run):\n", + "\n", + "def instance_admin_api(self):\n", + "\n", + "def database_admin_api(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def list_instance_configs(self, page_size=None, page_token=None):\n", + "\n", + "def list_instances(self, filter_=\"\", page_size=None, page_token=None):\n", + "\n", + "def _should_retry(exc):\n", + "\n", + "def default(session, django_dep=('django',)):\n", + "\n", + "def unit(session):\n", + "\n", + "def system(session):\n", + "\n", + "def entry_from_resource(resource, client, loggers):\n", + "\n", + "def retrieve_metadata_server(metadata_key):\n", + "\n", + "def model_loss(y, model, mean=True):\n", + "\n", + "def initialize_uninitialized_global_variables(sess):\n", + "\n", + "def train(sess, loss, x, y, X_train, Y_train, save=False,\n", + "\n", + "def model_eval(sess, x, y, predictions, X_test=None, Y_test=None,\n", + "\n", + "def batch_eval(*args, **kwargs):\n", + "\n", + "def model_argmax(sess, x, predictions, samples, feed=None):\n", + "\n", + "def l2_batch_normalize(x, epsilon=1e-12, scope=None):\n", + "\n", + "def kl_with_logits(p_logits, q_logits, scope=None,\n", + "\n", + "def clip_eta(eta, ord, eps):\n", + "\n", + "def infer_devices(devices=None):\n", + "\n", + "def get_available_gpus():\n", + "\n", + "def clip_by_value(t, clip_value_min, clip_value_max, name=None):\n", + "\n", + " def cast_clip(clip):\n", + "\n", + "def mul(a, b):\n", + "\n", + " def multiply(a, b):\n", + "\n", + "def div(a, b):\n", + "\n", + " def divide(a, b):\n", + "\n", + "def op_with_scalar_cast(a, b, f):\n", + "\n", + " def is_scalar(x):\n", + "\n", + "def jacobian_graph(predictions, x, nb_classes):\n", + "\n", + "def jacobian_augmentation(sess,\n", + "\n", + "def evaluate_model(filepath,\n", + "\n", + " def do_eval(preds, x_set, y_set, report_key, is_adv=None):\n", + "\n", + "def set_input(self, X_batch=None):\n", + "\n", + "def proc_fvals(self, fvals):\n", + "\n", + "def _write_single_batch_images_internal(self, batch_id, client_batch):\n", + "\n", + "def write_to_datastore(self):\n", + "\n", + "def write_single_batch_images_to_datastore(self, batch_id):\n", + "\n", + "def init_from_datastore(self):\n", + "\n", + "def add_batch(self, batch_id, batch_properties=None):\n", + "\n", + "def add_image(self, batch_id, image_id, image_properties=None):\n", + "\n", + "def _read_image_list(self, skip_image_ids=None):\n", + "\n", + "def init_from_storage_write_to_datastore(self,\n", + "\n", + "def count_generated_adv_examples(self):\n", + "\n", + "def make_confidence_report_bundled(filepath, train_start=TRAIN_START,\n", + "\n", + "def print_stats(correctness, confidence, name):\n", + "\n", + "def make_confidence_report(filepath, train_start=TRAIN_START,\n", + "\n", + "def mnist_tutorial(train_start=0, train_end=60000, test_start=0,\n", + "\n", + " def evaluate():\n", + "\n", + " def attack(x):\n", + "\n", + " def evaluate_2():\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def attack(self, x, true_y):\n", + "\n", + "def attack_class(self, x, target_y):\n", + "\n", + "def batch_indices(batch_nb, data_length, batch_size):\n", + "\n", + "def other_classes(nb_classes, class_ind):\n", + "\n", + "def to_categorical(y, nb_classes, num_classes=None):\n", + "\n", + "def random_targets(gt, nb_classes):\n", + "\n", + "def pair_visual(*args, **kwargs):\n", + "\n", + "def grid_visual(*args, **kwargs):\n", + "\n", + "def get_logits_over_interval(*args, **kwargs):\n", + "\n", + "def linear_extrapolation_plot(*args, **kwargs):\n", + "\n", + "def create_logger(name):\n", + "\n", + "def deterministic_dict(normal_dict):\n", + "\n", + "def ordered_union(l1, l2):\n", + "\n", + "def safe_zip(*args):\n", + "\n", + "def shell_call(command, **kwargs):\n", + "\n", + "def deep_copy(numpy_dict):\n", + "\n", + "def data_mnist(datadir=tempfile.gettempdir(), train_start=0,\n", + "\n", + "def data_cifar10(train_start=0, train_end=50000, test_start=0, test_end=10000):\n", + "\n", + "def print_accuracies(filepath, train_start=TRAIN_START, train_end=TRAIN_END,\n", + "\n", + "def impl(sess, model, dataset, factory, x_data, y_data,\n", + "\n", + "def main(argv=None):\n", + "\n", + "def fast_gradient_method(model_fn, x, eps, ord,\n", + "\n", + "def load_images(input_dir, batch_shape):\n", + "\n", + "def save_images(images, filenames, output_dir):\n", + "\n", + "def main(_):\n", + "\n", + "def ld_cifar10():\n", + "\n", + "def plot_report_from_path(path, success_name=DEFAULT_SUCCESS_NAME,\n", + "\n", + "def plot_report(report, success_name, fail_names, label=None,\n", + "\n", + "def make_curve(report, success_name, fail_names):\n", + "\n", + "def model_train(self):\n", + "\n", + "def clone_g0_inputs_on_ngpus(self, inputs, outputs, g0_inputs):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def lbfgs_wrap(x_val, y_val):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def attack(self, x_val, targets):\n", + "\n", + " def lbfgs_objective(adv_x, self, targets, oimgs, CONST):\n", + "\n", + " def attack_success(out, target, targeted_attack):\n", + "\n", + "def set_device(self, device_name):\n", + "\n", + "def create_sync_ops(self, host_device):\n", + "\n", + "def get_variable(self, name, initializer):\n", + "\n", + "def set_input_shape_ngpu(self, new_input_shape):\n", + "\n", + "def create_sync_ops(self, host_device):\n", + "\n", + "def vatm(model,\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def iterate_with_exp_backoff(base_iter,\n", + "\n", + "def list_blobs(self, prefix=''):\n", + "\n", + "def begin(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def put(self, entity):\n", + "\n", + "def delete(self, key):\n", + "\n", + "def get(self, key, transaction=None):\n", + "\n", + "def mnist_tutorial_cw(train_start=0, train_end=60000, test_start=0,\n", + "\n", + "def attack_selection(attack_string):\n", + "\n", + "def mnist_tutorial(train_start=0, train_end=60000, test_start=0,\n", + "\n", + " def evaluate_clean():\n", + "\n", + " def evaluate_adv():\n", + "\n", + "def sudo_remove_dirtree(dir_name):\n", + "\n", + "def main(args):\n", + "\n", + "def download(self):\n", + "\n", + "def temp_copy_extracted_submission(self):\n", + "\n", + "def run_without_time_limit(self, cmd):\n", + "\n", + "def run_with_time_limit(self, cmd, time_limit=SUBMISSION_TIME_LIMIT):\n", + "\n", + "def run(self, input_dir, output_dir, epsilon):\n", + "\n", + "def run(self, input_dir, output_file_path):\n", + "\n", + "def read_dataset_metadata(self):\n", + "\n", + "def fetch_attacks_data(self):\n", + "\n", + "def run_attack_work(self, work_id):\n", + "\n", + "def run_attacks(self):\n", + "\n", + "def fetch_defense_data(self):\n", + "\n", + "def run_defense_work(self, work_id):\n", + "\n", + "def run_defenses(self):\n", + "\n", + "def run_work(self):\n", + "\n", + "def arg_type(arg_names, kwargs):\n", + "\n", + "def construct_graph(self, fixed, feedable, x_val, hash_key):\n", + "\n", + "def generate_np(self, x_val, **kwargs):\n", + "\n", + "def construct_variables(self, kwargs):\n", + "\n", + "def get_or_guess_labels(self, x, kwargs):\n", + "\n", + "def dueling_model(img_in, num_actions, scope, noisy=False, reuse=False,\n", + "\n", + "def mnist_tutorial_jsma(train_start=0, train_end=60000, test_start=0,\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def cond(i, _, __):\n", + "\n", + " def body(i, ax, m):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def train(sess, loss, x_train, y_train,\n", + "\n", + "def avg_grads(tower_grads):\n", + "\n", + "def create_adv_by_name(model, x, attack_type, sess, dataset, y=None, **kwargs):\n", + "\n", + "def log_value(self, tag, val, desc=''):\n", + "\n", + "def eval_advs(self, x, y, preds_adv, X_test, Y_test, att_type):\n", + "\n", + "def eval_multi(self, inc_epoch=True):\n", + "\n", + "def run_canary():\n", + "\n", + "def _wrap(f):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def reduce_function(op_func, input_tensor, axis=None, keepdims=None,\n", + "\n", + "def softmax_cross_entropy_with_logits(sentinel=None,\n", + "\n", + "def enforce_epsilon_and_compute_hash(dataset_batch_dir, adv_dir, output_dir,\n", + "\n", + "def download_dataset(storage_client, image_batches, target_dir,\n", + "\n", + "def save_target_classes_for_batch(self,\n", + "\n", + "def tf_min_eig_vec(self):\n", + "\n", + "def tf_smooth_eig_vec(self):\n", + "\n", + "def get_min_eig_vec_proxy(self, use_tf_eig=False):\n", + "\n", + " def _vector_prod_fn(x):\n", + "\n", + "def get_scipy_eig_vec(self):\n", + "\n", + " def np_vector_prod_fn(np_vector):\n", + "\n", + "def prepare_for_optimization(self):\n", + "\n", + "def run_one_step(self, eig_init_vec_val, eig_num_iter_val, smooth_val,\n", + "\n", + "def run_optimization(self):\n", + "\n", + "def load_target_class(input_dir):\n", + "\n", + "def save_images(images, filenames, output_dir):\n", + "\n", + "def main(_):\n", + "\n", + "def deepfool_batch(sess,\n", + "\n", + "def deepfool_attack(sess,\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def deepfool_wrap(x_val):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def _py_func_with_gradient(func, inp, Tout, stateful=True, name=None,\n", + "\n", + "def convert_pytorch_model_to_tf(model, out_dims=None):\n", + "\n", + " def _fprop_fn(x_np):\n", + "\n", + " def _bprop_fn(x_np, grads_in_np):\n", + "\n", + " def _tf_gradient_fn(op, grads_in):\n", + "\n", + " def tf_model_fn(x_op):\n", + "\n", + "def clip_eta(eta, ord, eps):\n", + "\n", + "def get_or_guess_labels(model, x, **kwargs):\n", + "\n", + "def optimize_linear(grad, eps, ord=np.inf):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def attack(self, imgs, targets):\n", + "\n", + "def print_in_box(text):\n", + "\n", + "def main(args):\n", + "\n", + "def main(argv=None):\n", + "\n", + "def make_confidence_report_spsa(filepath, train_start=TRAIN_START,\n", + "\n", + "def main(argv=None):\n", + "\n", + "def attack(self, x, y_p, **kwargs):\n", + "\n", + "def generate_np(self, x_val, **kwargs):\n", + "\n", + "def parse_params(self, ngpu=1, **kwargs):\n", + "\n", + "def accuracy(sess, model, x, y, batch_size=None, devices=None, feed=None,\n", + "\n", + "def class_and_confidence(sess, model, x, y=None, batch_size=None,\n", + "\n", + "def correctness_and_confidence(sess, model, x, y, batch_size=None,\n", + "\n", + "def run_attack(sess, model, x, y, attack, attack_params, batch_size=None,\n", + "\n", + "def batch_eval_multi_worker(sess, graph_factory, numpy_inputs, batch_size=None,\n", + "\n", + " def pad(array):\n", + "\n", + "def batch_eval(sess, tf_inputs, tf_outputs, numpy_inputs, batch_size=None,\n", + "\n", + "def _check_y(y):\n", + "\n", + "def load_images(input_dir, batch_shape):\n", + "\n", + "def main(_):\n", + "\n", + "def preprocess_batch(images_batch, preproc_func=None):\n", + "\n", + "def get_logits(self, x, **kwargs):\n", + "\n", + "def get_predicted_class(self, x, **kwargs):\n", + "\n", + "def get_probs(self, x, **kwargs):\n", + "\n", + "def get_params(self):\n", + "\n", + "def make_params(self):\n", + "\n", + "def get_layer(self, x, layer, **kwargs):\n", + "\n", + "def plot_reliability_diagram(confidence, labels, filepath):\n", + "\n", + "def init_lsh(self):\n", + "\n", + "def find_train_knns(self, data_activations):\n", + "\n", + "def nonconformity(self, knns_labels):\n", + "\n", + "def preds_conf_cred(self, knns_not_in_class):\n", + "\n", + "def fprop_np(self, data_np):\n", + "\n", + "def fprop(self, x):\n", + "\n", + "def calibrate(self, cali_data, cali_labels):\n", + "\n", + "def mnist_tutorial(nb_epochs=NB_EPOCHS, batch_size=BATCH_SIZE,\n", + "\n", + "def apply_perturbations(i, j, X, increase, theta, clip_min, clip_max):\n", + "\n", + "def saliency_map(grads_target, grads_other, search_domain, increase):\n", + "\n", + "def jacobian(sess, x, grads, target, X, nb_features, nb_classes, feed=None):\n", + "\n", + "def projected_gradient_descent(model_fn, x, eps, eps_iter, nb_iter, ord,\n", + "\n", + "def _batch_norm(name, x):\n", + "\n", + "def _residual(x, in_filter, out_filter, stride,\n", + "\n", + "def _decay():\n", + "\n", + "def _relu(x, leakiness=0.0):\n", + "\n", + "def set_input_shape(self, input_shape):\n", + "\n", + "def create_projected_dual(self):\n", + "\n", + "def construct_lanczos_params(self):\n", + "\n", + " def _m_vector_prod_fn(x):\n", + "\n", + " def _h_vector_prod_fn(x):\n", + "\n", + "def set_differentiable_objective(self):\n", + "\n", + "def get_h_product(self, vector, dtype=None):\n", + "\n", + "def get_psd_product(self, vector, dtype=None):\n", + "\n", + "def get_full_psd_matrix(self):\n", + "\n", + "def make_m_psd(self, original_nu, feed_dictionary):\n", + "\n", + "def get_lanczos_eig(self, compute_m=True, feed_dict=None):\n", + "\n", + "def compute_certificate(self, current_step, feed_dictionary):\n", + "\n", + " def np_vector_prod_fn_m(np_vector):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def conv_2d(filters, kernel_shape, strides, padding, input_shape=None):\n", + "\n", + "def cnn_model(logits=False, input_ph=None, img_rows=28, img_cols=28,\n", + "\n", + "def _get_softmax_name(self):\n", + "\n", + "def _get_abstract_layer_name(self):\n", + "\n", + "def _get_logits_name(self):\n", + "\n", + "def get_logits(self, x):\n", + "\n", + "def get_probs(self, x):\n", + "\n", + "def get_layer_names(self):\n", + "\n", + "def fprop(self, x):\n", + "\n", + "def get_layer(self, x, layer):\n", + "\n", + "def get_extract_command_template(filename):\n", + "\n", + "def shell_call(command, **kwargs):\n", + "\n", + "def make_directory_writable(dirname):\n", + "\n", + "def _prepare_temp_dir(self):\n", + "\n", + "def _extract_submission(self, filename):\n", + "\n", + "def _verify_docker_image_size(self, image_name):\n", + "\n", + "def _prepare_sample_data(self, submission_type):\n", + "\n", + "def _verify_output(self, submission_type):\n", + "\n", + "def validate_submission(self, filename):\n", + "\n", + "def save(self, path):\n", + "\n", + "def pairwise_euclid_distance(A, B):\n", + "\n", + "def pairwise_cos_distance(A, B):\n", + "\n", + "def fits(A, B, temp, cos_distance):\n", + "\n", + "def pick_probability(x, temp, cos_distance):\n", + "\n", + "def same_label_mask(y, y2):\n", + "\n", + "def masked_pick_probability(x, y, temp, cos_distance):\n", + "\n", + "def SNNL(x, y, temp, cos_distance):\n", + "\n", + "def optimized_temp_SNNL(x, y, initial_temp, cos_distance):\n", + "\n", + " def inverse_temp(t):\n", + "\n", + "def show(ndarray, min_val=None, max_val=None):\n", + "\n", + "def save(path, ndarray, min_val=None, max_val=None):\n", + "\n", + "def as_pil(ndarray, min_val=None, max_val=None):\n", + "\n", + "def make_grid(image_batch):\n", + "\n", + "def generate_np(self, x_val, **kwargs):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def fgm(self, x, labels, targeted=False):\n", + "\n", + "def random_feed_dict(rng, placeholders):\n", + "\n", + "def list_files(suffix=\"\"):\n", + "\n", + "def _list_files(path, suffix=\"\"):\n", + "\n", + "def print_header(text):\n", + "\n", + "def save_dict_to_file(filename, dictionary):\n", + "\n", + "def main(args):\n", + "\n", + "def ask_when_work_is_populated(self, work):\n", + "\n", + "def prepare_attacks(self):\n", + "\n", + "def prepare_defenses(self):\n", + "\n", + "def _save_work_results(self, run_stats, scores, num_processed_images,\n", + "\n", + "def _save_sorted_results(self, run_stats, scores, image_count, filename):\n", + "\n", + " def get_second(x):\n", + "\n", + "def _read_dataset_metadata(self):\n", + "\n", + "def compute_results(self):\n", + "\n", + "def _show_status_for_work(self, work):\n", + "\n", + "def _export_work_errors(self, work, output_file):\n", + "\n", + "def show_status(self):\n", + "\n", + "def cleanup_failed_attacks(self):\n", + "\n", + "def cleanup_attacks_with_zero_images(self):\n", + "\n", + "def _cleanup_keys_with_confirmation(self, keys_to_delete):\n", + "\n", + "def cleanup_defenses(self):\n", + "\n", + "def cleanup_datastore(self):\n", + "\n", + "def main(_):\n", + "\n", + "def jsma_symbolic(x, y_target, model, theta, gamma, clip_min, clip_max):\n", + "\n", + " def condition(x_in, y_in, domain_in, i_in, cond_in):\n", + "\n", + " def body(x_in, y_in, domain_in, i_in, cond_in):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def random_targets(gt):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def make_basic_ngpu(nb_classes=10, input_shape=(None, 28, 28, 1), **kwargs):\n", + "\n", + "def make_madry_ngpu(nb_classes=10, input_shape=(None, 28, 28, 1), **kwargs):\n", + "\n", + "def _build_model(self, x):\n", + "\n", + "def build_cost(self, labels, logits):\n", + "\n", + "def build_train_op_from_cost(self, cost):\n", + "\n", + "def _layer_norm(self, name, x):\n", + "\n", + "def _residual(self, x, in_filter, out_filter, stride,\n", + "\n", + "def _bottleneck_residual(self, x, in_filter, out_filter, stride,\n", + "\n", + "def _decay(self):\n", + "\n", + "def _conv(self, name, x, filter_size, in_filters, out_filters, strides):\n", + "\n", + "def _fully_connected(self, x, out_dim):\n", + "\n", + "def read_classification_results(storage_client, file_path):\n", + "\n", + "def analyze_one_classification_result(storage_client, file_path,\n", + "\n", + "def save_to_file(self, filename, remap_dim0=None, remap_dim1=None):\n", + "\n", + "def init_from_adversarial_batches_write_to_datastore(self, submissions,\n", + "\n", + "def init_from_datastore(self):\n", + "\n", + "def read_batch_from_datastore(self, class_batch_id):\n", + "\n", + "def compute_classification_results(self, adv_batches, dataset_batches,\n", + "\n", + "def participant_from_submission_path(submission_path):\n", + "\n", + "def _load_submissions_from_datastore_dir(self, dir_suffix, id_pattern):\n", + "\n", + "def init_from_storage_write_to_datastore(self):\n", + "\n", + "def _write_to_datastore(self):\n", + "\n", + "def init_from_datastore(self):\n", + "\n", + "def get_all_attack_ids(self):\n", + "\n", + "def find_by_id(self, submission_id):\n", + "\n", + "def get_external_id(self, submission_id):\n", + "\n", + "def _prepare_temp_dir(self):\n", + "\n", + "def _load_and_verify_metadata(self, submission_type):\n", + "\n", + "def _run_submission(self, metadata):\n", + "\n", + "def fast_gradient_method(model_fn, x, eps, ord, clip_min=None, clip_max=None, y=None,\n", + "\n", + "def compute_gradient(model_fn, x, y, targeted):\n", + "\n", + "def optimize_linear(grad, eps, ord=np.inf):\n", + "\n", + "def save_pdf(path):\n", + "\n", + "def clip_eta(eta, ord, eps):\n", + "\n", + "def prep_bbox(sess, x, y, x_train, y_train, x_test, y_test,\n", + "\n", + "def train_sub(sess, x, y, bbox_preds, x_sub, y_sub, nb_classes,\n", + "\n", + "def mnist_blackbox(train_start=0, train_end=60000, test_start=0,\n", + "\n", + "def random_shift(x, pad=(4, 4), mode='REFLECT'):\n", + "\n", + "def batch_augment(x, func, device='/CPU:0'):\n", + "\n", + "def random_crop_and_flip(x, pad_rows=4, pad_cols=4):\n", + "\n", + " def _rand_crop_img(img):\n", + "\n", + "def mnist_tutorial(train_start=0, train_end=60000, test_start=0,\n", + "\n", + " def do_eval(preds, x_set, y_set, report_key, is_adv=None):\n", + "\n", + " def evaluate():\n", + "\n", + " def attack(x):\n", + "\n", + " def evaluate_adv():\n", + "\n", + "def _project_perturbation(perturbation, epsilon, input_image, clip_min=None,\n", + "\n", + "def margin_logit_loss(model_logits, label, nb_classes=10, num_classes=None):\n", + "\n", + "def spm(x, model, y=None, n_samples=None, dx_min=-0.1,\n", + "\n", + " def _compute_xent(x):\n", + "\n", + "def parallel_apply_transformations(x, transforms, black_border_size=0):\n", + "\n", + "def projected_optimization(loss_fn,\n", + "\n", + " def loop_body(i, perturbation, flat_optim_state):\n", + "\n", + " def wrapped_loss_fn(x):\n", + "\n", + " def cond(i, *_):\n", + "\n", + "def generate(self,\n", + "\n", + " def loss_fn(x, label):\n", + "\n", + "def _compute_gradients(self, loss_fn, x, unused_optim_state):\n", + "\n", + "def minimize(self, loss_fn, x, optim_state):\n", + "\n", + "def init_state(self, x):\n", + "\n", + "def _apply_gradients(self, grads, x, optim_state):\n", + "\n", + "def _compute_gradients(self, loss_fn, x, unused_optim_state):\n", + "\n", + " def body(i, grad_array):\n", + "\n", + " def cond(i, _):\n", + "\n", + "def parse_args():\n", + "\n", + "def read_submissions_from_directory(dirname, use_gpu):\n", + "\n", + "def load_defense_output(filename):\n", + "\n", + "def compute_and_save_scores_and_ranking(attacks_output,\n", + "\n", + " def write_ranking(filename, header, names, scores):\n", + "\n", + " def write_score_matrix(filename, scores, row_names, column_names):\n", + "\n", + "def main():\n", + "\n", + "def run(self, input_dir, output_dir, epsilon):\n", + "\n", + "def _load_dataset_clipping(self, dataset_dir, epsilon):\n", + "\n", + "def clip_and_copy_attack_outputs(self, attack_name, is_targeted):\n", + "\n", + "def save_target_classes(self, filename):\n", + "\n", + "def single_run_max_confidence_recipe(sess, model, x, y, nb_classes, eps,\n", + "\n", + "def random_search_max_confidence_recipe(sess, model, x, y, eps,\n", + "\n", + "def bundle_attacks(sess, model, x, y, attack_configs, goals, report_path,\n", + "\n", + "def bundle_attacks_with_goal(sess, model, x, y, adv_x, attack_configs,\n", + "\n", + "def run_batch_with_goal(sess, model, x, y, adv_x_val, criteria, attack_configs,\n", + "\n", + "def save(criteria, report, report_path, adv_x_val):\n", + "\n", + "def unfinished_attack_configs(new_work_goal, work_before, run_counts,\n", + "\n", + "def bundle_examples_with_goal(sess, model, adv_x_list, y, goal,\n", + "\n", + "def spsa_max_confidence_recipe(sess, model, x, y, nb_classes, eps,\n", + "\n", + "def get_criteria(self, sess, model, advx, y, batch_size=BATCH_SIZE):\n", + "\n", + "def request_examples(self, attack_config, criteria, run_counts, batch_size):\n", + "\n", + "def new_wins(self, orig_criteria, orig_idx, new_criteria, new_idx):\n", + "\n", + "def filter(self, run_counts, criteria):\n", + "\n", + "def filter(self, run_counts, criteria):\n", + "\n", + "def projected_gradient_descent(model_fn, x, eps, eps_iter, nb_iter, ord,\n", + "\n", + "def clip_image(image, clip_min, clip_max):\n", + "\n", + "def compute_distance(x_ori, x_pert, constraint='l2'):\n", + "\n", + "def approximate_gradient(decision_function, sample, num_evals,\n", + "\n", + "def project(original_image, perturbed_images, alphas, shape, constraint):\n", + "\n", + "def binary_search_batch(original_image, perturbed_images, decision_function,\n", + "\n", + "def initialize(decision_function, sample, shape, clip_min, clip_max):\n", + "\n", + "def geometric_progression_for_stepsize(x, update, dist, decision_function,\n", + "\n", + "def select_delta(dist_post_update, current_iteration,\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def bapp_wrap(x, target_label, target_image):\n", + "\n", + "def generate_np(self, x, **kwargs):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def _bapp(self, sample, target_label, target_image):\n", + "\n", + " def decision_function(images):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def attack_single_step(self, x, eta, g_feat):\n", + "\n", + "def generate(self, x, g, **kwargs):\n", + "\n", + " def cond(i, _):\n", + "\n", + " def body(i, e):\n", + "\n", + "def main(argv=None):\n", + "\n", + "def block35(net, scale=1.0, activation_fn=tf.nn.relu, scope=None, reuse=None):\n", + "\n", + "def block17(net, scale=1.0, activation_fn=tf.nn.relu, scope=None, reuse=None):\n", + "\n", + "def inception_resnet_v2_base(inputs,\n", + "\n", + " def add_and_check_final(name, net):\n", + "\n", + "def inception_resnet_v2(inputs, nb_classes=1001, is_training=True,\n", + "\n", + "def inception_resnet_v2_arg_scope(weight_decay=0.00004,\n", + "\n", + "def ld_mnist():\n", + "\n", + " def convert_types(image, label):\n", + "\n", + "def mnist_tutorial(train_start=0, train_end=60000, test_start=0,\n", + "\n", + "def main(args):\n", + "\n", + "def _update_stat(self, submission_type, increase_success, increase_fail):\n", + "\n", + "def log_stats(self):\n", + "\n", + "def copy_submission_locally(self, cloud_path):\n", + "\n", + "def copy_submission_to_destination(self, src_filename, dst_subdir,\n", + "\n", + "def validate_and_copy_one_submission(self, submission_path):\n", + "\n", + "def save_id_to_path_mapping(self):\n", + "\n", + "def run(self):\n", + "\n", + "def main(argv=None):\n", + "\n", + "def is_unclaimed(work):\n", + "\n", + "def write_all_to_datastore(self):\n", + "\n", + "def read_all_from_datastore(self):\n", + "\n", + "def _read_undone_shard_from_datastore(self, shard_id=None):\n", + "\n", + "def read_undone_from_datastore(self, shard_id=None, num_shards=None):\n", + "\n", + "def try_pick_piece_of_work(self, worker_id, submission_id=None):\n", + "\n", + "def update_work_as_completed(self, worker_id, work_id, other_values=None,\n", + "\n", + "def compute_work_statistics(self):\n", + "\n", + "def init_from_adversarial_batches(self, adv_batches):\n", + "\n", + "def init_from_class_batches(self, class_batches, num_shards=None):\n", + "\n", + "def main(argv=None):\n", + "\n", + "def fgm(x,\n", + "\n", + "def optimize_linear(grad, eps, ord=np.inf):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def load_network_from_checkpoint(checkpoint, model_json, input_shape=None):\n", + "\n", + "def forward_pass(self, vector, layer_index, is_transpose=False, is_abs=False):\n", + "\n", + "def dev_version():\n", + "\n", + "def current(report):\n", + "\n", + "def deprecated(report):\n", + "\n", + "def SNNL_example(train_start=0, train_end=60000, test_start=0,\n", + "\n", + " def do_eval(preds, x_set, y_set, report_key):\n", + "\n", + " def evaluate():\n", + "\n", + " def imscatter(points, images, ax=None, zoom=1, cmap=\"hot\"):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def cond(i, _):\n", + "\n", + " def body(i, adv_x):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def train(model, X_train=None, Y_train=None, save=False,\n", + "\n", + "def model_eval(model, X_test=None, Y_test=None, args=None,\n", + "\n", + "def model_argmax(model, samples):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + "def initialize_dual(neural_net_params_object, init_dual_file=None,\n", + "\n", + "def eig_one_step(current_vector, learning_rate, vector_prod_fn):\n", + "\n", + "def minimum_eigen_vector(x, num_steps, learning_rate, vector_prod_fn):\n", + "\n", + "def tf_lanczos_smallest_eigval(vector_prod_fn,\n", + "\n", + "def get_vars(self):\n", + "\n", + "def fprop(self, x, dropout=False, dropout_dict=None, **kwargs):\n", + "\n", + "def generate(self, x, **kwargs):\n", + "\n", + " def cw_wrap(x_val, y_val):\n", + "\n", + "def parse_params(self,\n", + "\n", + "def attack(self, imgs, targets):\n", + "\n", + "def attack_batch(self, imgs, labs):\n", + "\n", + " def compare(x, y):\n", + "\n", + "def maybe_load_model(savedir, container):\n", + "\n", + "def check_installation(cur_file):\n", + "\n", + "def parse_args():\n", + "\n", + "def get_image(row, output_dir):\n", + "\n", + "def download_image(image_id, url, x1, y1, x2, y2, output_dir):\n", + "\n", + "def py_func_grad(func, inp, Tout, stateful=True, name=None, grad=None):\n", + "\n", + "def fprop(self, x):\n", + "\n", + "def get_layer_params(self, layer_name):\n", + "\n", + "def get_params(self):\n", + "\n", + "def pair_visual(original, adversarial, figure=None):\n", + "\n", + "def grid_visual(data):\n", + "\n", + "def get_logits_over_interval(sess, model, x_data, fgsm_params,\n", + "\n", + "def linear_extrapolation_plot(log_prob_adv_array, y, file_name,\n", + "\n", + "def _send_cmd(self, cmd: str):\n", + "\n", + "def iq_query(self, message: str):\n", + "\n", + "def get_historical_minute_data(self, ticker: str):\n", + "\n", + "def add_data_to_df(self, data: np.array):\n", + "\n", + "def get_tickers_from_file(self, filename):\n", + "\n", + "def write_dataframe_to_idb(self, ticker):\n", + "\n", + "def connect(self):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def connect(self, **kwargs):\n", + "\n", + "def get_rect(self):\n", + "\n", + "def snapshot(self, filename=\"tmp.png\"):\n", + "\n", + "def extract_data(self):\n", + "\n", + "def get_each_method_maximun_cpu_mem(self):\n", + "\n", + "def _get_graph_title(self):\n", + "\n", + "def plot_cpu_mem_keypoints(self):\n", + "\n", + "def refresh_method_objects(self):\n", + "\n", + "def _get_result(self, method_name=\"kaze\"):\n", + "\n", + "def get_and_plot_keypoints(self, method_name, plot=False):\n", + "\n", + "def run(self):\n", + "\n", + "def load_images(self, search_file, source_file):\n", + "\n", + "def profile_methods(self, method_list):\n", + "\n", + "def wite_to_json(self, dir_path=\"\", file_name=\"\"):\n", + "\n", + "def translate_poco_step(self, step):\n", + "\n", + "def func_desc_poco(self, step):\n", + "\n", + "def profile_different_methods(search_file, screen_file, method_list, dir_path, file_name):\n", + "\n", + "def plot_profiled_all_images_table(method_list):\n", + "\n", + "def get_color_list(method_list):\n", + "\n", + "def plot_compare_table(image_list, method_list, color_list, compare_dict, fig_name=\"\", fig_num=111):\n", + "\n", + "def plot_compare_curves(image_list, method_list, color_list, compare_dict, fig_name=\"\", fig_num=111):\n", + "\n", + "def ReadTag(buffer, pos):\n", + "\n", + "def _SimpleDecoder(wire_type, decode_value):\n", + "\n", + " def SpecificDecoder(field_number, is_repeated, is_packed, key, new_default):\n", + "\n", + " def DecodePackedField(buffer, pos, end, message, field_dict):\n", + "\n", + " def DecodeRepeatedField(buffer, pos, end, message, field_dict):\n", + "\n", + " def DecodeField(buffer, pos, end, message, field_dict):\n", + "\n", + "def _ModifiedDecoder(wire_type, decode_value, modify_value):\n", + "\n", + " def InnerDecode(buffer, pos):\n", + "\n", + "def _StructPackDecoder(wire_type, format):\n", + "\n", + " def InnerDecode(buffer, pos):\n", + "\n", + "def _FloatDecoder():\n", + "\n", + " def InnerDecode(buffer, pos):\n", + "\n", + "def _DoubleDecoder():\n", + "\n", + " def InnerDecode(buffer, pos):\n", + "\n", + "def StringDecoder(field_number, is_repeated, is_packed, key, new_default):\n", + "\n", + " def _ConvertToUnicode(byte_str):\n", + "\n", + " def DecodeRepeatedField(buffer, pos, end, message, field_dict):\n", + "\n", + " def DecodeField(buffer, pos, end, message, field_dict):\n", + "\n", + "def BytesDecoder(field_number, is_repeated, is_packed, key, new_default):\n", + "\n", + " def DecodeRepeatedField(buffer, pos, end, message, field_dict):\n", + "\n", + " def DecodeField(buffer, pos, end, message, field_dict):\n", + "\n", + "def GroupDecoder(field_number, is_repeated, is_packed, key, new_default):\n", + "\n", + " def DecodeRepeatedField(buffer, pos, end, message, field_dict):\n", + "\n", + " def DecodeField(buffer, pos, end, message, field_dict):\n", + "\n", + "def MapDecoder(field_descriptor, new_default, is_message_map):\n", + "\n", + " def DecodeMap(buffer, pos, end, message, field_dict):\n", + "\n", + "def _SkipVarint(buffer, pos, end):\n", + "\n", + "def _SkipLengthDelimited(buffer, pos, end):\n", + "\n", + "def _SkipGroup(buffer, pos, end):\n", + "\n", + "def _FieldSkipper():\n", + "\n", + " def SkipField(buffer, pos, end, tag_bytes):\n", + "\n", + "def _parse_node(graph, text):\n", + "\n", + "def plot_tree(booster, num_trees=0, rankdir='UT', ax=None, **kwargs):\n", + "\n", + "def construct (self, properties = [], targets = []):\n", + "\n", + "def evaluate(self, dataset, metric='auto', missing_value_action='auto'):\n", + "\n", + "def predict(self, dataset, output_type='class', missing_value_action='auto'):\n", + "\n", + "def predict_topk(self, dataset, output_type=\"probability\", k=3, missing_value_action='auto'):\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def slave_envs(self):\n", + "\n", + "def find_share_ring(self, tree_map, parent_map, r):\n", + "\n", + "def get_ring(self, tree_map, parent_map):\n", + "\n", + "def get_link_map(self, nslave):\n", + "\n", + "def maybe_rewrite_setup(toolset, setup_script, setup_options, version, rewrite_setup='off'):\n", + "\n", + "def create(dataset, target, features=None, validation_set = 'auto',\n", + "\n", + "def add_column(self, data, column_name=\"\", inplace=False):\n", + "\n", + "def add_columns(self, data, column_names=None, inplace=False):\n", + "\n", + "def remove_column(self, column_name, inplace=False):\n", + "\n", + "def swap_columns(self, column_name_1, column_name_2, inplace=False):\n", + "\n", + "def rename(self, names, inplace=False):\n", + "\n", + "def num_rows(self):\n", + "\n", + "def column_names(self):\n", + "\n", + "def column_types(self):\n", + "\n", + "def create(dataset, target, features=None, validation_set = 'auto',\n", + "\n", + "def removable(self, node):\n", + "\n", + "def reduce(self, body):\n", + "\n", + "def load_audio(path, with_path=True, recursive=True, ignore_failure=True, random_order=False):\n", + "\n", + "def RegisterMessage(self, message):\n", + "\n", + "def GetMessages(self, files):\n", + "\n", + " def _GetAllMessageNames(desc):\n", + "\n", + "def _string_hash(s):\n", + "\n", + "def draw_bounding_boxes(images, annotations, confidence_threshold=0):\n", + "\n", + " def draw_single_image(row):\n", + "\n", + "def create(dataset, target, model_name, features=None,\n", + "\n", + "def create_classification_with_model_selector(dataset, target, model_selector,\n", + "\n", + "def predict(self, dataset, missing_value_action='auto',\n", + "\n", + "def evaluate(self, dataset, metric=\"auto\",\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def evaluate(self, dataset, metric='auto', missing_value_action='auto'):\n", + "\n", + "def predict(self, dataset, missing_value_action='auto'):\n", + "\n", + "def print_code(co, lasti= -1, level=0):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + "def _check_prob_and_prob_vector(predictions):\n", + "\n", + "def _supervised_evaluation_error_checking(targets, predictions):\n", + "\n", + "def log_loss(targets, predictions, index_map=None):\n", + "\n", + "def max_error(targets, predictions):\n", + "\n", + "def rmse(targets, predictions):\n", + "\n", + "def confusion_matrix(targets, predictions):\n", + "\n", + "def accuracy(targets, predictions, average='micro'):\n", + "\n", + "def fbeta_score(targets, predictions, beta=1.0, average='macro'):\n", + "\n", + "def f1_score(targets, predictions, average='macro'):\n", + "\n", + "def precision(targets, predictions, average='macro'):\n", + "\n", + "def auc(targets, predictions, average='macro', index_map=None):\n", + "\n", + "def get_library_meta(self):\n", + "\n", + "def convert(model, feature_names = None, target = 'target', force_32bit_float = True):\n", + "\n", + "def dumps(obj):\n", + "\n", + "def draw_strokes(stroke_based_drawings):\n", + "\n", + "def fit(self, data):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def extract_features(self, dataset, missing_value_action='auto'):\n", + "\n", + "def _extract_features_with_missing(self, dataset, tree_id = 0,\n", + "\n", + " def get_missing_features(row):\n", + "\n", + "def _dump_to_text(self, with_stats):\n", + "\n", + "def _dump_to_json(self, with_stats):\n", + "\n", + " def hexadecimal_to_float(s):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + " def is_gbr_model(m):\n", + "\n", + "def _sort_topk_votes(x, k):\n", + "\n", + "def _construct_auto_distance(features, column_types):\n", + "\n", + "def create(dataset, target, features=None, distance=None, verbose=True):\n", + "\n", + "def _load_version(cls, state, version):\n", + "\n", + "def classify(self, dataset, max_neighbors=10, radius=None, verbose=True):\n", + "\n", + "def predict(self, dataset, max_neighbors=10, radius=None,\n", + "\n", + "def predict_topk(self, dataset, max_neighbors=10, radius=None, k=3,\n", + "\n", + "def evaluate(self, dataset, metric='auto', max_neighbors=10, radius=None):\n", + "\n", + "def _compact_class_repr(obj):\n", + "\n", + "def _preprocess(self, data):\n", + "\n", + "def fit(self, data):\n", + "\n", + "def fit_transform(self, data):\n", + "\n", + "def transform(self, data):\n", + "\n", + "def _load_version(cls, unpickler, version):\n", + "\n", + "def create(graph, reset_probability=0.15,\n", + "\n", + "def init(version = None, command = None, options = None):\n", + "\n", + "def init_link_flags(toolset, linker, condition):\n", + "\n", + "def add_dependency (self, targets, sources):\n", + "\n", + "def get_target_variable(self, targets, variable):\n", + "\n", + "def set_target_variable (self, targets, variable, value, append=0):\n", + "\n", + "def set_update_action (self, action_name, targets, sources, properties=None):\n", + "\n", + "def register_action (self, action_name, command='', bound_list = [], flags = [],\n", + "\n", + "def register_bjam_action (self, action_name, function=None):\n", + "\n", + "def pixel_data(self):\n", + "\n", + "def show(self):\n", + "\n", + "def predict(self, data, useCPUOnly=False, **kwargs):\n", + "\n", + "def visualize_spec(self, port=None, input_shape_dict=None):\n", + "\n", + "def _construct_auto_distance(feature_names, column_names, column_types, sample):\n", + "\n", + "def create(dataset, label=None, features=None, distance=None, method='auto',\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def _list_fields(self):\n", + "\n", + "def _get(self, field):\n", + "\n", + "def _training_stats(self):\n", + "\n", + "def query(self, dataset, label=None, k=5, radius=None, verbose=True):\n", + "\n", + "def similarity_graph(self, k=5, radius=None, include_self_edges=False,\n", + "\n", + "def random_split_by_session(dataset, session_id, fraction=0.9, seed=None):\n", + "\n", + " def random_session_pick(session_id_hash):\n", + "\n", + "def read_msbuild_xml(path, values={}):\n", + "\n", + "def read_msbuild_json(path, values=[]):\n", + "\n", + "def main():\n", + "\n", + "def __merge_json_values(current, previous):\n", + "\n", + "def __find_and_remove_value(list, compare):\n", + "\n", + "def __convert(root, tag, values, func):\n", + "\n", + "def __convert_enum(node):\n", + "\n", + "def __convert_bool(node):\n", + "\n", + "def __convert_string_list(node):\n", + "\n", + "def __convert_string(node):\n", + "\n", + "def __convert_node(node, default_value='', default_flags=vsflags()):\n", + "\n", + "def __with_argument(node, value):\n", + "\n", + "def __preprocess_arguments(root):\n", + "\n", + "def __get_attribute(node, name, default_value=''):\n", + "\n", + "def __get_path(path):\n", + "\n", + "def __output_path(toolchain, rule, output_dir):\n", + "\n", + "def __write_json_file(path, values):\n", + "\n", + "def __append_list(append_to, value):\n", + "\n", + "def decompile_func(func):\n", + "\n", + "def compile_func(ast_node, filename, globals, **defaults):\n", + "\n", + "def decompile_pyc(bin_pyc, output=sys.stdout):\n", + "\n", + "def ParseInput(self, a_file):\n", + "\n", + "def ParseLines(self, input_lines):\n", + "\n", + "def Expand(self, macro_ref_str):\n", + "\n", + "def ProcessContent(self, strip_expansion=False):\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + "def reset ():\n", + "\n", + "def feature (name, values, attributes = []):\n", + "\n", + "def set_default (feature, value):\n", + "\n", + "def defaults(features):\n", + "\n", + "def valid (names):\n", + "\n", + "def values (feature):\n", + "\n", + "def is_implicit_value (value_string):\n", + "\n", + "def implied_feature (implicit_value):\n", + "\n", + "def validate_feature (name):\n", + "\n", + "def __expand_subfeatures_aux (property_, dont_validate = False):\n", + "\n", + "def expand_subfeatures(properties, dont_validate = False):\n", + "\n", + "def extend (name, values):\n", + "\n", + "def validate_value_string (f, value_string):\n", + "\n", + "def subfeature (feature_name, value_string, subfeature, subvalues, attributes = []):\n", + "\n", + "def compose (composite_property_s, component_properties_s):\n", + "\n", + "def get_values (feature, properties):\n", + "\n", + "def expand_composites (properties):\n", + "\n", + "def is_subfeature_of (parent_property, f):\n", + "\n", + "def __is_subproperty_of (parent_property, p):\n", + "\n", + "def expand (properties):\n", + "\n", + "def add_defaults (properties):\n", + "\n", + "def minimize (properties):\n", + "\n", + "def split (properties):\n", + "\n", + " def split_one (properties):\n", + "\n", + "def compress_subproperties (properties):\n", + "\n", + "def __select_subfeatures (parent_property, features):\n", + "\n", + "def _get_interpretation_function(interpretation, dtype):\n", + "\n", + "def _get_interpretation_description_and_output_type(interpretation, dtype):\n", + "\n", + "def _get_embeddable_interpretation_doc(indent = 0):\n", + "\n", + "def _load_version(cls, unpickler, version):\n", + "\n", + "def fit(self, data):\n", + "\n", + "def transform(self, data):\n", + "\n", + "def short_text__str(self, column_name, output_column_prefix):\n", + "\n", + "def categorical__int(self, column_name, output_column_prefix):\n", + "\n", + "def _setup_from_data(self, data):\n", + "\n", + " def get_valid_interpretations():\n", + "\n", + "def fit(self, data):\n", + "\n", + "def fit_transform(self, data):\n", + "\n", + "def transform(self, data):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def _save_impl(self, pickler):\n", + "\n", + "def CreateMock(self, class_to_mock):\n", + "\n", + "def StubOutWithMock(self, obj, attr_name, use_mock_anything=False):\n", + "\n", + "def _Verify(self):\n", + "\n", + "def _VerifyMethodCall(self):\n", + "\n", + "def GetPossibleGroup(self):\n", + "\n", + "def _CheckAndCreateNewGroup(self, group_name, group_class):\n", + "\n", + "def equals(self, rhs):\n", + "\n", + "def equals(self, rhs):\n", + "\n", + "def equals(self, rhs):\n", + "\n", + "def equals(self, actual_seq):\n", + "\n", + "def equals(self, rhs):\n", + "\n", + "def MethodCalled(self, mock_method):\n", + "\n", + "def MethodCalled(self, mock_method):\n", + "\n", + "def IsSatisfied(self):\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + "def set_classifier_interface_params(spec, features, class_labels,\n", + "\n", + "def set_regressor_interface_params(spec, features, output_features):\n", + "\n", + "def set_transform_interface_params(spec, input_features, output_features, are_optional = False):\n", + "\n", + "def prep_data(data, features, session_id, prediction_window, predictions_in_chunk, target=None, verbose=True):\n", + "\n", + "def _load_into_numpy(sf, np_array, start, end, strides=None, shape=None):\n", + "\n", + "def set_input(self, input_names, input_dims):\n", + "\n", + "def set_output(self, output_names, output_dims):\n", + "\n", + "def set_class_labels(self, class_labels, predicted_feature_name = 'classLabel', prediction_blob = ''):\n", + "\n", + "def add_optionals(self, optionals_in, optionals_out):\n", + "\n", + "def add_embedding(self, name, W, b, input_dim, output_channels, has_bias,\n", + "\n", + "def add_softmax(self, name, input_name, output_name):\n", + "\n", + "def add_activation(self, name, non_linearity, input_name, output_name,\n", + "\n", + "def add_elementwise(self, name, input_names, output_name, mode, alpha = None):\n", + "\n", + "def add_upsample(self, name, scaling_factor_h, scaling_factor_w, input_name, output_name, mode = 'NN'):\n", + "\n", + "def add_scale(self, name, W, b, has_bias, input_name, output_name, shape_scale = [1], shape_bias = [1]):\n", + "\n", + "def add_bias(self, name, b, input_name, output_name, shape_bias = [1]):\n", + "\n", + "def add_sequence_repeat(self, name, nrep, input_name, output_name):\n", + "\n", + "def add_convolution(self, name, kernel_channels, output_channels, height,\n", + "\n", + "def add_padding(self, name,\n", + "\n", + "def add_crop(self, name, left, right, top, bottom, offset, input_names,\n", + "\n", + "def add_simple_rnn(self,name, W_h, W_x, b, hidden_size, input_size, activation, input_names, output_names, output_all = False, reverse_input = False):\n", + "\n", + "def add_gru(self, name, W_h, W_x, b, hidden_size, input_size,\n", + "\n", + "def add_unilstm(self, name, W_h, W_x, b, hidden_size, input_size, input_names, output_names,\n", + "\n", + "def add_bidirlstm(self, name, W_h, W_x, b, W_h_back, W_x_back, b_back, hidden_size, input_size,\n", + "\n", + "def add_flatten(self, name, mode, input_name, output_name):\n", + "\n", + "def add_slice(self, name, input_name, output_name, axis, start_index = 0, end_index = -1, stride = 1):\n", + "\n", + "def add_reorganize_data(self, name, input_name, output_name, mode = 'SPACE_TO_DEPTH', block_size = 2):\n", + "\n", + "def add_batchnorm(self, name, channels, gamma, beta,\n", + "\n", + "def add_permute(self, name, dim, input_name, output_name):\n", + "\n", + "def add_reshape(self, name, input_name, output_name, target_shape, mode):\n", + "\n", + "def add_reduce(self, name, input_name, output_name, axis, mode, epsilon = 1e-6):\n", + "\n", + "def add_lrn(self, name, input_name, output_name, alpha, beta, local_size, k = 1.0):\n", + "\n", + "def add_mvn(self, name, input_name, output_name, across_channels = True, normalize_variance = True, epsilon = 1e-5):\n", + "\n", + "def add_l2_normalize(self, name, input_name, output_name, epsilon = 1e-5):\n", + "\n", + "def add_unary(self, name, input_name, output_name, mode, alpha = 1.0,\n", + "\n", + "def add_split(self, name, input_name, output_names):\n", + "\n", + "def add_load_constant(self, name, output_name, constant_value, shape):\n", + "\n", + "def add_custom(self, name, input_names, output_names, custom_proto_spec = None):\n", + "\n", + "def set_pre_processing_parameters(self, image_input_names = [], is_bgr = False,\n", + "\n", + "def register(scanner_class, relevant_properties):\n", + "\n", + "def get(scanner_class, properties):\n", + "\n", + "def install (self, scanner, target, vtarget):\n", + "\n", + "def _fill_function(func, globals, defaults, dict, module, closure_values):\n", + "\n", + "def _make_skel_func(code, cell_count, base_globals=None):\n", + "\n", + "def _rehydrate_skeleton_class(skeleton_class, class_dict):\n", + "\n", + "def _find_module(mod_name):\n", + "\n", + "def save_module(self, obj):\n", + "\n", + "def _save_subimports(self, code, top_level_dependencies):\n", + "\n", + "def save_dynamic_class(self, obj):\n", + "\n", + "def save_function_tuple(self, func):\n", + "\n", + "def extract_code_globals(cls, co):\n", + "\n", + "def save_global(self, obj, name=None, pack=struct.pack):\n", + "\n", + "def save_reduce(self, func, args, state=None,\n", + "\n", + "def save_partial(self, obj):\n", + "\n", + "def save_file(self, obj):\n", + "\n", + "def save_ufunc(self, obj):\n", + "\n", + "def _ExtractSymbols(desc_proto, package):\n", + "\n", + "def Add(self, file_desc_proto):\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + "def mpi_submit(nslave, worker_args, worker_envs):\n", + "\n", + "def consume(self):\n", + "\n", + "def create(dataset, target,\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def _get_layer_converter_fn(layer):\n", + "\n", + "def convertToSpec(model,\n", + "\n", + "def convert(model,\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + " def is_rf_model(m):\n", + "\n", + "def create(dataset, features=None, distance=None, radius=1.,\n", + "\n", + "def find_lib_path():\n", + "\n", + "def check_expected_type(model, expected_type):\n", + "\n", + "def convert(model, input_names='input', target_name='target',\n", + "\n", + "def append(self, value):\n", + "\n", + "def insert(self, key, value):\n", + "\n", + "def extend(self, elem_seq):\n", + "\n", + "def MergeFrom(self, other):\n", + "\n", + "def remove(self, elem):\n", + "\n", + "def pop(self, key=-1):\n", + "\n", + "def add(self, **kwargs):\n", + "\n", + "def extend(self, elem_seq):\n", + "\n", + "def difference (b, a):\n", + "\n", + "def intersection (set1, set2):\n", + "\n", + "def contains (small, large):\n", + "\n", + "def equal (a, b):\n", + "\n", + "def annotate(data, image_column=None, annotation_column='annotations'):\n", + "\n", + "def recover_annotation():\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + "def print_callback(val):\n", + "\n", + "def run(toolkit_name, options, verbose=True, show_progress=False):\n", + "\n", + "def _RoundTowardZero(value, divider):\n", + "\n", + "def _IsValidPath(message_descriptor, path):\n", + "\n", + "def _CheckFieldMaskMessage(message):\n", + "\n", + "def _SnakeCaseToCamelCase(path_name):\n", + "\n", + "def _CamelCaseToSnakeCase(path_name):\n", + "\n", + "def _AddFieldPaths(node, prefix, field_mask):\n", + "\n", + "def Pack(self, msg, type_url_prefix='type.googleapis.com/'):\n", + "\n", + "def Unpack(self, msg):\n", + "\n", + "def ToJsonString(self):\n", + "\n", + "def FromJsonString(self, value):\n", + "\n", + "def FromNanoseconds(self, nanos):\n", + "\n", + "def FromMicroseconds(self, micros):\n", + "\n", + "def FromMilliseconds(self, millis):\n", + "\n", + "def ToDatetime(self):\n", + "\n", + "def FromDatetime(self, dt):\n", + "\n", + "def ToMicroseconds(self):\n", + "\n", + "def ToMilliseconds(self):\n", + "\n", + "def FromMicroseconds(self, micros):\n", + "\n", + "def FromMilliseconds(self, millis):\n", + "\n", + "def ToTimedelta(self):\n", + "\n", + "def FromTimedelta(self, td):\n", + "\n", + "def _NormalizeDuration(self, seconds, nanos):\n", + "\n", + "def ToJsonString(self):\n", + "\n", + "def IsValidForDescriptor(self, message_descriptor):\n", + "\n", + "def AllFieldsFromDescriptor(self, message_descriptor):\n", + "\n", + "def Union(self, mask1, mask2):\n", + "\n", + "def Intersect(self, mask1, mask2):\n", + "\n", + "def AddPath(self, path):\n", + "\n", + "def IntersectPath(self, path, intersection):\n", + "\n", + "def AddLeafNodes(self, prefix, node):\n", + "\n", + "def configure (command = None, condition = None, options = None):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + "def create(dataset, target, features=None, l2_penalty=1e-2, l1_penalty=0.0,\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + "def predict(self, dataset, missing_value_action='auto'):\n", + "\n", + "def evaluate(self, dataset, metric='auto', missing_value_action='auto'):\n", + "\n", + "def frame(data, window_length, hop_length):\n", + "\n", + "def periodic_hann(window_length):\n", + "\n", + "def stft_magnitude(signal, fft_length,\n", + "\n", + "def spectrogram_to_mel_matrix(num_mel_bins=20,\n", + "\n", + "def log_mel_spectrogram(data,\n", + "\n", + "def generate_random_sframe(num_rows, column_codes, random_seed = 0):\n", + "\n", + "def generate_random_regression_sframe(num_rows, column_codes, random_seed = 0, target_noise_level = 0.25):\n", + "\n", + "def generate_random_classification_sframe(num_rows, column_codes, num_classes,\n", + "\n", + "def infer_shapes(nn_spec, input_spec, input_shape_dict = None):\n", + "\n", + "def convert(libsvm_model, feature_names, target, input_length, probability):\n", + "\n", + "def create(dataset, session_id, target, features=None, prediction_window=100,\n", + "\n", + "def _encode_target(data, target, mapping=None):\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + "def predict(self, dataset, output_type='class', output_frequency='per_row'):\n", + "\n", + "def evaluate(self, dataset, metric='auto'):\n", + "\n", + "def classify(self, dataset, output_frequency='per_row'):\n", + "\n", + "def predict_topk(self, dataset, output_type='probability', k=3, output_frequency='per_row'):\n", + "\n", + "def count_characters(root, out):\n", + "\n", + "def main():\n", + "\n", + "def save_spec(spec, filename):\n", + "\n", + "def load_spec(filename):\n", + "\n", + "def _get_nn_layers(spec):\n", + "\n", + "def evaluate_regressor(model, data, target=\"target\", verbose=False):\n", + "\n", + "def evaluate_classifier(model, data, target='target', verbose=False):\n", + "\n", + "def evaluate_classifier_with_probabilities(model, data,\n", + "\n", + "def rename_feature(spec, current_name, new_name, rename_inputs=True,\n", + "\n", + "def _sanitize_value(x):\n", + "\n", + "def _element_equal(x, y):\n", + "\n", + "def evaluate_transformer(model, input_data, reference_output,\n", + "\n", + "def _get_input_names(spec):\n", + "\n", + "def create(graph, verbose=True):\n", + "\n", + "def replace_emphasis(self, s, index = 0):\n", + "\n", + "def _execute(self, code):\n", + "\n", + "def load (self, jamfile_location):\n", + "\n", + "def load_parent(self, location):\n", + "\n", + "def find(self, name, current_location):\n", + "\n", + "def module_name(self, jamfile_location):\n", + "\n", + "def find_jamfile (self, dir, parent_root=0, no_errors=0):\n", + "\n", + "def load_jamfile(self, dir, jamfile_module):\n", + "\n", + "def load_standalone(self, jamfile_module, file):\n", + "\n", + "def initialize(self, module_name, location=None, basename=None, standalone_path=''):\n", + "\n", + "def inherit_attributes(self, project_module, parent_module):\n", + "\n", + "def register_id(self, id, module):\n", + "\n", + "def push_current(self, project):\n", + "\n", + "def attribute(self, project, attribute):\n", + "\n", + "def attributeDefault(self, project, attribute, default):\n", + "\n", + "def target(self, project_module):\n", + "\n", + "def add_rule(self, name, callable_):\n", + "\n", + "def __build_python_module_cache(self):\n", + "\n", + "def load_module(self, name, extra_path=None):\n", + "\n", + "def set(self, attribute, specification, exact=False):\n", + "\n", + "def dump(self):\n", + "\n", + "def make_wrapper(self, callable_):\n", + "\n", + " def wrapper(*args, **kw):\n", + "\n", + "def constant(self, name, value):\n", + "\n", + "def path_constant(self, name, value):\n", + "\n", + "def conditional(self, condition, requirements):\n", + "\n", + "def create_array_feature_extractor(input_features, output_name, extract_indices,\n", + "\n", + "def add_input(self, input):\n", + "\n", + "def x_build_targets_target( self, node ):\n", + "\n", + "def x_build_action( self, node ):\n", + "\n", + "def x_build_timestamp( self, node ):\n", + "\n", + "def print_action(self, test_succeed, action):\n", + "\n", + "def _get_weight_param_summary(wp):\n", + "\n", + "def _summarize_network_layer_info(layer):\n", + "\n", + "def summarize_neural_network_spec(mlmodel_spec):\n", + "\n", + "def print_network_spec(mlmodel_spec, interface_only=False):\n", + "\n", + "def _generate_base_svm_classifier_spec(model):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + "def make_input_layers(self):\n", + "\n", + "def make_output_layers(self):\n", + "\n", + "def generate_blob_names(self):\n", + "\n", + "def _remove_layer(self, layer):\n", + "\n", + "def _insert_layer_after(self, layer_idx, new_layer, new_keras_layer):\n", + "\n", + "def _insert_layer_between(self, src, snk, new_layer, new_keras_layer):\n", + "\n", + "def defuse_activation(self):\n", + "\n", + "def _get_1d_interface_edges(self):\n", + "\n", + "def insert_1d_permute_layers(self):\n", + "\n", + "def replace_nodes(root, old, new):\n", + "\n", + "def log_component_configuration(component, message):\n", + "\n", + "def create(dataset, transformers):\n", + "\n", + "def _preprocess_data(audio_data, verbose=True):\n", + "\n", + "def _extract_features(self, preprocessed_data, verbose=True):\n", + "\n", + "def get_deep_features(self, audio_data, verbose):\n", + "\n", + "def get_spec(self):\n", + "\n", + "def remove_trivial(root):\n", + "\n", + "def safe_isinstance(value, types=None, class_names=None):\n", + "\n", + "def value_to_jam(value, methods=False):\n", + "\n", + "def abbreviate_dashed(s):\n", + "\n", + "def abbreviate(s):\n", + "\n", + "def get_decision(self, child, is_missing = False):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def to_json(self, root_id = 0, output = {}):\n", + "\n", + "def get_prediction_score(self, node_id):\n", + "\n", + "def get_prediction_path(self, node_id, missing_id = []):\n", + "\n", + " def _deduplicate_path(path):\n", + "\n", + "def create(graph, label_field,\n", + "\n", + "def _is_not_pickle_safe_gl_model_class(obj_class):\n", + "\n", + "def _is_not_pickle_safe_gl_class(obj_class):\n", + "\n", + "def _get_gl_class_type(obj_class):\n", + "\n", + "def _get_gl_object_from_persistent_id(type_tag, gl_archive_abs_path):\n", + "\n", + "def persistent_id(self, obj):\n", + "\n", + "def close(self):\n", + "\n", + " def register_error(*args):\n", + "\n", + "def persistent_load(self, pid):\n", + "\n", + "def close(self):\n", + "\n", + "def convert(sk_obj, input_features = None,\n", + "\n", + "def ParseMessage(descriptor, byte_str):\n", + "\n", + "def MakeClass(descriptor):\n", + "\n", + "def load_images(url, format='auto', with_path=True, recursive=True, ignore_failure=True, random_order=False):\n", + "\n", + "def _decode(image_data):\n", + "\n", + "def resize(image, width, height, channels=None, decode=False,\n", + "\n", + "def _convert_1bit_array_to_byte_array(arr):\n", + "\n", + "def _decompose_bytes_to_bit_arr(arr):\n", + "\n", + "def _get_linear_lookup_table_and_weight(nbits, wp):\n", + "\n", + "def _get_kmeans_lookup_table_and_weight(nbits, w, init='k-means++', tol=1e-2, n_init=1, rand_seed=0):\n", + "\n", + "def _quantize_channelwise_linear(weight, nbits, axis=0):\n", + "\n", + "def _quantize_wp(wp, nbits, qm, axis=0, **kwargs):\n", + "\n", + "def _quantize_wp_field(wp, nbits, qm, shape, axis=0, **kwargs):\n", + "\n", + "def compare_models(full_precision_model, quantized_model,\n", + "\n", + "def quantize_weights(full_precision_model,\n", + "\n", + "def create(observation_data,\n", + "\n", + "def _get_elementwise_name_from_keras_layer(keras_layer):\n", + "\n", + "def convert_dense(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_embedding(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_activation(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_advanced_relu(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_convolution(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_convolution1d(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_separable_convolution(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_batchnorm(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_flatten(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_merge(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_pooling(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_padding(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_cropping(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_upsample(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_permute(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_simple_rnn(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_lstm(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_gru(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_bidirectional(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def SLICE_0(self, instr):\n", + "\n", + "def STORE_SLICE_1(self, instr):\n", + "\n", + "def STORE_SLICE_3(self, instr):\n", + "\n", + "def DELETE_SLICE_0(self, instr):\n", + "\n", + "def create(item_data, item_id,\n", + "\n", + " def process_weights(x):\n", + "\n", + "def lhs(node):\n", + "\n", + "def conditional_lhs(node):\n", + "\n", + "def conditional_symbols(node):\n", + "\n", + "def _loadlib(lib='standard'):\n", + "\n", + "def init(args=None, lib='standard'):\n", + "\n", + "def tracker_print(msg):\n", + "\n", + "def allreduce(data, op, prepare_fun=None):\n", + "\n", + " def pfunc(args):\n", + "\n", + "def _load_model(ptr, length):\n", + "\n", + "def load_checkpoint(with_local=False):\n", + "\n", + "def checkpoint(global_model, local_model=None):\n", + "\n", + "def stack_annotations(annotations_sarray):\n", + "\n", + "def unstack_annotations(annotations_sframe, num_rows=None):\n", + "\n", + "def create(observation_data,\n", + "\n", + "def preprocess():\n", + "\n", + " def pairwise(iterable):\n", + "\n", + "def PackTag(field_number, wire_type):\n", + "\n", + "def _VarUInt64ByteSizeNoTag(uint64):\n", + "\n", + "def _seconds_as_string(seconds):\n", + "\n", + "def _get_converter_module(sk_obj):\n", + "\n", + "def _convert_sklearn_model(input_sk_obj, input_features = None,\n", + "\n", + "def set_default_prediction_value(self, values):\n", + "\n", + "def set_post_evaluation_transform(self, value):\n", + "\n", + "def add_branch_node(self, tree_id, node_id, feature_index, feature_value,\n", + "\n", + "def add_leaf_node(self, tree_id, node_id, values, relative_hit_rate = None):\n", + "\n", + "def create (raw_properties = []):\n", + "\n", + "def create_with_validation (raw_properties):\n", + "\n", + "def create_from_user_input(raw_properties, jamfile_module, location):\n", + "\n", + "def refine_from_user_input(parent_requirements, specification, jamfile_module,\n", + "\n", + "def base (self):\n", + "\n", + "def free (self):\n", + "\n", + "def dependency (self):\n", + "\n", + "def non_dependency (self):\n", + "\n", + "def incidental (self):\n", + "\n", + "def refine (self, requirements):\n", + "\n", + "def target_path (self):\n", + "\n", + "def add (self, ps):\n", + "\n", + "def get (self, feature):\n", + "\n", + "def get_properties(self, feature):\n", + "\n", + "def _create(observation_data,\n", + "\n", + "def compare_models(dataset, models, model_names=None, user_sample=1.0,\n", + "\n", + "def precision_recall_by_user(observed_user_items,\n", + "\n", + "def random_split_by_user(dataset,\n", + "\n", + "def _list_fields(self):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + " def add_ordered_options(name, ordered_options, additional = []):\n", + "\n", + "def _set_current_options(self, options):\n", + "\n", + "def __prepare_dataset_parameter(self, dataset):\n", + "\n", + " def raise_dataset_type_exception():\n", + "\n", + "def _get_data_schema(self):\n", + "\n", + "def predict(self, dataset,\n", + "\n", + " def check_type(arg, arg_name, required_type, allowed_types):\n", + "\n", + "def get_similar_items(self, items=None, k=10, verbose=False):\n", + "\n", + " def check_type(arg, arg_name, required_type, allowed_types):\n", + "\n", + "def get_similar_users(self, users=None, k=10):\n", + "\n", + " def check_type(arg, arg_name, required_type, allowed_types):\n", + "\n", + "def recommend(self, users=None, k=10, exclude=None, items=None,\n", + "\n", + " def check_type(arg, arg_name, required_type, allowed_types):\n", + "\n", + "def evaluate_precision_recall(self, dataset, cutoffs=list(range(1,11,1))+list(range(11,50,5)),\n", + "\n", + "def evaluate_rmse(self, dataset, target):\n", + "\n", + "def evaluate(self, dataset, metric='auto',\n", + "\n", + "def _get_popularity_baseline(self):\n", + "\n", + "def _get_item_intersection_info(self, item_pairs):\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + "def evaluate(self, dataset, metric='auto', missing_value_action='auto'):\n", + "\n", + "def predict(self, dataset, missing_value_action='auto'):\n", + "\n", + "def create_feature_vectorizer(input_features, output_feature_name,\n", + "\n", + "def query_boost_version(boost_root):\n", + "\n", + "def git_clone(sub_repo, branch, commit = None, cwd = None, no_submodules = False):\n", + "\n", + "def install_toolset(self, toolset):\n", + "\n", + "def create(dataset, target, features=None,\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def _get_layer_converter_fn(layer, add_custom_layers = False):\n", + "\n", + "def _load_keras_model(model_network_path, model_weight_path, custom_objects=None):\n", + "\n", + "def show(self):\n", + "\n", + "def save(self, filepath):\n", + "\n", + "def mthread_submit(nslave, worker_args, worker_envs):\n", + "\n", + "def _get_value(scikit_value, mode = 'regressor', scaling = 1.0, n_classes = 2, tree_index = 0):\n", + "\n", + "def _recurse(coreml_tree, scikit_tree, tree_id, node_id, scaling = 1.0, mode = 'regressor',\n", + "\n", + "def convert_tree_ensemble(model, input_features,\n", + "\n", + "def _vgg16_data_prep(batch):\n", + "\n", + "def create(style_dataset, content_dataset, style_feature=None,\n", + "\n", + "def _canonize_content_input(self, dataset, single_style):\n", + "\n", + "def stylize(self, images, style=None, verbose=True, max_size=800, batch_size = 4):\n", + "\n", + "def export_coreml(self, path, image_shape=(256, 256), \n", + "\n", + "def get_styles(self, style=None):\n", + "\n", + "def convert(model, input_shape, class_labels=None, mode=None,\n", + "\n", + " def remove_batch(dim):\n", + "\n", + "def load_model(model_path):\n", + "\n", + "def add_enumerated_multiarray_shapes(spec, feature_name, shapes):\n", + "\n", + "def add_enumerated_image_sizes(spec, feature_name, sizes):\n", + "\n", + "def update_image_size_range(spec, feature_name, size_range):\n", + "\n", + "def update_multiarray_shape_range(spec, feature_name, shape_range):\n", + "\n", + "def get_allowed_shape_ranges(spec):\n", + "\n", + "def can_allow_multiple_input_shapes(spec):\n", + "\n", + "def isFlexible(self):\n", + "\n", + "def define_macro(out_f, (name, args, body), undefine=False, check=True):\n", + "\n", + "def filename(out_dir, name, undefine=False):\n", + "\n", + "def length_limits(max_length_limit, length_limit_step):\n", + "\n", + "def generate_take(out_f, steps, line_prefix):\n", + "\n", + "def generate_make_string(out_f, max_step):\n", + "\n", + "def generate_string(out_dir, limits):\n", + "\n", + "def existing_path(value):\n", + "\n", + "def main():\n", + "\n", + "def begin(self):\n", + "\n", + "def end(self):\n", + "\n", + "def begin(self):\n", + "\n", + "def get_deep_features(audio_data, verbose=True):\n", + "\n", + "def create(dataset, target, feature, max_iterations=10,\n", + "\n", + "def _load_version(cls, state, version):\n", + "\n", + "def classify(self, dataset, verbose=True, batch_size=64):\n", + "\n", + "def evaluate(self, dataset, metric='auto', verbose=True, batch_size=64):\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + " def get_custom_model_spec():\n", + "\n", + "def predict(self, dataset, output_type='class', verbose=True, batch_size=64):\n", + "\n", + "def predict_topk(self, dataset, output_type='probability', k=3, verbose=True, batch_size=64):\n", + "\n", + "def _init_data(data, allow_empty, default_name):\n", + "\n", + "def provide_data(self):\n", + "\n", + "def provide_label(self):\n", + "\n", + "def reset ():\n", + "\n", + "def register (g):\n", + "\n", + "def register_standard (id, source_types, target_types, requirements = []):\n", + "\n", + "def override (overrider_id, overridee_id):\n", + "\n", + "def __viable_source_types_real (target_type):\n", + "\n", + "def viable_source_types (target_type):\n", + "\n", + "def viable_source_types_for_generator_real (generator):\n", + "\n", + "def viable_source_types_for_generator (generator):\n", + "\n", + "def try_one_generator_really (project, name, generator, target_type, properties, sources):\n", + "\n", + "def try_one_generator (project, name, generator, target_type, properties, sources):\n", + "\n", + "def __ensure_type (targets):\n", + "\n", + "def find_viable_generators_aux (target_type, prop_set):\n", + "\n", + "def __construct_really (project, name, target_type, prop_set, sources):\n", + "\n", + "def construct (project, name, target_type, prop_set, sources, top_level=False):\n", + "\n", + "def clone (self, new_id, new_toolset_properties):\n", + "\n", + "def clone_and_change_target_type(self, base, type):\n", + "\n", + "def match_rank (self, ps):\n", + "\n", + "def run (self, project, name, prop_set, sources):\n", + "\n", + "def construct_result (self, consumed, project, name, prop_set):\n", + "\n", + "def determine_output_name(self, sources):\n", + "\n", + "def generated_targets (self, sources, prop_set, project, name):\n", + "\n", + "def convert_to_consumable_types (self, project, name, prop_set, sources, only_one=False):\n", + "\n", + "def convert_multiple_sources_to_consumable_types (self, project, prop_set, sources):\n", + "\n", + "def element_sub_sketch(self, keys = None):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + "def convert(model, features, target):\n", + "\n", + "def _get_global_dbapi_info(dbapi_module, conn):\n", + "\n", + "def _read_csv_impl(cls,\n", + "\n", + "def read_csv_with_errors(cls,\n", + "\n", + "def read_json(cls,\n", + "\n", + "def from_sql(cls, conn, sql_statement, params=None, type_inference_rows=100,\n", + "\n", + "def to_sql(self, conn, table_name, dbapi_module=None,\n", + "\n", + "def print_rows(self, num_rows=10, num_columns=40, max_column_width=30,\n", + "\n", + "def _row_selector(self, other):\n", + "\n", + "def to_dataframe(self):\n", + "\n", + "def to_numpy(self):\n", + "\n", + "def apply(self, fn, dtype=None, seed=None):\n", + "\n", + "def flat_map(self, column_names, fn, column_types='auto', seed=None):\n", + "\n", + "def sample(self, fraction, seed=None, exact=False):\n", + "\n", + "def random_split(self, fraction, seed=None, exact=False):\n", + "\n", + "def topk(self, column_name, k=10, reverse=False):\n", + "\n", + "def save(self, filename, format=None):\n", + "\n", + "def export_csv(self, filename, delimiter=',', line_terminator='\\n',\n", + "\n", + "def export_json(self,\n", + "\n", + "def _save_reference(self, filename):\n", + "\n", + "def select_column(self, column_name):\n", + "\n", + "def select_columns(self, column_names):\n", + "\n", + "def add_column(self, data, column_name=\"\", inplace=False):\n", + "\n", + "def add_columns(self, data, column_names=None, inplace=False):\n", + "\n", + "def remove_column(self, column_name, inplace=False):\n", + "\n", + "def remove_columns(self, column_names, inplace=False):\n", + "\n", + "def swap_columns(self, column_name_1, column_name_2, inplace=False):\n", + "\n", + "def rename(self, names, inplace=False):\n", + "\n", + "def append(self, other):\n", + "\n", + "def groupby(self, key_column_names, operations, *args):\n", + "\n", + "def join(self, right, on=None, how='inner'):\n", + "\n", + "def filter_by(self, values, column_name, exclude=False):\n", + "\n", + "def explore(self, title=None):\n", + "\n", + "def pack_columns(self, column_names=None, column_name_prefix=None, dtype=list,\n", + "\n", + "def split_datetime(self, column_name, column_name_prefix=None, limit=None, timezone=False):\n", + "\n", + "def unpack(self, column_name=None, column_name_prefix=None, column_types=None,\n", + "\n", + "def stack(self, column_name, new_column_name=None, drop_na=False, new_column_type=None):\n", + "\n", + "def unstack(self, column_names, new_column_name=None):\n", + "\n", + "def sort(self, key_column_names, ascending=True):\n", + "\n", + "def dropna(self, columns=None, how='any'):\n", + "\n", + "def dropna_split(self, columns=None, how='any'):\n", + "\n", + "def fillna(self, column_name, value):\n", + "\n", + "def add_row_number(self, column_name='id', start=0, inplace=False):\n", + "\n", + "def AddSerializedFile(self, serialized_file_desc_proto):\n", + "\n", + "def AddDescriptor(self, desc):\n", + "\n", + "def AddServiceDescriptor(self, service_desc):\n", + "\n", + "def AddExtensionDescriptor(self, extension):\n", + "\n", + "def AddFileDescriptor(self, file_desc):\n", + "\n", + "def _AddFileDescriptor(self, file_desc):\n", + "\n", + "def FindFileByName(self, file_name):\n", + "\n", + "def FindFileContainingSymbol(self, symbol):\n", + "\n", + "def FindMessageTypeByName(self, full_name):\n", + "\n", + "def FindEnumTypeByName(self, full_name):\n", + "\n", + "def FindFieldByName(self, full_name):\n", + "\n", + "def FindServiceByName(self, full_name):\n", + "\n", + "def _FindFileContainingSymbolInDb(self, symbol):\n", + "\n", + "def _ConvertFileProtoToFileDescriptor(self, file_proto):\n", + "\n", + "def _ConvertMessageDescriptor(self, desc_proto, package=None, file_desc=None,\n", + "\n", + "def _SetAllFieldTypes(self, package, desc_proto, scope):\n", + "\n", + "def _SetFieldType(self, field_proto, field_desc, package, scope):\n", + "\n", + "def _MakeEnumValueDescriptor(self, value_proto, index):\n", + "\n", + "def _MakeServiceDescriptor(self, service_proto, service_index, scope,\n", + "\n", + "def _MakeMethodDescriptor(self, method_proto, service_name, package, scope,\n", + "\n", + "def _ExtractSymbols(self, descriptors):\n", + "\n", + "def _GetDeps(self, dependencies):\n", + "\n", + "def _GetTypeFromScope(self, package, type_name, scope):\n", + "\n", + "def max_element (elements, ordered = None):\n", + "\n", + "def select_highest_ranked (elements, ranks):\n", + "\n", + "def CopyFrom(self, other_msg):\n", + "\n", + "def recurse_json(mlkit_tree, xgb_tree_json, tree_id, node_id, feature_map,\n", + "\n", + "def convert_tree_ensemble(model, feature_names, target, force_32bit_float):\n", + "\n", + "def convert(model, input_features, output_features):\n", + "\n", + " def bs_find(a, i):\n", + "\n", + "def update_dimension(model, input_dimension):\n", + "\n", + "def convert_reshape(net, node, module, builder):\n", + "\n", + "def convert_elementwise_mul_scalar(net, node, module, builder):\n", + "\n", + "def convert_dense(net, node, module, builder):\n", + "\n", + "def convert_padding(net, node, module, builder):\n", + "\n", + "def convert_upsample(net, node, module, builder):\n", + "\n", + "def convert_softmax(net, node, module, builder):\n", + "\n", + "def convert_custom(net, node, module, builder):\n", + "\n", + "def convert_embedding(net, node, model, builder):\n", + "\n", + "def convert_scalar_add(net, node, model, builder):\n", + "\n", + "def convert_scalar_multiply(net, node, model, builder):\n", + "\n", + "def convert_instancenorm(net, node, model, builder):\n", + "\n", + "def _get_aws_credentials():\n", + "\n", + "def _try_inject_s3_credentials(url):\n", + "\n", + "def _make_internal_url(url):\n", + "\n", + "def is_directory_archive(path):\n", + "\n", + "def get_archive_type(path):\n", + "\n", + "def crossproduct(d):\n", + "\n", + "def get_turicreate_object_type(url):\n", + "\n", + "def _assert_sframe_equal(sf1,\n", + "\n", + "def _get_temp_file_location():\n", + "\n", + "def _make_temp_directory(prefix):\n", + "\n", + "def _make_temp_filename(prefix):\n", + "\n", + "def _pickle_to_temp_location_or_memory(obj):\n", + "\n", + "def _get_cuda_gpus():\n", + "\n", + "def _ParameterDecorator(naming_type, testcases):\n", + "\n", + " def _Apply(obj):\n", + "\n", + "def check_header_comment(filename):\n", + "\n", + "def check_input_files_for_variadic_seq(headerDir, sourceDir):\n", + "\n", + "def check_input_files_for_numbered_seq(sourceDir, suffix, containers):\n", + "\n", + "def check_input_files(headerDir, sourceDir, containers=['vector', 'list', 'set', 'map'],\n", + "\n", + "def fix_header_comment(filename, timestamp):\n", + "\n", + "def fix_input_files_for_variadic_seq(headerDir, sourceDir, timestamp):\n", + "\n", + "def fix_input_files_for_numbered_seq(sourceDir, suffix, timestamp, containers):\n", + "\n", + "def fix_input_files(headerDir, sourceDir, containers=['vector', 'list', 'set', 'map'],\n", + "\n", + "def to_existing_absolute_path(string):\n", + "\n", + "def main():\n", + "\n", + "def create(dataset, label = None, feature = None, model = 'resnet-50', verbose = True,\n", + "\n", + "def _load_version(cls, state, version):\n", + "\n", + "def query(self, dataset, label=None, k=5, radius=None, verbose=True, batch_size=64):\n", + "\n", + "def similarity_graph(self, k=5, radius=None, include_self_edges=False,\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + "def make_graph(node, call_deps=False):\n", + "\n", + "def extract(binary):\n", + "\n", + "def _VarintSize(value):\n", + "\n", + "def _SignedVarintSize(value):\n", + "\n", + "def _SimpleSizer(compute_value_size):\n", + "\n", + " def SpecificSizer(field_number, is_repeated, is_packed):\n", + "\n", + " def PackedFieldSize(value):\n", + "\n", + " def RepeatedFieldSize(value):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def _FixedSizer(value_size):\n", + "\n", + " def SpecificSizer(field_number, is_repeated, is_packed):\n", + "\n", + " def PackedFieldSize(value):\n", + "\n", + " def RepeatedFieldSize(value):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def BytesSizer(field_number, is_repeated, is_packed):\n", + "\n", + " def RepeatedFieldSize(value):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def GroupSizer(field_number, is_repeated, is_packed):\n", + "\n", + " def RepeatedFieldSize(value):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def MessageSizer(field_number, is_repeated, is_packed):\n", + "\n", + " def RepeatedFieldSize(value):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def MessageSetItemSizer(field_number):\n", + "\n", + " def FieldSize(value):\n", + "\n", + "def MapSizer(field_descriptor, is_message_map):\n", + "\n", + " def FieldSize(map_value):\n", + "\n", + "def _VarintEncoder():\n", + "\n", + " def EncodeVarint(write, value):\n", + "\n", + "def _SignedVarintEncoder():\n", + "\n", + " def EncodeSignedVarint(write, value):\n", + "\n", + "def _VarintBytes(value):\n", + "\n", + "def _SimpleEncoder(wire_type, encode_value, compute_value_size):\n", + "\n", + " def SpecificEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodePackedField(write, value):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def _StructPackEncoder(wire_type, format):\n", + "\n", + " def SpecificEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodePackedField(write, value):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def _FloatingPointEncoder(wire_type, format):\n", + "\n", + " def EncodeNonFiniteOrRaise(write, value):\n", + "\n", + " def EncodeNonFiniteOrRaise(write, value):\n", + "\n", + " def SpecificEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodePackedField(write, value):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def BoolEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodePackedField(write, value):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def StringEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def GroupEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def MessageEncoder(field_number, is_repeated, is_packed):\n", + "\n", + " def EncodeRepeatedField(write, value):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def MessageSetItemEncoder(field_number):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def MapEncoder(field_descriptor):\n", + "\n", + " def EncodeField(write, value):\n", + "\n", + "def convert(model, image_input_names=[], is_bgr=False,\n", + "\n", + "def _set_kernel(model, spec):\n", + "\n", + " def gamma_value(model):\n", + "\n", + "def append(self, data, segment=0):\n", + "\n", + "def append_multiple(self, data, segment=0):\n", + "\n", + "def update_location(self, ps):\n", + "\n", + "def targets_to_stage(self, source_targets, ps):\n", + "\n", + "def init_logger():\n", + "\n", + "def get_environment_config():\n", + "\n", + "def set_log_level(level):\n", + "\n", + "def get_runtime_config():\n", + "\n", + "def set_runtime_config(name, value):\n", + "\n", + "def load_sgraph(filename, format='binary', delimiter='auto'):\n", + "\n", + "def _vertex_list_to_dataframe(ls, id_column_name):\n", + "\n", + "def _vertex_list_to_sframe(ls, id_column_name):\n", + "\n", + "def _edge_list_to_dataframe(ls, src_column_name, dst_column_name):\n", + "\n", + "def _edge_list_to_sframe(ls, src_column_name, dst_column_name):\n", + "\n", + "def _dataframe_to_vertex_list(df):\n", + "\n", + "def _dataframe_to_edge_list(df):\n", + "\n", + "def _vertex_data_to_sframe(data, vid_field):\n", + "\n", + "def _edge_data_to_sframe(data, src_field, dst_field):\n", + "\n", + "def get_vertices(self, ids=[], fields={}, format='sframe'):\n", + "\n", + "def get_edges(self, src_ids=[], dst_ids=[], fields={}, format='sframe'):\n", + "\n", + "def add_vertices(self, vertices, vid_field=None):\n", + "\n", + "def add_edges(self, edges, src_field=None, dst_field=None):\n", + "\n", + "def select_fields(self, fields):\n", + "\n", + "def triple_apply(self, triple_apply_fn, mutated_fields, input_fields=None):\n", + "\n", + "def save(self, filename, format='auto'):\n", + "\n", + "def get_neighborhood(self, ids, radius=1, full_subgraph=True):\n", + "\n", + "def create(dataset, target,\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + "def _get(self, field):\n", + "\n", + "def _describe_fields(cls):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def _raise_error_if_not_of_type(arg, expected_type, arg_name=None):\n", + "\n", + "def waveform_to_examples(data, sample_rate):\n", + "\n", + "def wavfile_to_examples(wav_file):\n", + "\n", + "def expand_no_defaults (property_sets):\n", + "\n", + "def __x_product (property_sets):\n", + "\n", + "def __x_product_aux (property_sets, seen_features):\n", + "\n", + "def looks_like_implicit_value(v):\n", + "\n", + "def from_command_line(command_line):\n", + "\n", + "def regex_to_error_msg(regex):\n", + "\n", + "def random_chars(number):\n", + "\n", + "def templates_in(path):\n", + "\n", + "def nth_char(char_map, index):\n", + "\n", + "def format_character(char):\n", + "\n", + "def write_file(filename, content):\n", + "\n", + "def out_filename(template, n_val, mode):\n", + "\n", + "def main():\n", + "\n", + "def convert_from(self, base):\n", + "\n", + "def instantiate(self, value_of_n):\n", + "\n", + "def range(self):\n", + "\n", + "def _match(self, regex):\n", + "\n", + "def add_model(self, spec):\n", + "\n", + "def GetVersion():\n", + "\n", + "def generate_proto(source, require = True):\n", + "\n", + "def _validate_row_label(label, column_type_map):\n", + "\n", + "def _robust_column_name(base_name, column_names):\n", + "\n", + "def _select_valid_features(dataset, features, valid_feature_types,\n", + "\n", + "def _check_elements_equal(lst):\n", + "\n", + "def _validate_lists(sa, allowed_types=[str], require_same_type=True,\n", + "\n", + "def _summarize_accessible_fields(field_descriptions, width=40,\n", + "\n", + "def _is_valid_datatype(datatype_instance):\n", + "\n", + "def _normalize_datatype(datatype_instance):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + " def is_gbr_model(m):\n", + "\n", + "def get_symbols(node, ctx_types=(ast.Load, ast.Store)):\n", + "\n", + "def order (self, objects):\n", + "\n", + "def __eliminate_unused_constraits (self, objects):\n", + "\n", + "def __has_no_dependents (self, obj, constraints):\n", + "\n", + "def path_order (x, y):\n", + "\n", + "def refine (properties, requirements):\n", + "\n", + "def translate_paths (properties, path):\n", + "\n", + "def translate_indirect(properties, context_module):\n", + "\n", + "def validate (properties):\n", + "\n", + "def split_conditional (property):\n", + "\n", + "def select (features, properties):\n", + "\n", + "def evaluate_conditionals_in_context (properties, context):\n", + "\n", + "def change (properties, feature, value = None):\n", + "\n", + "def __validate1 (property):\n", + "\n", + "def remove(attributes, properties):\n", + "\n", + "def take(attributes, properties):\n", + "\n", + "def insert (self, properties, value):\n", + "\n", + "def benchmark_command(cmd, progress):\n", + "\n", + "def compiler_info(compiler):\n", + "\n", + "def files_in_dir(path, extension):\n", + "\n", + "def format_time(seconds):\n", + "\n", + "def benchmark(src_dir, compiler, include_dirs, iter_count):\n", + "\n", + "def plot(values, mode_names, title, (xlabel, ylabel), out_file):\n", + "\n", + "def configs_in(src_dir):\n", + "\n", + "def join_images(img_files, out_file):\n", + "\n", + "def plot_temp_diagrams(config, results, temp_dir):\n", + "\n", + "def plot_diagram(config, results, images_dir, out_filename):\n", + "\n", + "def plot_diagrams(results, configs, compiler, out_dir):\n", + "\n", + "def main():\n", + "\n", + "def load_model(location):\n", + "\n", + "def _get_default_options_wrapper(unity_server_model_name,\n", + "\n", + " def get_default_options_for_model(output_type = 'sframe'):\n", + "\n", + "def reset ():\n", + "\n", + "def check_init_parameters(toolset, requirement, *args):\n", + "\n", + "def get_invocation_command(toolset, tool, user_provided_command = [],\n", + "\n", + "def get_absolute_tool_path(command):\n", + "\n", + "def find_tool(name, additional_paths = [], path_last = False):\n", + "\n", + "def check_tool_aux(command):\n", + "\n", + "def check_tool(command):\n", + "\n", + "def handle_options(tool, condition, command, options):\n", + "\n", + "def get_program_files_dir():\n", + "\n", + "def variable_setting_command(variable, value):\n", + "\n", + "def path_variable_setting_command(variable, paths):\n", + "\n", + "def prepend_path_variable_command(variable, paths):\n", + "\n", + "def format_name(format, name, target_type, prop_set):\n", + "\n", + "def register(self, id):\n", + "\n", + "def get(self, id, param):\n", + "\n", + "def set (self, id, param, value):\n", + "\n", + "def get_gpus_in_use(max_devices=None):\n", + "\n", + "def make_unity_server_env():\n", + "\n", + "def set_windows_dll_path():\n", + "\n", + " def errcheck_bool(result, func, args):\n", + "\n", + "def dump_directory_structure(out = sys.stdout):\n", + "\n", + " def on_error(err):\n", + "\n", + " def strip_name(n):\n", + "\n", + "def _get_expanded_classpath(classpath):\n", + "\n", + "def get_library_name():\n", + "\n", + "def get_config_file():\n", + "\n", + "def setup_environment_from_config_file():\n", + "\n", + "def write_config_file_value(key, value):\n", + "\n", + "def BuildService(self, cls):\n", + "\n", + " def _WrapCallMethod(srvc, method_descriptor,\n", + "\n", + "def _CallMethod(self, srvc, method_descriptor,\n", + "\n", + "def _GetRequestClass(self, method_descriptor):\n", + "\n", + "def _GetResponseClass(self, method_descriptor):\n", + "\n", + "def _GenerateNonImplementedMethod(self, method):\n", + "\n", + "def BuildServiceStub(self, cls):\n", + "\n", + " def _ServiceStubInit(stub, rpc_channel):\n", + "\n", + "def _StubMethod(self, stub, method_descriptor,\n", + "\n", + "def MessageToString(message,\n", + "\n", + "def PrintFieldValue(field,\n", + "\n", + "def _BuildMessageFromTypeName(type_name, descriptor_pool):\n", + "\n", + "def Parse(text,\n", + "\n", + "def _SkipFieldContents(tokenizer):\n", + "\n", + "def _SkipField(tokenizer):\n", + "\n", + "def _SkipFieldMessage(tokenizer):\n", + "\n", + "def _SkipFieldValue(tokenizer):\n", + "\n", + "def _ConsumeInteger(tokenizer, is_signed=False, is_long=False):\n", + "\n", + "def ParseInteger(text, is_signed=False, is_long=False):\n", + "\n", + "def _ParseAbstractInteger(text, is_long=False):\n", + "\n", + "def ParseFloat(text):\n", + "\n", + "def ParseEnum(field, value):\n", + "\n", + "def _TryPrintAsAnyMessage(self, message):\n", + "\n", + "def PrintMessage(self, message):\n", + "\n", + "def PrintField(self, field, value):\n", + "\n", + "def ParseFromString(self, text, message):\n", + "\n", + "def ParseLines(self, lines, message):\n", + "\n", + "def MergeLines(self, lines, message):\n", + "\n", + "def _ParseOrMerge(self, lines, message):\n", + "\n", + "def _MergeField(self, tokenizer, message):\n", + "\n", + "def _ConsumeAnyTypeUrl(self, tokenizer):\n", + "\n", + "def _MergeMessageField(self, tokenizer, message, field):\n", + "\n", + "def _MergeScalarField(self, tokenizer, message, field):\n", + "\n", + "def TryConsume(self, token):\n", + "\n", + "def ConsumeCommentOrTrailingComment(self):\n", + "\n", + "def ConsumeIdentifier(self):\n", + "\n", + "def ConsumeIdentifierOrNumber(self):\n", + "\n", + "def ConsumeInteger(self, is_long=False):\n", + "\n", + "def ConsumeString(self):\n", + "\n", + "def ConsumeByteString(self):\n", + "\n", + "def NextToken(self):\n", + "\n", + "def create(dataset, target,\n", + "\n", + "def evaluate(self, dataset, metric='auto', missing_value_action='auto'):\n", + "\n", + "def predict(self, dataset, missing_value_action='auto'):\n", + "\n", + "def compute_composite_distance(distance, x, y):\n", + "\n", + "def _validate_composite_distance(distance):\n", + "\n", + "def _scrub_composite_distance_features(distance, feature_blacklist):\n", + "\n", + "def _convert_distance_names_to_functions(distance):\n", + "\n", + "def build_address_distance(number=None, street=None, city=None, state=None,\n", + "\n", + "def GetMessages(file_protos):\n", + "\n", + "def GetPrototype(self, descriptor):\n", + "\n", + "def GetMessages(self, files):\n", + "\n", + "def refactor_ifs(stmnt, ifs):\n", + "\n", + "def MAP_ADD(self, instr):\n", + "\n", + "def _get_mps_od_net(input_image_shape, batch_size, output_size, anchors,\n", + "\n", + "def create(dataset, annotations=None, feature=None, model='darknet-yolo',\n", + "\n", + " def update_progress(cur_loss, iteration):\n", + "\n", + " def sframe_worker():\n", + "\n", + " def numpy_worker():\n", + "\n", + " def wait_for_batch():\n", + "\n", + "def _predict_with_options(self, dataset, with_ground_truth,\n", + "\n", + "def _canonize_input(self, dataset):\n", + "\n", + "def predict(self, dataset, confidence_threshold=0.25, iou_threshold=None, verbose=True):\n", + "\n", + "def evaluate(self, dataset, metric='auto',\n", + "\n", + " def class_dict(aps):\n", + "\n", + "def export_coreml(self, filename, \n", + "\n", + "def parse_title(self, docname):\n", + "\n", + "def registerErrorHandler(f, ctx):\n", + "\n", + "def _xmlTextReaderErrorFunc(xxx_todo_changeme,msg,severity,locator):\n", + "\n", + "def htmlCreateMemoryParserCtxt(buffer, size):\n", + "\n", + "def htmlParseDoc(cur, encoding):\n", + "\n", + "def htmlParseFile(filename, encoding):\n", + "\n", + "def htmlReadDoc(cur, URL, encoding, options):\n", + "\n", + "def htmlReadFd(fd, URL, encoding, options):\n", + "\n", + "def htmlReadFile(filename, encoding, options):\n", + "\n", + "def htmlReadMemory(buffer, size, URL, encoding, options):\n", + "\n", + "def htmlNewDoc(URI, ExternalID):\n", + "\n", + "def htmlNewDocNoDtD(URI, ExternalID):\n", + "\n", + "def catalogAdd(type, orig, replace):\n", + "\n", + "def loadACatalog(filename):\n", + "\n", + "def loadSGMLSuperCatalog(filename):\n", + "\n", + "def newCatalog(sgml):\n", + "\n", + "def parseCatalogFile(filename):\n", + "\n", + "def debugDumpString(output, str):\n", + "\n", + "def predefinedEntity(name):\n", + "\n", + "def nanoFTPProxy(host, port, user, passwd, type):\n", + "\n", + "def createDocParserCtxt(cur):\n", + "\n", + "def parseDTD(ExternalID, SystemID):\n", + "\n", + "def parseDoc(cur):\n", + "\n", + "def parseEntity(filename):\n", + "\n", + "def parseFile(filename):\n", + "\n", + "def parseMemory(buffer, size):\n", + "\n", + "def readDoc(cur, URL, encoding, options):\n", + "\n", + "def readFd(fd, URL, encoding, options):\n", + "\n", + "def readFile(filename, encoding, options):\n", + "\n", + "def readMemory(buffer, size, URL, encoding, options):\n", + "\n", + "def recoverDoc(cur):\n", + "\n", + "def recoverFile(filename):\n", + "\n", + "def recoverMemory(buffer, size):\n", + "\n", + "def copyChar(len, out, val):\n", + "\n", + "def createEntityParserCtxt(URL, ID, base):\n", + "\n", + "def createFileParserCtxt(filename):\n", + "\n", + "def createMemoryParserCtxt(buffer, size):\n", + "\n", + "def createURLParserCtxt(filename, options):\n", + "\n", + "def htmlCreateFileParserCtxt(filename, encoding):\n", + "\n", + "def namePop(ctxt):\n", + "\n", + "def namePush(ctxt, value):\n", + "\n", + "def nodePop(ctxt):\n", + "\n", + "def nodePush(ctxt, value):\n", + "\n", + "def createInputBuffer(file, encoding):\n", + "\n", + "def createOutputBuffer(file, encoding):\n", + "\n", + "def createPushParser(SAX, chunk, size, URI):\n", + "\n", + "def htmlCreatePushParser(SAX, chunk, size, URI):\n", + "\n", + "def newNode(name):\n", + "\n", + "def relaxNGNewMemParserCtxt(buffer, size):\n", + "\n", + "def relaxNGNewParserCtxt(URL):\n", + "\n", + "def buildQName(ncname, prefix, memory, len):\n", + "\n", + "def newComment(content):\n", + "\n", + "def newDoc(version):\n", + "\n", + "def newPI(name, content):\n", + "\n", + "def newText(content):\n", + "\n", + "def newTextLen(content, len):\n", + "\n", + "def URIUnescapeString(str, len, target):\n", + "\n", + "def parseURI(str):\n", + "\n", + "def parseURIRaw(str, raw):\n", + "\n", + "def newTextReaderFilename(URI):\n", + "\n", + "def readerForDoc(cur, URL, encoding, options):\n", + "\n", + "def readerForFd(fd, URL, encoding, options):\n", + "\n", + "def readerForFile(filename, encoding, options):\n", + "\n", + "def readerForMemory(buffer, size, URL, encoding, options):\n", + "\n", + "def regexpCompile(regexp):\n", + "\n", + "def schemaNewMemParserCtxt(buffer, size):\n", + "\n", + "def schemaNewParserCtxt(URL):\n", + "\n", + "def UTF8Strsub(utf, start, len):\n", + "\n", + "def valuePop(ctxt):\n", + "\n", + "def removeNsDef(self, href):\n", + "\n", + "def setErrorHandler(self,f,arg):\n", + "\n", + "def setValidityErrorHandler(self, err_func, warn_func, arg=None):\n", + "\n", + "def setValidityErrorHandler(self, err_func, warn_func, arg=None):\n", + "\n", + "def setValidityErrorHandler(self, err_func, warn_func, arg=None):\n", + "\n", + "def SetErrorHandler(self,f,arg):\n", + "\n", + "def GetErrorHandler(self):\n", + "\n", + "def ns(self):\n", + "\n", + "def nsDefs(self):\n", + "\n", + "def debugDumpNode(self, output, depth):\n", + "\n", + "def debugDumpNodeList(self, output, depth):\n", + "\n", + "def debugDumpOneNode(self, output, depth):\n", + "\n", + "def addChild(self, cur):\n", + "\n", + "def addChildList(self, cur):\n", + "\n", + "def addContentLen(self, content, len):\n", + "\n", + "def addNextSibling(self, elem):\n", + "\n", + "def addPrevSibling(self, elem):\n", + "\n", + "def addSibling(self, elem):\n", + "\n", + "def copyNode(self, extended):\n", + "\n", + "def copyNodeList(self):\n", + "\n", + "def copyProp(self, cur):\n", + "\n", + "def copyPropList(self, cur):\n", + "\n", + "def docCopyNode(self, doc, extended):\n", + "\n", + "def docCopyNodeList(self, doc):\n", + "\n", + "def docSetRootElement(self, doc):\n", + "\n", + "def firstElementChild(self):\n", + "\n", + "def getBase(self, doc):\n", + "\n", + "def hasNsProp(self, name, nameSpace):\n", + "\n", + "def hasProp(self, name):\n", + "\n", + "def lastChild(self):\n", + "\n", + "def lastElementChild(self):\n", + "\n", + "def listGetRawString(self, doc, inLine):\n", + "\n", + "def listGetString(self, doc, inLine):\n", + "\n", + "def newChild(self, ns, name, content):\n", + "\n", + "def newNs(self, href, prefix):\n", + "\n", + "def newNsProp(self, ns, name, value):\n", + "\n", + "def newNsPropEatName(self, ns, name, value):\n", + "\n", + "def newProp(self, name, value):\n", + "\n", + "def newTextChild(self, ns, name, content):\n", + "\n", + "def nextElementSibling(self):\n", + "\n", + "def noNsProp(self, name):\n", + "\n", + "def nsProp(self, name, nameSpace):\n", + "\n", + "def previousElementSibling(self):\n", + "\n", + "def prop(self, name):\n", + "\n", + "def reconciliateNs(self, doc):\n", + "\n", + "def replaceNode(self, cur):\n", + "\n", + "def searchNs(self, doc, nameSpace):\n", + "\n", + "def searchNsByHref(self, doc, href):\n", + "\n", + "def setContentLen(self, content, len):\n", + "\n", + "def setListDoc(self, doc):\n", + "\n", + "def setNs(self, ns):\n", + "\n", + "def setNsProp(self, ns, name, value):\n", + "\n", + "def setProp(self, name, value):\n", + "\n", + "def setTreeDoc(self, doc):\n", + "\n", + "def textConcat(self, content, len):\n", + "\n", + "def textMerge(self, second):\n", + "\n", + "def unsetNsProp(self, ns, name):\n", + "\n", + "def unsetProp(self, name):\n", + "\n", + "def isID(self, doc, attr):\n", + "\n", + "def isRef(self, doc, attr):\n", + "\n", + "def validNormalizeAttributeValue(self, doc, name, value):\n", + "\n", + "def xincludeProcessTreeFlags(self, flags):\n", + "\n", + "def schemaValidateOneElement(self, ctxt):\n", + "\n", + "def xpathCmpNodes(self, node2):\n", + "\n", + "def xpathNodeEval(self, str, ctx):\n", + "\n", + "def xpathNewNodeSet(self):\n", + "\n", + "def xpathNewValueTree(self):\n", + "\n", + "def xpathNextAncestor(self, ctxt):\n", + "\n", + "def xpathNextAncestorOrSelf(self, ctxt):\n", + "\n", + "def xpathNextAttribute(self, ctxt):\n", + "\n", + "def xpathNextChild(self, ctxt):\n", + "\n", + "def xpathNextDescendant(self, ctxt):\n", + "\n", + "def xpathNextDescendantOrSelf(self, ctxt):\n", + "\n", + "def xpathNextFollowing(self, ctxt):\n", + "\n", + "def xpathNextFollowingSibling(self, ctxt):\n", + "\n", + "def xpathNextNamespace(self, ctxt):\n", + "\n", + "def xpathNextParent(self, ctxt):\n", + "\n", + "def xpathNextPreceding(self, ctxt):\n", + "\n", + "def xpathNextPrecedingSibling(self, ctxt):\n", + "\n", + "def xpathNextSelf(self, ctxt):\n", + "\n", + "def xpointerNewCollapsedRange(self):\n", + "\n", + "def xpointerNewContext(self, doc, origin):\n", + "\n", + "def xpointerNewLocationSetNodes(self, end):\n", + "\n", + "def xpointerNewRange(self, startindex, end, endindex):\n", + "\n", + "def xpointerNewRangeNodes(self, end):\n", + "\n", + "def htmlAutoCloseTag(self, name, elem):\n", + "\n", + "def htmlIsAutoClosed(self, elem):\n", + "\n", + "def htmlDocContentDumpFormatOutput(self, buf, encoding, format):\n", + "\n", + "def htmlDocContentDumpOutput(self, buf, encoding):\n", + "\n", + "def htmlDocDump(self, f):\n", + "\n", + "def htmlNodeDumpFile(self, out, cur):\n", + "\n", + "def htmlNodeDumpFileFormat(self, out, cur, encoding, format):\n", + "\n", + "def htmlNodeDumpFormatOutput(self, buf, cur, encoding, format):\n", + "\n", + "def htmlNodeDumpOutput(self, buf, cur, encoding):\n", + "\n", + "def htmlSaveFile(self, filename):\n", + "\n", + "def htmlSaveFileEnc(self, filename, encoding):\n", + "\n", + "def htmlSaveFileFormat(self, filename, encoding, format):\n", + "\n", + "def htmlSetMetaEncoding(self, encoding):\n", + "\n", + "def debugCheckDocument(self, output):\n", + "\n", + "def addDocEntity(self, name, type, ExternalID, SystemID, content):\n", + "\n", + "def addDtdEntity(self, name, type, ExternalID, SystemID, content):\n", + "\n", + "def docEntity(self, name):\n", + "\n", + "def dtdEntity(self, name):\n", + "\n", + "def encodeEntities(self, input):\n", + "\n", + "def encodeEntitiesReentrant(self, input):\n", + "\n", + "def encodeSpecialChars(self, input):\n", + "\n", + "def newEntity(self, name, type, ExternalID, SystemID, content):\n", + "\n", + "def parameterEntity(self, name):\n", + "\n", + "def relaxNGNewDocParserCtxt(self):\n", + "\n", + "def relaxNGValidateDoc(self, ctxt):\n", + "\n", + "def relaxNGValidateFullElement(self, ctxt, elem):\n", + "\n", + "def relaxNGValidatePopElement(self, ctxt, elem):\n", + "\n", + "def relaxNGValidatePushElement(self, ctxt, elem):\n", + "\n", + "def copyDoc(self, recursive):\n", + "\n", + "def copyNode(self, node, extended):\n", + "\n", + "def copyNodeList(self, node):\n", + "\n", + "def createIntSubset(self, name, ExternalID, SystemID):\n", + "\n", + "def dump(self, f):\n", + "\n", + "def elemDump(self, f, cur):\n", + "\n", + "def formatDump(self, f, format):\n", + "\n", + "def getRootElement(self):\n", + "\n", + "def intSubset(self):\n", + "\n", + "def newCDataBlock(self, content, len):\n", + "\n", + "def newCharRef(self, name):\n", + "\n", + "def newDocComment(self, content):\n", + "\n", + "def newDocFragment(self):\n", + "\n", + "def newDocNode(self, ns, name, content):\n", + "\n", + "def newDocNodeEatName(self, ns, name, content):\n", + "\n", + "def newDocPI(self, name, content):\n", + "\n", + "def newDocProp(self, name, value):\n", + "\n", + "def newDocRawNode(self, ns, name, content):\n", + "\n", + "def newDocText(self, content):\n", + "\n", + "def newDocTextLen(self, content, len):\n", + "\n", + "def newDtd(self, name, ExternalID, SystemID):\n", + "\n", + "def newGlobalNs(self, href, prefix):\n", + "\n", + "def newReference(self, name):\n", + "\n", + "def nodeDumpOutput(self, buf, cur, level, format, encoding):\n", + "\n", + "def nodeGetBase(self, cur):\n", + "\n", + "def nodeListGetRawString(self, list, inLine):\n", + "\n", + "def nodeListGetString(self, list, inLine):\n", + "\n", + "def reconciliateNs(self, tree):\n", + "\n", + "def saveFile(self, filename):\n", + "\n", + "def saveFileEnc(self, filename, encoding):\n", + "\n", + "def saveFileTo(self, buf, encoding):\n", + "\n", + "def saveFormatFile(self, filename, format):\n", + "\n", + "def saveFormatFileEnc(self, filename, encoding, format):\n", + "\n", + "def saveFormatFileTo(self, buf, encoding, format):\n", + "\n", + "def searchNs(self, node, nameSpace):\n", + "\n", + "def searchNsByHref(self, node, href):\n", + "\n", + "def setListDoc(self, list):\n", + "\n", + "def setRootElement(self, root):\n", + "\n", + "def setTreeDoc(self, tree):\n", + "\n", + "def stringGetNodeList(self, value):\n", + "\n", + "def stringLenGetNodeList(self, value, len):\n", + "\n", + "def ID(self, ID):\n", + "\n", + "def isID(self, elem, attr):\n", + "\n", + "def isMixedElement(self, name):\n", + "\n", + "def isRef(self, elem, attr):\n", + "\n", + "def removeID(self, attr):\n", + "\n", + "def removeRef(self, attr):\n", + "\n", + "def validCtxtNormalizeAttributeValue(self, ctxt, elem, name, value):\n", + "\n", + "def validNormalizeAttributeValue(self, elem, name, value):\n", + "\n", + "def validateDocument(self, ctxt):\n", + "\n", + "def validateDocumentFinal(self, ctxt):\n", + "\n", + "def validateDtd(self, ctxt, dtd):\n", + "\n", + "def validateDtdFinal(self, ctxt):\n", + "\n", + "def validateElement(self, ctxt, elem):\n", + "\n", + "def validateNotationUse(self, ctxt, notationName):\n", + "\n", + "def validateOneAttribute(self, ctxt, elem, attr, value):\n", + "\n", + "def validateOneElement(self, ctxt, elem):\n", + "\n", + "def validateOneNamespace(self, ctxt, elem, prefix, ns, value):\n", + "\n", + "def validatePopElement(self, ctxt, elem, qname):\n", + "\n", + "def validatePushElement(self, ctxt, elem, qname):\n", + "\n", + "def validateRoot(self, ctxt):\n", + "\n", + "def xincludeProcessFlags(self, flags):\n", + "\n", + "def NewWalker(self, reader):\n", + "\n", + "def readerWalker(self):\n", + "\n", + "def schemaNewDocParserCtxt(self):\n", + "\n", + "def schemaValidateDoc(self, ctxt):\n", + "\n", + "def xpathNewContext(self):\n", + "\n", + "def xpointerNewContext(self, here, origin):\n", + "\n", + "def doc(self):\n", + "\n", + "def htmlCtxtReadDoc(self, cur, URL, encoding, options):\n", + "\n", + "def htmlCtxtReadFd(self, fd, URL, encoding, options):\n", + "\n", + "def htmlCtxtReadFile(self, filename, encoding, options):\n", + "\n", + "def htmlCtxtUseOptions(self, options):\n", + "\n", + "def htmlParseChunk(self, chunk, size, terminate):\n", + "\n", + "def ctxtReadFile(self, filename, encoding, options):\n", + "\n", + "def ctxtReadMemory(self, buffer, size, URL, encoding, options):\n", + "\n", + "def ctxtResetPush(self, chunk, size, filename, encoding):\n", + "\n", + "def ctxtUseOptions(self, options):\n", + "\n", + "def parseChunk(self, chunk, size, terminate):\n", + "\n", + "def setupParserForBuffer(self, buffer, filename):\n", + "\n", + "def decodeEntities(self, len, what, end, end2, end3):\n", + "\n", + "def handleEntity(self, entity):\n", + "\n", + "def parseEntityRef(self):\n", + "\n", + "def parseExternalSubset(self, ExternalID, SystemID):\n", + "\n", + "def stringDecodeEntities(self, str, what, end, end2, end3):\n", + "\n", + "def stringLenDecodeEntities(self, str, len, what, end, end2, end3):\n", + "\n", + "def debugDumpAttr(self, output, depth):\n", + "\n", + "def debugDumpAttrList(self, output, depth):\n", + "\n", + "def copyProp(self, target):\n", + "\n", + "def copyPropList(self, target):\n", + "\n", + "def removeID(self, doc):\n", + "\n", + "def removeRef(self, doc):\n", + "\n", + "def add(self, type, orig, replace):\n", + "\n", + "def remove(self, value):\n", + "\n", + "def resolve(self, pubID, sysID):\n", + "\n", + "def resolvePublic(self, pubID):\n", + "\n", + "def resolveSystem(self, sysID):\n", + "\n", + "def resolveURI(self, URI):\n", + "\n", + "def copyDtd(self):\n", + "\n", + "def dtdAttrDesc(self, elem, name):\n", + "\n", + "def dtdElementDesc(self, name):\n", + "\n", + "def dtdQAttrDesc(self, elem, name, prefix):\n", + "\n", + "def dtdQElementDesc(self, name, prefix):\n", + "\n", + "def handleEntity(self, ctxt):\n", + "\n", + "def copyError(self, to):\n", + "\n", + "def copyNamespace(self):\n", + "\n", + "def copyNamespaceList(self):\n", + "\n", + "def newChild(self, parent, name, content):\n", + "\n", + "def newDocNode(self, doc, name, content):\n", + "\n", + "def newDocNodeEatName(self, doc, name, content):\n", + "\n", + "def newDocRawNode(self, doc, name, content):\n", + "\n", + "def newNodeEatName(self, name):\n", + "\n", + "def newNsProp(self, node, name, value):\n", + "\n", + "def newNsPropEatName(self, node, name, value):\n", + "\n", + "def newTextChild(self, parent, name, content):\n", + "\n", + "def setNs(self, node):\n", + "\n", + "def setNsProp(self, node, name, value):\n", + "\n", + "def unsetNsProp(self, node, name):\n", + "\n", + "def htmlDocContentDumpFormatOutput(self, cur, encoding, format):\n", + "\n", + "def htmlDocContentDumpOutput(self, cur, encoding):\n", + "\n", + "def htmlNodeDumpFormatOutput(self, doc, cur, encoding, format):\n", + "\n", + "def htmlNodeDumpOutput(self, doc, cur, encoding):\n", + "\n", + "def nodeDumpOutput(self, doc, cur, level, format, encoding):\n", + "\n", + "def saveFileTo(self, cur, encoding):\n", + "\n", + "def saveFormatFileTo(self, cur, encoding, format):\n", + "\n", + "def write(self, len, buf):\n", + "\n", + "def writeString(self, str):\n", + "\n", + "def grow(self, len):\n", + "\n", + "def push(self, len, buf):\n", + "\n", + "def read(self, len):\n", + "\n", + "def Setup(self, reader, URL, encoding, options):\n", + "\n", + "def newTextReader(self, URI):\n", + "\n", + "def regexpExec(self, content):\n", + "\n", + "def relaxNGParse(self):\n", + "\n", + "def relaxParserSetFlag(self, flags):\n", + "\n", + "def relaxNGNewValidCtxt(self):\n", + "\n", + "def RelaxNGSetSchema(self, reader):\n", + "\n", + "def relaxNGValidateDoc(self, doc):\n", + "\n", + "def relaxNGValidateFullElement(self, doc, elem):\n", + "\n", + "def relaxNGValidatePopElement(self, doc, elem):\n", + "\n", + "def relaxNGValidatePushCData(self, data, len):\n", + "\n", + "def relaxNGValidatePushElement(self, doc, elem):\n", + "\n", + "def RelaxNGValidateCtxt(self, reader, options):\n", + "\n", + "def schemaParse(self):\n", + "\n", + "def SetSchema(self, reader):\n", + "\n", + "def schemaNewValidCtxt(self):\n", + "\n", + "def SchemaValidateCtxt(self, reader, options):\n", + "\n", + "def schemaSetValidOptions(self, options):\n", + "\n", + "def schemaValidCtxtGetParserCtxt(self):\n", + "\n", + "def schemaValidateDoc(self, doc):\n", + "\n", + "def schemaValidateFile(self, filename, options):\n", + "\n", + "def schemaValidateOneElement(self, elem):\n", + "\n", + "def CurrentDoc(self):\n", + "\n", + "def CurrentNode(self):\n", + "\n", + "def Expand(self):\n", + "\n", + "def GetAttribute(self, name):\n", + "\n", + "def GetAttributeNo(self, no):\n", + "\n", + "def GetAttributeNs(self, localName, namespaceURI):\n", + "\n", + "def GetParserProp(self, prop):\n", + "\n", + "def GetRemainder(self):\n", + "\n", + "def LookupNamespace(self, prefix):\n", + "\n", + "def MoveToAttribute(self, name):\n", + "\n", + "def MoveToAttributeNo(self, no):\n", + "\n", + "def MoveToAttributeNs(self, localName, namespaceURI):\n", + "\n", + "def NewDoc(self, cur, URL, encoding, options):\n", + "\n", + "def NewFd(self, fd, URL, encoding, options):\n", + "\n", + "def NewFile(self, filename, encoding, options):\n", + "\n", + "def NewMemory(self, buffer, size, URL, encoding, options):\n", + "\n", + "def NewWalker(self, doc):\n", + "\n", + "def Preserve(self):\n", + "\n", + "def RelaxNGSetSchema(self, schema):\n", + "\n", + "def RelaxNGValidate(self, rng):\n", + "\n", + "def RelaxNGValidateCtxt(self, ctxt, options):\n", + "\n", + "def SchemaValidate(self, xsd):\n", + "\n", + "def SchemaValidateCtxt(self, ctxt, options):\n", + "\n", + "def SetParserProp(self, prop, value):\n", + "\n", + "def SetSchema(self, schema):\n", + "\n", + "def Setup(self, input, URL, encoding, options):\n", + "\n", + "def String(self, str):\n", + "\n", + "def parseURIReference(self, str):\n", + "\n", + "def validCtxtNormalizeAttributeValue(self, doc, elem, name, value):\n", + "\n", + "def validateDocument(self, doc):\n", + "\n", + "def validateDocumentFinal(self, doc):\n", + "\n", + "def validateDtd(self, doc, dtd):\n", + "\n", + "def validateDtdFinal(self, doc):\n", + "\n", + "def validateElement(self, doc, elem):\n", + "\n", + "def validateNotationUse(self, doc, notationName):\n", + "\n", + "def validateOneAttribute(self, doc, elem, attr, value):\n", + "\n", + "def validateOneElement(self, doc, elem):\n", + "\n", + "def validateOneNamespace(self, doc, elem, prefix, ns, value):\n", + "\n", + "def validatePopElement(self, doc, elem, qname):\n", + "\n", + "def validatePushCData(self, data, len):\n", + "\n", + "def validatePushElement(self, doc, elem, qname):\n", + "\n", + "def validateRoot(self, doc):\n", + "\n", + "def contextDoc(self):\n", + "\n", + "def contextNode(self):\n", + "\n", + "def setContextDoc(self, doc):\n", + "\n", + "def setContextNode(self, node):\n", + "\n", + "def registerXPathFunction(self, name, ns_uri, f):\n", + "\n", + "def xpathRegisterVariable(self, name, ns_uri, value):\n", + "\n", + "def xpathContextSetCache(self, active, value, options):\n", + "\n", + "def xpathEval(self, str):\n", + "\n", + "def xpathEvalExpression(self, str):\n", + "\n", + "def xpathNewParserContext(self, str):\n", + "\n", + "def xpathNsLookup(self, prefix):\n", + "\n", + "def xpathRegisterNs(self, prefix, ns_uri):\n", + "\n", + "def xpathVariableLookup(self, name):\n", + "\n", + "def xpathVariableLookupNS(self, name, ns_uri):\n", + "\n", + "def xpointerEval(self, str):\n", + "\n", + "def context(self):\n", + "\n", + "def xpathCompareValues(self, inf, strict):\n", + "\n", + "def xpathNextAncestor(self, cur):\n", + "\n", + "def xpathNextAncestorOrSelf(self, cur):\n", + "\n", + "def xpathNextAttribute(self, cur):\n", + "\n", + "def xpathNextChild(self, cur):\n", + "\n", + "def xpathNextDescendant(self, cur):\n", + "\n", + "def xpathNextDescendantOrSelf(self, cur):\n", + "\n", + "def xpathNextFollowing(self, cur):\n", + "\n", + "def xpathNextFollowingSibling(self, cur):\n", + "\n", + "def xpathNextNamespace(self, cur):\n", + "\n", + "def xpathNextParent(self, cur):\n", + "\n", + "def xpathNextPreceding(self, cur):\n", + "\n", + "def xpathNextPrecedingSibling(self, cur):\n", + "\n", + "def xpathNextSelf(self, cur):\n", + "\n", + "def xpatherror(self, file, line, no):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def classify(self, dataset, missing_value_action='auto'):\n", + "\n", + "def add_prefix_and_suffix(specified_name, type, property_set):\n", + "\n", + "def traverse (target, include_roots = False, include_sources = False):\n", + "\n", + "def clone_action (action, new_project, new_action_name, new_properties):\n", + "\n", + "def register (self, target):\n", + "\n", + "def from_file (self, file, file_location, project):\n", + "\n", + "def add_suffix (self, specified_name, file_type, prop_set):\n", + "\n", + "def depends (self, d):\n", + "\n", + "def actualize (self, scanner = None):\n", + "\n", + "def set_path (self, path):\n", + "\n", + "def root (self, set = None):\n", + "\n", + "def creating_subvariant (self, s = None):\n", + "\n", + "def grist (self):\n", + "\n", + "def __adjust_name(self, specified_name):\n", + "\n", + "def path (self):\n", + "\n", + "def actualize (self):\n", + "\n", + "def actualize_source_type (self, sources, prop_set):\n", + "\n", + "def actualize_sources (self, sources, prop_set):\n", + "\n", + "def all_referenced_targets(self, result):\n", + "\n", + "def implicit_includes (self, feature, target_type):\n", + "\n", + "def cmp_ast(node1, node2):\n", + "\n", + "def create_more_container_files(sourceDir, suffix, maxElements, containers, containers2):\n", + "\n", + "def create_input_for_numbered_sequences(headerDir, sourceDir, containers, maxElements):\n", + "\n", + "def adjust_container_limits_for_variadic_sequences(headerDir, containers, maxElements):\n", + "\n", + "def current_boost_dir():\n", + "\n", + "def to_positive_multiple_of_10(string):\n", + "\n", + "def main():\n", + "\n", + "def add_inner_product(self, name, W, b, input_channels, output_channels, has_bias,\n", + "\n", + "def add_convolution(self, name, kernel_channels, output_channels, height,\n", + "\n", + "def add_resize_bilinear(self, name, input_name, output_name, target_height=1, target_width=1,\n", + "\n", + "def add_crop_resize(self, name, input_names, output_name, target_height=1, target_width=1,\n", + "\n", + "def _toolkit_serialize_summary_struct(model, sections, section_titles):\n", + "\n", + "def _add_docstring(format_dict):\n", + "\n", + " def predict(x):\n", + "\n", + " def add_docstring_context(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def _find_only_column_of_type(sframe, target_type, type_name, col_name):\n", + "\n", + "def _find_only_image_column(sframe):\n", + "\n", + "def _find_only_drawing_column(sframe):\n", + "\n", + "def _SGraphFromJsonTree(json_str):\n", + "\n", + "def _summarize_coefficients(top_coefs, bottom_coefs):\n", + "\n", + " def get_row_name(row):\n", + "\n", + "def _toolkit_get_topk_bottomk(values, k=5):\n", + "\n", + "def __extract_model_summary_value(model, value):\n", + "\n", + "def _make_repr_table_from_sframe(X):\n", + "\n", + "def _toolkit_repr_print(model, fields, section_titles, width = None):\n", + "\n", + " def format_key_pair(key, value):\n", + "\n", + "def _map_unity_proxy_to_object(value):\n", + "\n", + "def _toolkits_select_columns(dataset, columns):\n", + "\n", + "def _raise_error_if_column_exists(dataset, column_name = 'dataset',\n", + "\n", + "def _check_categorical_option_type(option_name, option_value, possible_values):\n", + "\n", + "def _raise_error_if_not_sarray(dataset, variable_name=\"SArray\"):\n", + "\n", + "def _raise_error_if_not_sframe(dataset, variable_name=\"SFrame\"):\n", + "\n", + "def _raise_error_if_sframe_empty(dataset, variable_name=\"SFrame\"):\n", + "\n", + "def _raise_error_evaluation_metric_is_valid(metric, allowed_metrics):\n", + "\n", + "def _numeric_param_check_range(variable_name, variable_value, range_bottom, range_top):\n", + "\n", + "def _validate_data(dataset, target, features=None, validation_set='auto'):\n", + "\n", + "def _validate_row_label(dataset, label=None, default_label='__id'):\n", + "\n", + "def _mac_ver():\n", + "\n", + "def _print_neural_compute_device(cuda_gpus, use_mps, cuda_mem_req=None, has_mps_impl=True):\n", + "\n", + "def _GetMessageFromFactory(factory, full_name):\n", + "\n", + "def MakeSimpleProtoClass(fields, full_name=None, pool=None):\n", + "\n", + "def _MakeFileDescriptorProto(proto_file_name, full_name, field_items):\n", + "\n", + "def convert(model, input_name, output_features):\n", + "\n", + "def _get_model_metadata(model_class, metadata, version=None):\n", + "\n", + "def _set_model_metadata(mlmodel, model_class, metadata, version=None):\n", + "\n", + "def _ToCamelCase(name):\n", + "\n", + "def _ToJsonName(name):\n", + "\n", + "def _SetOptions(self, options, options_class_name):\n", + "\n", + "def GetOptions(self):\n", + "\n", + "def CopyToProto(self, proto):\n", + "\n", + "def EnumValueName(self, enum, value):\n", + "\n", + "def resolve_reference(target_reference, project):\n", + "\n", + "def generate_from_reference(target_reference, project, property_set_):\n", + "\n", + "def main_target_alternative (self, target):\n", + "\n", + "def main_target_sources (self, sources, main_target_name, no_renaming=0):\n", + "\n", + "def main_target_requirements(self, specification, project):\n", + "\n", + "def main_target_usage_requirements (self, specification, project):\n", + "\n", + "def main_target_default_build (self, specification, project):\n", + "\n", + "def start_building (self, main_target_instance):\n", + "\n", + "def create_typed_target (self, type, project, name, sources, requirements, default_build, usage_requirements):\n", + "\n", + "def generate (self, ps):\n", + "\n", + "def targets_to_build (self):\n", + "\n", + "def mark_targets_as_explicit (self, target_names):\n", + "\n", + "def add_alternative (self, target_instance):\n", + "\n", + "def has_main_target (self, name):\n", + "\n", + "def create_main_target (self, name):\n", + "\n", + "def find_really(self, id):\n", + "\n", + "def add_constant(self, name, value, path=0):\n", + "\n", + "def add_alternative (self, target):\n", + "\n", + "def __select_alternatives (self, property_set_, debug):\n", + "\n", + "def generate (self, ps):\n", + "\n", + "def __generate_really (self, prop_set):\n", + "\n", + "def sources (self):\n", + "\n", + "def common_properties (self, build_request, requirements):\n", + "\n", + "def match (self, property_set_, debug):\n", + "\n", + "def generate_dependency_properties(self, properties, ps):\n", + "\n", + "def generate (self, ps):\n", + "\n", + "def compute_usage_requirements (self, subvariant):\n", + "\n", + "def create_subvariant (self, root_targets, all_targets,\n", + "\n", + "def variant (name, parents_or_properties, explicit_properties = []):\n", + "\n", + "def register_globals ():\n", + "\n", + "def lib(names, sources=[], requirements=[], default_build=[], usage_requirements=[]):\n", + "\n", + "def adjust_properties (self, prop_set):\n", + "\n", + "def create(observation_data,\n", + "\n", + "def get_params(self, deep=False):\n", + "\n", + "def get_xgb_params(self):\n", + "\n", + "def fit(self, X, y, eval_set=None, eval_metric=None,\n", + "\n", + "def fit(self, X, y, sample_weight=None, eval_set=None, eval_metric=None,\n", + "\n", + "def add_grist (features):\n", + "\n", + " def grist_one (feature):\n", + "\n", + "def replace_grist (features, new_grist):\n", + "\n", + "def get_value (property):\n", + "\n", + "def get_grist (value):\n", + "\n", + " def get_grist_one (name):\n", + "\n", + "def ungrist (value):\n", + "\n", + " def ungrist_one (value):\n", + "\n", + "def replace_suffix (name, new_suffix):\n", + "\n", + "def split_action_id (id):\n", + "\n", + "def on_windows ():\n", + "\n", + "def _validate_dataset(dataset):\n", + "\n", + "def _validate_initial_centers(initial_centers):\n", + "\n", + "def _validate_num_clusters(num_clusters, initial_centers, num_rows):\n", + "\n", + "def _validate_features(features, column_type_map, valid_types, label):\n", + "\n", + "def create(dataset, num_clusters=None, features=None, label=None,\n", + "\n", + "def predict(self, dataset, output_type='cluster_id', verbose=True):\n", + "\n", + "def _get(self, field):\n", + "\n", + "def count_words(text, to_lower=True, delimiters=DEFAULT_DELIMITERS):\n", + "\n", + "def count_ngrams(text, n=2, method=\"word\", to_lower=True,\n", + "\n", + "def tf_idf(text):\n", + "\n", + "def drop_words(text, threshold=2, to_lower=True, delimiters=DEFAULT_DELIMITERS,\n", + "\n", + "def tokenize(text, to_lower=False, delimiters=DEFAULT_DELIMITERS):\n", + "\n", + "def bm25(dataset, query, k1=1.5, b=.75):\n", + "\n", + "def parse_sparse(filename, vocab_filename):\n", + "\n", + " def get_word(word_id):\n", + "\n", + " def make_dict(pairs):\n", + "\n", + "def parse_docword(filename, vocab_filename):\n", + "\n", + "def random_split(dataset, prob=.5):\n", + "\n", + " def grab_values(x, train=True):\n", + "\n", + " def word_count_split(n, p):\n", + "\n", + "def train(params, dtrain, num_boost_round=10, evals=(), obj=None, feval=None,\n", + "\n", + "def mknfold(dall, nfold, param, seed, evals=(), fpreproc=None):\n", + "\n", + "def aggcv(rlist, show_stdv=True, show_progress=None, as_pandas=True):\n", + "\n", + "def cv(params, dtrain, num_boost_round=10, nfold=3, metrics=(),\n", + "\n", + "def create(dataset, target, feature=None, model = 'resnet-50',\n", + "\n", + "def _get_native_state(self):\n", + "\n", + "def _load_version(cls, state, version):\n", + "\n", + "def predict(self, dataset, output_type='class', batch_size=64):\n", + "\n", + "def predict_topk(self, dataset, output_type=\"probability\", k=3, batch_size=64):\n", + "\n", + "def evaluate(self, dataset, metric='auto', verbose=True, batch_size=64):\n", + "\n", + " def entropy(probs):\n", + "\n", + " def confidence(probs):\n", + "\n", + " def relative_confidence(probs):\n", + "\n", + " def get_confusion_matrix(extended_test, labels):\n", + "\n", + " def wo_divide_by_zero(a,b):\n", + "\n", + " def hclusterSort(vectors, dist_fn):\n", + "\n", + " def l2Dist(v1, v2):\n", + "\n", + "def export_coreml(self, filename):\n", + "\n", + " def _create_vision_feature_print_scene():\n", + "\n", + " def _update_last_two_layers(nn_spec):\n", + "\n", + " def _set_inputs_outputs_and_metadata(spec, nn_spec):\n", + "\n", + "def make_input_layers(self):\n", + "\n", + "def make_output_layers(self):\n", + "\n", + " def extract_output_layers(keras_model):\n", + "\n", + "def _remove_layer_and_reconnect(self, layer):\n", + "\n", + "def defuse_activation(self):\n", + "\n", + "def date_range(cls,start_time,end_time,freq):\n", + "\n", + "def from_const(cls, value, size, dtype=type(None)):\n", + "\n", + "def from_sequence(cls, *args):\n", + "\n", + "def read_json(cls, filename):\n", + "\n", + "def where(cls, condition, istrue, isfalse, dtype=None):\n", + "\n", + "def save(self, filename, format=None):\n", + "\n", + "def vector_slice(self, start, end=None):\n", + "\n", + "def element_slice(self, start=None, stop=None, step=None):\n", + "\n", + "def _count_words(self, to_lower=True, delimiters=[\"\\r\", \"\\v\", \"\\n\", \"\\f\", \"\\t\", \" \"]):\n", + "\n", + "def _count_ngrams(self, n=2, method=\"word\", to_lower=True, ignore_space=True):\n", + "\n", + "def dict_trim_by_keys(self, keys, exclude=True):\n", + "\n", + "def dict_trim_by_values(self, lower=None, upper=None):\n", + "\n", + "def dict_has_any_keys(self, keys):\n", + "\n", + "def dict_has_all_keys(self, keys):\n", + "\n", + "def apply(self, fn, dtype=None, skip_na=True, seed=None):\n", + "\n", + "def filter(self, fn, skip_na=True, seed=None):\n", + "\n", + "def sample(self, fraction, seed=None, exact=False):\n", + "\n", + "def hash(self, seed=0):\n", + "\n", + "def random_integers(cls, size, seed=None):\n", + "\n", + "def argmin(self):\n", + "\n", + "def mean(self):\n", + "\n", + "def datetime_to_str(self,format=\"%Y-%m-%dT%H:%M:%S%ZP\"):\n", + "\n", + "def str_to_datetime(self,format=\"%Y-%m-%dT%H:%M:%S%ZP\"):\n", + "\n", + "def pixel_array_to_image(self, width, height, channels, undefined_on_failure=True, allow_rounding=False):\n", + "\n", + "def astype(self, dtype, undefined_on_failure=False):\n", + "\n", + "def clip(self, lower=float('nan'), upper=float('nan')):\n", + "\n", + "def clip_lower(self, threshold):\n", + "\n", + "def tail(self, n=10):\n", + "\n", + "def fillna(self, value):\n", + "\n", + "def is_topk(self, topk=10, reverse=False):\n", + "\n", + "def summary(self, background=False, sub_sketch_keys=None):\n", + "\n", + "def value_counts(self):\n", + "\n", + "def append(self, other):\n", + "\n", + "def unique(self):\n", + "\n", + "def show(self, title=LABEL_DEFAULT, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT):\n", + "\n", + "def plot(self, title=LABEL_DEFAULT, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT):\n", + "\n", + "def item_length(self):\n", + "\n", + "def random_split(self, fraction, seed=None):\n", + "\n", + "def split_datetime(self, column_name_prefix = \"X\", limit=None, timezone=False):\n", + "\n", + "def stack(self, new_column_name=None, drop_na=False, new_column_type=None):\n", + "\n", + "def unpack(self, column_name_prefix = \"X\", column_types=None, na_value=None, limit=None):\n", + "\n", + "def sort(self, ascending=True):\n", + "\n", + "def rolling_sum(self, window_start, window_end, min_observations=None):\n", + "\n", + "def rolling_max(self, window_start, window_end, min_observations=None):\n", + "\n", + "def rolling_count(self, window_start, window_end):\n", + "\n", + "def cumulative_sum(self):\n", + "\n", + "def cumulative_mean(self):\n", + "\n", + "def cumulative_min(self):\n", + "\n", + "def cumulative_max(self):\n", + "\n", + "def cumulative_std(self):\n", + "\n", + "def cumulative_var(self):\n", + "\n", + "def filter_by(self, values, exclude=False):\n", + "\n", + "def run_build_lib(folder):\n", + "\n", + "def generate_doxygen_xml(app):\n", + "\n", + "def MessageToJson(message,\n", + "\n", + "def MessageToDict(message,\n", + "\n", + "def ParseDict(js_dict, message, ignore_unknown_fields=False):\n", + "\n", + "def _ConvertScalarFieldValue(value, field, require_str=False):\n", + "\n", + "def _ConvertInteger(value):\n", + "\n", + "def _ConvertFloat(value):\n", + "\n", + "def _ConvertBool(value, require_str):\n", + "\n", + "def _MessageToJsonObject(self, message):\n", + "\n", + "def _RegularMessageToJsonObject(self, message, js):\n", + "\n", + "def _FieldToJsonObject(self, field, value):\n", + "\n", + "def _AnyMessageToJsonObject(self, message):\n", + "\n", + "def _ValueMessageToJsonObject(self, message):\n", + "\n", + "def _StructMessageToJsonObject(self, message):\n", + "\n", + "def ConvertMessage(self, value, message):\n", + "\n", + "def _ConvertFieldValuePair(self, js, message):\n", + "\n", + "def _ConvertAnyMessage(self, value, message):\n", + "\n", + "def _ConvertWrapperMessage(self, value, message):\n", + "\n", + "def _ConvertMapFieldValue(self, value, message, field):\n", + "\n", + "def plot(x, y, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def show(x, y, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def scatter(x, y, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def categorical_heatmap(x, y, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def box_plot(x, y, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def columnwise_summary(sf):\n", + "\n", + "def histogram(sa, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def item_frequency(sa, xlabel=LABEL_DEFAULT, ylabel=LABEL_DEFAULT, title=LABEL_DEFAULT):\n", + "\n", + "def Parse(factory, file):\n", + "\n", + "def EntryTagName(self, entry):\n", + "\n", + "def PrintIndented(self, file, ident, code):\n", + "\n", + "def PrintTags(self, file):\n", + "\n", + "def QUANTILE(src_column, *args):\n", + "\n", + "def create(graph, kmin=0, kmax=10, verbose=True):\n", + "\n", + "def raise_error_unsupported_categorical_option(option_name, option_value, layer_type, layer_name):\n", + "\n", + " def raise_error(msg):\n", + "\n", + "def process_or_validate_features(features, num_dimensions = None, feature_type_map = {}):\n", + "\n", + " def raise_type_error(additional_msg):\n", + "\n", + " def test_index(val):\n", + "\n", + "def bootstrap(root_path):\n", + "\n", + "def main():\n", + "\n", + "def read_history(self, num=10, segment=0):\n", + "\n", + "def flags(rule_or_module, variable_name, condition, values = []):\n", + "\n", + "def find_satisfied_condition(conditions, ps):\n", + "\n", + "def inherit_flags(toolset, base, prohibited_properties = []):\n", + "\n", + "def __set_target_variables_aux (manager, rule_or_module, ps):\n", + "\n", + "def __add_flag (rule_or_module, variable_name, condition, values):\n", + "\n", + "def convert(model, feature_names, target):\n", + "\n", + "def root (path, root):\n", + "\n", + "def reverse(path):\n", + "\n", + "def glob (dirs, patterns):\n", + "\n", + "def glob(dirs, patterns, exclude_patterns=None):\n", + "\n", + "def glob_tree(roots, patterns, exclude_patterns=None):\n", + "\n", + "def glob_in_parents(dir, patterns, upper_limit=None):\n", + "\n", + "def _wrap_function_return(val):\n", + "\n", + "def _setattr_wrapper(mod, key, value):\n", + "\n", + "def _run_toolkit_function(fnname, arguments, args, kwargs):\n", + "\n", + "def _class_instance_from_name(class_name, *arg, **kwarg):\n", + "\n", + "def _create_class_instance(class_name, _proxy):\n", + "\n", + "def _publish():\n", + "\n", + "def ext_import(soname, module_subpath=\"\"):\n", + "\n", + "def _get_argument_list_from_toolkit_function_name(fn):\n", + "\n", + "def _descend_namespace(caller_globals, name):\n", + "\n", + "def _build_native_function_call(fn):\n", + "\n", + "def find_module(self, fullname, submodule_path=None):\n", + "\n", + "def main():\n", + "\n", + "def GetTypeChecker(field):\n", + "\n", + "def CheckValue(self, proposed_value):\n", + "\n", + "def python_source(ast, file=sys.stdout):\n", + "\n", + "def CEscape(text, as_utf8):\n", + "\n", + "def CUnescape(text):\n", + "\n", + " def ReplaceHex(m):\n", + "\n", + "def reset ():\n", + "\n", + "def register (type, suffixes = [], base_type = None):\n", + "\n", + "def register_suffixes (suffixes, type):\n", + "\n", + "def set_scanner (type, scanner):\n", + "\n", + "def get_scanner (type, prop_set):\n", + "\n", + "def all_bases (type):\n", + "\n", + "def all_derived (type):\n", + "\n", + "def is_derived (type, base):\n", + "\n", + "def is_subtype (type, base):\n", + "\n", + "def set_generated_target_suffix (type, properties, suffix):\n", + "\n", + "def change_generated_target_suffix (type, properties, suffix):\n", + "\n", + "def generated_target_ps(is_suffix, type, prop_set):\n", + "\n", + "def type(filename):\n", + "\n", + "def register_type (type, suffixes, base_type = None, os = []):\n", + "\n", + "def print_row(self, **kwargs):\n", + "\n", + "def process_features(features, exclude):\n", + "\n", + "def pretty_print_list(lst, name = 'features', repr_format=True):\n", + "\n", + "def _get_elementwise_name_from_keras_layer(keras_layer):\n", + "\n", + "def _same_elements_per_channel(x):\n", + "\n", + "def convert_dense(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_activation(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_padding(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_cropping(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_upsample(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_convolution(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_convolution1d(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_lstm(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_simple_rnn(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_gru(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_bidirectional(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_batchnorm(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_flatten(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_softmax(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def convert_permute(builder, layer, input_names, output_names, keras_layer):\n", + "\n", + "def sge_submit(nslave, worker_args, worker_envs):\n", + "\n", + "def dump_ast(ast, indent=' ', newline='\\n'):\n", + "\n", + "def print_ast(ast, indent=' ', initlevel=0, newline='\\n', file=sys.stdout):\n", + "\n", + "def ctypes2numpy(cptr, length, dtype):\n", + "\n", + "def _maybe_from_pandas(data, feature_names, feature_types):\n", + "\n", + "def _init_from_csr(self, csr):\n", + "\n", + "def _init_from_csc(self, csc):\n", + "\n", + "def _init_from_npy2d(self, mat, missing):\n", + "\n", + "def get_float_info(self, field):\n", + "\n", + "def get_uint_info(self, field):\n", + "\n", + "def set_float_info(self, field, data):\n", + "\n", + "def set_uint_info(self, field, data):\n", + "\n", + "def save_binary(self, fname, silent=True):\n", + "\n", + "def num_row(self):\n", + "\n", + "def num_col(self):\n", + "\n", + "def slice(self, rindex):\n", + "\n", + "def feature_names(self, feature_names):\n", + "\n", + "def feature_types(self, feature_types):\n", + "\n", + "def update(self, dtrain, iteration, fobj=None):\n", + "\n", + "def boost(self, dtrain, grad, hess):\n", + "\n", + "def eval_set(self, evals, iteration=0, feval=None):\n", + "\n", + "def predict(self, data, output_margin=False, ntree_limit=0, pred_leaf=False):\n", + "\n", + "def save_raw(self):\n", + "\n", + "def load_model(self, fname):\n", + "\n", + "def dump_model(self, fout, fmap='', with_stats=False):\n", + "\n", + "def get_dump(self, fmap='', with_stats=False):\n", + "\n", + "def get_fscore(self, fmap=''):\n", + "\n", + "def _validate_features(self, data):\n", + "\n", + "def disassembler(co, lasti= -1):\n", + "\n", + "def transform (list, pattern, indices = [1]):\n", + "\n", + "def replace(s, pattern, replacement):\n", + "\n", + " def _replacement(matchobj):\n", + "\n", + "def replace_list(items, match, replacement):\n", + "\n", + "def create(dataset,\n", + "\n", + "def perplexity(test_data, predictions, topics, vocabulary):\n", + "\n", + "def _get_summary_struct(self):\n", + "\n", + "def _get(self, field):\n", + "\n", + "def _training_stats(self):\n", + "\n", + "def get_topics(self, topic_ids=None, num_words=5, cdf_cutoff=1.0,\n", + "\n", + " def sort_wordlist_by_prob(z):\n", + "\n", + "def predict(self, dataset, output_type='assignment', num_burnin=None):\n", + "\n", + "def evaluate(self, train_data, test_data=None, metric='perplexity'):\n", + "\n", + "def bbox_to_ybox(bbox):\n", + "\n", + "def create(input_dataset, target, feature=None, validation_set='auto',\n", + "\n", + " def get_data_and_label_from_batch(batch):\n", + "\n", + " def compute_accuracy(accuracy_metric, batch_loader):\n", + "\n", + "def export_coreml(self, filename, verbose=False):\n", + "\n", + "def _predict_with_probabilities(self, input_dataset, batch_size=None, \n", + "\n", + "def evaluate(self, dataset, metric='auto', batch_size=None, verbose=True):\n", + "\n", + "def predict_topk(self, dataset, output_type=\"probability\", k=3,\n", + "\n", + "def predict(self, data, output_type='class', batch_size=None, verbose=True):\n", + "\n", + "def extract_features(self, dataset, feature, batch_size=64, verbose=False):\n", + "\n", + " def handle_request(batch):\n", + "\n", + " def consume_response(mx_out):\n", + "\n", + " def mx_worker():\n", + "\n", + "def get_coreml_model(self, mode = 'classifier'):\n", + "\n", + "def available_parameters_subset(self, mx_params):\n", + "\n", + "def _BOW_FEATURE_EXTRACTOR(sf, target=None):\n", + "\n", + "def create(dataset, target, features = None, drop_stop_words = True,\n", + "\n", + "def _get_str_columns(sf):\n", + "\n", + "def predict(self, dataset, output_type='class'):\n", + "\n", + "def classify(self, dataset):\n", + "\n", + "def evaluate(self, dataset, metric='auto', **kwargs):\n", + "\n", + "def _generate_base_svm_regression_spec(model):\n", + "\n", + "def convert(model, features, target):\n", + "\n", + "def _VerifyExtensionHandle(message, extension_handle):\n", + "\n", + "def _AddEnumValues(descriptor, cls):\n", + "\n", + "def _DefaultValueConstructorForField(field):\n", + "\n", + " def MakeRepeatedMessageDefault(message):\n", + "\n", + " def MakeRepeatedScalarDefault(message):\n", + "\n", + " def MakeSubMessageDefault(message):\n", + "\n", + " def MakeScalarDefault(message):\n", + "\n", + "def _ReraiseTypeErrorWithFieldName(message_name, field_name):\n", + "\n", + "def _AddInitMethod(message_descriptor, cls):\n", + "\n", + " def _GetIntegerEnumValue(enum_type, value):\n", + "\n", + " def init(self, **kwargs):\n", + "\n", + "def _GetFieldByName(message_descriptor, field_name):\n", + "\n", + "def _AddPropertiesForFields(descriptor, cls):\n", + "\n", + "def _AddPropertiesForField(field, cls):\n", + "\n", + "def _AddPropertiesForRepeatedField(field, cls):\n", + "\n", + " def getter(self):\n", + "\n", + " def setter(self, new_value):\n", + "\n", + "def _AddPropertiesForNonRepeatedScalarField(field, cls):\n", + "\n", + " def getter(self):\n", + "\n", + " def field_setter(self, new_value):\n", + "\n", + " def setter(self, new_value):\n", + "\n", + "def _AddPropertiesForExtensions(descriptor, cls):\n", + "\n", + "def _IsPresent(item):\n", + "\n", + "def _AddListFieldsMethod(message_descriptor, cls):\n", + "\n", + " def ListFields(self):\n", + "\n", + "def _AddHasFieldMethod(message_descriptor, cls):\n", + "\n", + " def HasField(self, field_name):\n", + "\n", + "def _AddClearFieldMethod(message_descriptor, cls):\n", + "\n", + " def ClearField(self, field_name):\n", + "\n", + "def _AddClearExtensionMethod(cls):\n", + "\n", + " def ClearExtension(self, extension_handle):\n", + "\n", + "def _AddHasExtensionMethod(cls):\n", + "\n", + " def HasExtension(self, extension_handle):\n", + "\n", + "def _InternalUnpackAny(msg):\n", + "\n", + "def _AddEqualsMethod(message_descriptor, cls):\n", + "\n", + " def __eq__(self, other):\n", + "\n", + "def _AddStrMethod(message_descriptor, cls):\n", + "\n", + " def __str__(self):\n", + "\n", + "def _AddReprMethod(message_descriptor, cls):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def _AddUnicodeMethod(unused_message_descriptor, cls):\n", + "\n", + " def __unicode__(self):\n", + "\n", + "def _BytesForNonRepeatedElement(value, field_number, field_type):\n", + "\n", + "def _AddByteSizeMethod(message_descriptor, cls):\n", + "\n", + " def ByteSize(self):\n", + "\n", + "def _AddSerializeToStringMethod(message_descriptor, cls):\n", + "\n", + " def SerializeToString(self):\n", + "\n", + "def _AddSerializePartialToStringMethod(message_descriptor, cls):\n", + "\n", + " def SerializePartialToString(self):\n", + "\n", + " def InternalSerialize(self, write_bytes):\n", + "\n", + "def _AddMergeFromStringMethod(message_descriptor, cls):\n", + "\n", + " def MergeFromString(self, serialized):\n", + "\n", + " def InternalParse(self, buffer, pos, end):\n", + "\n", + "def _AddIsInitializedMethod(message_descriptor, cls):\n", + "\n", + " def IsInitialized(self, errors=None):\n", + "\n", + " def FindInitializationErrors(self):\n", + "\n", + "def _AddMessageMethods(message_descriptor, cls):\n", + "\n", + "def _AddPrivateHelperMethods(message_descriptor, cls):\n", + "\n", + " def Modified(self):\n", + "\n", + " def _UpdateOneofState(self, field):\n", + "\n", + "def Modified(self):\n", + "\n", + "def Name(self, number):\n", + "\n", + "def Value(self, name):\n", + "\n", + "def items(self):\n", + "\n", + "def _load_tcmps_lib():\n", + "\n", + "def has_fast_mps_support():\n", + "\n", + "def mps_device_name():\n", + "\n", + "def mps_device_memory_limit():\n", + "\n", + "def shape(self):\n", + "\n", + "def asnumpy(self):\n", + "\n", + "def train(self, input, label):\n", + "\n", + "def predict(self, input):\n", + "\n", + "def train_return_grad(self, input, grad):\n", + "\n", + "def route_sns_task(event, context):\n", + "\n", + "def run_message(message):\n", + "\n", + "def run(func, args=[], kwargs={}, service='lambda', capture_response=False,\n", + "\n", + "def task(*args, **kwargs):\n", + "\n", + " def func_wrapper(func):\n", + "\n", + " def _run_async(*args, **kwargs):\n", + "\n", + "def import_and_get_task(task_path):\n", + "\n", + "def get_func_task_path(func):\n", + "\n", + "def get_async_response(response_id):\n", + "\n", + "def send(self, task_path, args, kwargs):\n", + "\n", + "def _send(self, message):\n", + "\n", + "def _send(self, message):\n", + "\n", + "def parse_s3_url(url):\n", + "\n", + "def string_to_timestamp(timestring):\n", + "\n", + "def detect_django_settings():\n", + "\n", + "def detect_flask_apps():\n", + "\n", + "def add_event_source(event_source, lambda_arn, target_function, boto_session, dry=False):\n", + "\n", + "def remove_event_source(event_source, lambda_arn, target_function, boto_session, dry=False):\n", + "\n", + "def get_event_source_status(event_source, lambda_arn, target_function, boto_session, dry=False):\n", + "\n", + "def check_new_version_available(this_version):\n", + "\n", + "def validate_name(name, maxlen=80):\n", + "\n", + "def contains_python_files_or_subdirs(folder):\n", + "\n", + "def conflicts_with_a_neighbouring_module(directory_path):\n", + "\n", + "def is_valid_bucket_name(name):\n", + "\n", + "def merge_headers(event):\n", + "\n", + "def create_wsgi_request(event_info,\n", + "\n", + "def common_log(environ, response, response_time=None):\n", + "\n", + "def load_remote_project_archive(self, project_zip_path):\n", + "\n", + "def load_remote_settings(self, remote_bucket, remote_file):\n", + "\n", + "def import_module_and_get_function(whole_function):\n", + "\n", + "def run_function(app_function, event, context):\n", + "\n", + "def get_function_for_aws_event(self, record):\n", + "\n", + "def get_function_from_bot_intent_trigger(self, event):\n", + "\n", + "def get_function_for_cognito_trigger(self, trigger):\n", + "\n", + "def handler(self, event, context):\n", + "\n", + "def lambda_handler(event, context):\n", + "\n", + "def _addMethod(self, effect, verb, resource, conditions):\n", + "\n", + "def allowMethodWithConditions(self, verb, resource, conditions):\n", + "\n", + "def denyMethodWithConditions(self, verb, resource, conditions):\n", + "\n", + "def build(self):\n", + "\n", + "def configure_boto_session_method_kwargs(self, service, kw):\n", + "\n", + "def boto_client(self, service, *args, **kwargs):\n", + "\n", + "def boto_resource(self, service, *args, **kwargs):\n", + "\n", + "def cache_param(self, value):\n", + "\n", + "def get_deps_list(self, pkg_name, installed_distros=None):\n", + "\n", + "def create_handler_venv(self):\n", + "\n", + "def get_current_venv():\n", + "\n", + "def create_lambda_zip( self,\n", + "\n", + " def splitpath(path):\n", + "\n", + "def extract_lambda_package(self, package_name, path):\n", + "\n", + "def get_installed_packages(site_packages, site_packages_64):\n", + "\n", + "def have_correct_lambda_package_version(self, package_name, package_version):\n", + "\n", + "def download_url_with_progress(url, stream, disable_progress):\n", + "\n", + "def get_cached_manylinux_wheel(self, package_name, package_version, disable_progress=False):\n", + "\n", + "def get_manylinux_wheel_url(self, package_name, package_version):\n", + "\n", + "def upload_to_s3(self, source_path, bucket_name, disable_progress=False):\n", + "\n", + "def copy_on_s3(self, src_file_name, dst_file_name, bucket_name):\n", + "\n", + "def remove_from_s3(self, file_name, bucket_name):\n", + "\n", + "def create_lambda_function( self,\n", + "\n", + "def update_lambda_function(self, bucket, function_name, s3_key=None, publish=True, local_zip=None, num_revisions=None):\n", + "\n", + "def update_lambda_configuration( self,\n", + "\n", + "def invoke_lambda_function( self,\n", + "\n", + "def rollback_lambda_function_version(self, function_name, versions_back=1, publish=True):\n", + "\n", + "def get_lambda_function(self, function_name):\n", + "\n", + "def get_lambda_function_versions(self, function_name):\n", + "\n", + "def deploy_lambda_alb( self,\n", + "\n", + "def undeploy_lambda_alb(self, lambda_name):\n", + "\n", + "def create_api_gateway_routes( self,\n", + "\n", + "def create_authorizer(self, restapi, uri, authorizer):\n", + "\n", + "def create_and_setup_cors(self, restapi, resource, uri, depth, config):\n", + "\n", + "def deploy_api_gateway( self,\n", + "\n", + "def remove_binary_support(self, api_id, cors=False):\n", + "\n", + "def add_api_compression(self, api_id, min_compression_size):\n", + "\n", + "def get_api_keys(self, api_id, stage_name):\n", + "\n", + "def create_api_key(self, api_id, stage_name):\n", + "\n", + "def remove_api_key(self, api_id, stage_name):\n", + "\n", + "def add_api_stage_to_api_key(self, api_key, api_id, stage_name):\n", + "\n", + "def get_patch_op(self, keypath, value, op='replace'):\n", + "\n", + "def get_rest_apis(self, project_name):\n", + "\n", + "def undeploy_api_gateway(self, lambda_name, domain_name=None, base_path=None):\n", + "\n", + "def update_stage_config( self,\n", + "\n", + "def delete_stack(self, name, wait=False):\n", + "\n", + "def create_stack_template( self,\n", + "\n", + "def update_stack(self, name, working_bucket, wait=False, update_only=False, disable_progress=False):\n", + "\n", + "def stack_outputs(self, name):\n", + "\n", + "def get_api_url(self, lambda_name, stage_name):\n", + "\n", + "def get_api_id(self, lambda_name):\n", + "\n", + "def create_domain_name(self,\n", + "\n", + "def update_route53_records(self, domain_name, dns_name):\n", + "\n", + "def update_domain_name(self,\n", + "\n", + "def update_domain_base_path_mapping(self, domain_name, lambda_name, stage, base_path):\n", + "\n", + "def get_all_zones(self):\n", + "\n", + "def get_domain_name(self, domain_name, route53=True):\n", + "\n", + "def get_credentials_arn(self):\n", + "\n", + "def create_iam_roles(self):\n", + "\n", + "def _clear_policy(self, lambda_name):\n", + "\n", + "def create_event_permission(self, lambda_name, principal, source_arn):\n", + "\n", + "def schedule_events(self, lambda_arn, lambda_name, events, default=True):\n", + "\n", + "def get_event_name(lambda_name, name):\n", + "\n", + "def get_hashed_rule_name(event, function, lambda_name):\n", + "\n", + "def delete_rule(self, rule_name):\n", + "\n", + "def get_event_rule_names_for_lambda(self, lambda_arn):\n", + "\n", + "def get_event_rules_for_lambda(self, lambda_arn):\n", + "\n", + "def unschedule_events(self, events, lambda_arn=None, lambda_name=None, excluded_source_services=None):\n", + "\n", + "def create_async_sns_topic(self, lambda_name, lambda_arn):\n", + "\n", + "def remove_async_sns_topic(self, lambda_name):\n", + "\n", + "def create_async_dynamodb_table(self, table_name, read_capacity, write_capacity):\n", + "\n", + "def fetch_logs(self, lambda_name, filter_pattern='', limit=10000, start_time=0):\n", + "\n", + "def remove_log_group(self, group_name):\n", + "\n", + "def remove_api_gateway_logs(self, project_name):\n", + "\n", + "def get_hosted_zone_id_for_domain(self, domain):\n", + "\n", + "def get_best_match_zone(all_zones, domain):\n", + "\n", + "def remove_dns_challenge_txt(self, zone_id, domain, txt_challenge):\n", + "\n", + "def load_credentials(self, boto_session=None, profile_name=None):\n", + "\n", + "def parse_account_key():\n", + "\n", + "def parse_csr():\n", + "\n", + "def get_boulder_header(key_bytes):\n", + "\n", + "def register_account():\n", + "\n", + "def get_cert(zappa_instance, log=LOGGER, CA=DEFAULT_CA):\n", + "\n", + "def verify_challenge(uri):\n", + "\n", + "def sign_certificate():\n", + "\n", + "def encode_certificate(result):\n", + "\n", + "def _send_signed_request(url, payload):\n", + "\n", + "def shamelessly_promote():\n", + "\n", + "def stage_config(self):\n", + "\n", + " def get_stage_setting(stage, extended_stages=None):\n", + "\n", + "def override_stage_config_setting(self, key, val):\n", + "\n", + "def handle(self, argv=None):\n", + "\n", + " def positive_int(s):\n", + "\n", + "def dispatch_command(self, command, stage):\n", + "\n", + "def package(self, output=None):\n", + "\n", + "def template(self, lambda_arn, role_arn, output=None, json=False):\n", + "\n", + "def deploy(self, source_zip=None):\n", + "\n", + "def update(self, source_zip=None, no_upload=False):\n", + "\n", + "def rollback(self, revision):\n", + "\n", + "def tail(self, since, filter_pattern, limit=10000, keep_open=True, colorize=True, http=False, non_http=False, force_colorize=False):\n", + "\n", + "def undeploy(self, no_confirm=False, remove_logs=False):\n", + "\n", + "def update_cognito_triggers(self):\n", + "\n", + "def schedule(self):\n", + "\n", + "def unschedule(self):\n", + "\n", + "def invoke(self, function_name, raw_python=False, command=None, no_color=False):\n", + "\n", + "def format_invoke_command(self, string):\n", + "\n", + "def colorize_invoke_command(self, string):\n", + "\n", + "def status(self, return_json=False):\n", + "\n", + " def tabular_print(title, value):\n", + "\n", + "def check_environment(self, environment):\n", + "\n", + "def init(self, settings_file=\"zappa_settings.json\"):\n", + "\n", + "def certify(self, no_confirm=True, manual=False):\n", + "\n", + "def shell(self):\n", + "\n", + "def callback(self, position):\n", + "\n", + "def check_for_update(self):\n", + "\n", + "def load_settings(self, settings_file=None, session=None):\n", + "\n", + "def get_json_or_yaml_settings(self, settings_name=\"zappa_settings\"):\n", + "\n", + "def load_settings_file(self, settings_file=None):\n", + "\n", + "def create_package(self, output=None):\n", + "\n", + "def remove_local_zip(self):\n", + "\n", + "def remove_uploaded_zip(self):\n", + "\n", + "def on_exit(self):\n", + "\n", + "def print_logs(self, logs, colorize=True, http=False, non_http=False, force_colorize=None):\n", + "\n", + "def is_http_log_entry(self, string):\n", + "\n", + "def colorize_log_entry(self, string):\n", + "\n", + "def execute_prebuild_script(self):\n", + "\n", + "def collision_warning(self, item):\n", + "\n", + "def check_venv(self):\n", + "\n", + "def silence(self):\n", + "\n", + "def touch_endpoint(self, endpoint_url):\n", + "\n", + "def all_casings(input_string):\n", + "\n", + "def status_count(self, project):\n", + "\n", + "def get_encoding(headers, content):\n", + "\n", + "def encoding(self):\n", + "\n", + "def text(self):\n", + "\n", + "def json(self):\n", + "\n", + "def doc(self):\n", + "\n", + "def etree(self):\n", + "\n", + "def raise_for_status(self, allow_redirects=True):\n", + "\n", + "def not_send_status(func):\n", + "\n", + " def wrapper(self, response, task):\n", + "\n", + "def config(_config=None, **kwargs):\n", + "\n", + " def wrapper(func):\n", + "\n", + "def every(minutes=NOTSET, seconds=NOTSET):\n", + "\n", + " def wrapper(func):\n", + "\n", + "def catch_error(func):\n", + "\n", + " def wrap(self, *args, **kwargs):\n", + "\n", + "def reconnect(self):\n", + "\n", + "def reconnect(self):\n", + "\n", + "def put(self, taskid, priority=0, exetime=0):\n", + "\n", + "def get(self):\n", + "\n", + "def done(self, taskid):\n", + "\n", + "def is_processing(self, taskid):\n", + "\n", + "def logstr(self):\n", + "\n", + "def on_task(self, task, response):\n", + "\n", + "def run(self):\n", + "\n", + "def connect_message_queue(name, url=None, maxsize=0, lazy_limit=True):\n", + "\n", + "def hide_me(tb, g=globals()):\n", + "\n", + "def run_in_subprocess(func, *args, **kwargs):\n", + "\n", + "def format_date(date, gmt_offset=0, relative=True, shorter=False, full_format=False):\n", + "\n", + "def utf8(string):\n", + "\n", + "def text(string, encoding='utf8'):\n", + "\n", + "def pretty_unicode(string):\n", + "\n", + "def unicode_string(string):\n", + "\n", + "def unicode_dict(_dict):\n", + "\n", + "def unicode_obj(obj):\n", + "\n", + "def decode_unicode_string(string):\n", + "\n", + "def decode_unicode_obj(obj):\n", + "\n", + "def load_object(name):\n", + "\n", + "def get_python_console(namespace=None):\n", + "\n", + " def exit():\n", + "\n", + " def readfunc(prompt=\"\"):\n", + "\n", + "def python_console(namespace=None):\n", + "\n", + "def handler(self, environ, start_response):\n", + "\n", + "def handle_POST(self, environ, start_response):\n", + "\n", + "def connect_database(url):\n", + "\n", + "def _update_projects(self):\n", + "\n", + "def _update_project(self, project):\n", + "\n", + "def _load_tasks(self, project):\n", + "\n", + "def task_verify(self, task):\n", + "\n", + "def put_task(self, task):\n", + "\n", + "def send_task(self, task, force=True):\n", + "\n", + "def _check_task_done(self):\n", + "\n", + "def _check_request(self):\n", + "\n", + "def _check_cronjob(self):\n", + "\n", + "def _check_select(self):\n", + "\n", + "def _dump_cnt(self):\n", + "\n", + "def _try_dump_cnt(self):\n", + "\n", + "def _check_delete(self):\n", + "\n", + "def quit(self):\n", + "\n", + "def run_once(self):\n", + "\n", + "def run(self):\n", + "\n", + "def xmlrpc_run(self, port=23333, bind='127.0.0.1', logRequests=False):\n", + "\n", + " def dump_counter(_time, _type):\n", + "\n", + " def new_task(task):\n", + "\n", + " def send_task(task):\n", + "\n", + " def update_project():\n", + "\n", + " def get_active_tasks(project=None, limit=100):\n", + "\n", + " def get_projects_pause_status():\n", + "\n", + " def webui_update():\n", + "\n", + "def on_new_request(self, task):\n", + "\n", + "def on_old_request(self, task, old_task):\n", + "\n", + "def on_task_status(self, task):\n", + "\n", + "def on_task_done(self, task):\n", + "\n", + "def on_task_failed(self, task):\n", + "\n", + "def on_select_task(self, task):\n", + "\n", + "def _check_select(self):\n", + "\n", + " def run(project=None):\n", + "\n", + " def crawl(url, project=None, **kwargs):\n", + "\n", + " def quit_interactive():\n", + "\n", + " def quit_pyspider():\n", + "\n", + "def on_task_status(self, task):\n", + "\n", + "def build_module(project, env=None):\n", + "\n", + "def _need_update(self, project_name, updatetime=None, md5sum=None):\n", + "\n", + "def _check_projects(self):\n", + "\n", + "def _update_project(self, project_name):\n", + "\n", + "def _load_project(self, project):\n", + "\n", + "def get(self, project_name, updatetime=None, md5sum=None):\n", + "\n", + "def get_all(self, name, default=None):\n", + "\n", + "def status_count(self, project):\n", + "\n", + "def increment(self, n=1):\n", + "\n", + "def refresh(self):\n", + "\n", + "def send_result(self, type, task, result):\n", + "\n", + "def async_fetch(self, task, callback=None):\n", + "\n", + "def sync_fetch(self, task):\n", + "\n", + " def callback(type, task, result):\n", + "\n", + "def data_fetch(self, url, task):\n", + "\n", + "def http_fetch(self, url, task):\n", + "\n", + "def phantomjs_fetch(self, url, task):\n", + "\n", + "def run(self):\n", + "\n", + " def queue_loop():\n", + "\n", + "def quit(self):\n", + "\n", + "def xmlrpc_run(self, port=24444, bind='127.0.0.1', logRequests=False):\n", + "\n", + " def sync_fetch(task):\n", + "\n", + " def dump_counter(_time, _type):\n", + "\n", + "def on_result(self, type, task, result):\n", + "\n", + "def to_dict(self, get_value=None):\n", + "\n", + "def value(self, key, value=1):\n", + "\n", + "def trim(self):\n", + "\n", + "def to_dict(self, get_value=None):\n", + "\n", + "def dump(self, filename):\n", + "\n", + "def load(self, filename):\n", + "\n", + "def cli(ctx, **kwargs):\n", + "\n", + "def scheduler(ctx, xmlrpc, xmlrpc_host, xmlrpc_port,\n", + "\n", + "def fetcher(ctx, xmlrpc, xmlrpc_host, xmlrpc_port, poolsize, proxy, user_agent,\n", + "\n", + "def processor(ctx, processor_cls, process_time_limit, enable_stdout_capture=True, get_object=False):\n", + "\n", + "def result_worker(ctx, result_cls, get_object=False):\n", + "\n", + "def webui(ctx, host, port, cdn, scheduler_rpc, fetcher_rpc, max_rate, max_burst,\n", + "\n", + "def phantomjs(ctx, phantomjs_path, port, auto_restart, args):\n", + "\n", + " def quit(*args, **kwargs):\n", + "\n", + "def puppeteer(ctx, port, auto_restart, args):\n", + "\n", + " def quit(*args, **kwargs):\n", + "\n", + "def all(ctx, fetcher_num, processor_num, result_worker_num, run_in):\n", + "\n", + "def bench(ctx, fetcher_num, processor_num, result_worker_num, run_in, total, show,\n", + "\n", + " def clear_project():\n", + "\n", + "def one(ctx, interactive, enable_phantomjs, enable_puppeteer, scripts):\n", + "\n", + "def send_message(ctx, scheduler_rpc, project, message):\n", + "\n", + "def pprint(object, stream=None, indent=1, width=80, depth=None):\n", + "\n", + "def pformat(object, indent=1, width=80, depth=None):\n", + "\n", + "def format(self, object, context, maxlevels, level):\n", + "\n", + "def on_result(self, task, result):\n", + "\n", + "def run(self):\n", + "\n", + "def on_result(self, task, result):\n", + "\n", + "def get(self):\n", + "\n", + "def migrate(pool, from_connection, to_connection):\n", + "\n", + "def encode(data, mime_type='', charset='utf-8', base64=True):\n", + "\n", + "def decode(data_url):\n", + "\n", + "def _build_url(url, _params):\n", + "\n", + "def quote_chinese(url, encodeing=\"utf-8\"):\n", + "\n", + "def DownloadResource(url, path):\n", + "\n", + "def AddLeNetModel(model, data):\n", + "\n", + "def AddAccuracy(model, softmax, label):\n", + "\n", + "def AddTrainingOperators(model, softmax, label):\n", + "\n", + "def AddBookkeepingOperators(model):\n", + "\n", + "def get_loss_func(self, C=1.0, k=1):\n", + "\n", + " def lf(x):\n", + "\n", + "def fit(self, env, nb_steps, action_repetition=1, callbacks=None, verbose=1,\n", + "\n", + "def process_step(self, observation, reward, done, info):\n", + "\n", + "def get_current_value(self):\n", + "\n", + "def select_action(self, **kwargs):\n", + "\n", + "def get_config(self):\n", + "\n", + "def select_action(self, nb_actions, probs):\n", + "\n", + "def select_action(self, q_values):\n", + "\n", + "def get_config(self):\n", + "\n", + "def select_action(self, q_values):\n", + "\n", + "def get_config(self):\n", + "\n", + "def select_action(self, q_values):\n", + "\n", + "def get_config(self):\n", + "\n", + "def select_action(self, q_values):\n", + "\n", + "def get_config(self):\n", + "\n", + "def _set_env(self, env):\n", + "\n", + "def on_episode_begin(self, episode, logs={}):\n", + "\n", + "def on_episode_end(self, episode, logs={}):\n", + "\n", + "def on_step_begin(self, step, logs={}):\n", + "\n", + "def on_step_end(self, step, logs={}):\n", + "\n", + "def on_action_begin(self, action, logs={}):\n", + "\n", + "def on_action_end(self, action, logs={}):\n", + "\n", + "def on_train_begin(self, logs):\n", + "\n", + "def on_train_end(self, logs):\n", + "\n", + "def on_episode_begin(self, episode, logs):\n", + "\n", + "def on_episode_end(self, episode, logs):\n", + "\n", + "def on_step_end(self, step, logs):\n", + "\n", + "def reset(self):\n", + "\n", + "def on_step_begin(self, step, logs):\n", + "\n", + "def on_step_end(self, step, logs):\n", + "\n", + "def on_episode_begin(self, episode, logs):\n", + "\n", + "def on_episode_end(self, episode, logs):\n", + "\n", + "def save_data(self):\n", + "\n", + "def on_step_end(self, step, logs={}):\n", + "\n", + "def sample_batch_indexes(low, high, size):\n", + "\n", + "def zeroed_observation(observation):\n", + "\n", + "def get_recent_state(self, current_observation):\n", + "\n", + "def sample(self, batch_size, batch_idxs=None):\n", + "\n", + "def append(self, observation, action, reward, terminal, training=True):\n", + "\n", + "def get_config(self):\n", + "\n", + "def sample(self, batch_size, batch_idxs=None):\n", + "\n", + "def append(self, observation, action, reward, terminal, training=True):\n", + "\n", + "def finalize_episode(self, params):\n", + "\n", + "def make_gym_env(env_id, num_env=2, seed=123, wrapper_kwargs=None, start_index=0):\n", + "\n", + " def _thunk():\n", + "\n", + "def invoke_common_options(f):\n", + "\n", + "def get_or_default_template_file_name(ctx, param, provided_value, include_build):\n", + "\n", + "def template_click_option(include_build=True):\n", + "\n", + "def create_tarball(tar_paths):\n", + "\n", + "def start(self):\n", + "\n", + "def _extract_functions(resources):\n", + "\n", + "def _convert_sam_function_resource(name, resource_properties, layers):\n", + "\n", + "def _extract_sam_function_codeuri(name, resource_properties, code_property_key):\n", + "\n", + "def _extract_lambda_function_code(resource_properties, code_property_key):\n", + "\n", + "def _parse_layer_info(list_of_layers, resources):\n", + "\n", + "def resolve(self):\n", + "\n", + "def _get_aws_variables(self):\n", + "\n", + "def _stringify_value(self, value):\n", + "\n", + "def create(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def start(self, input_data=None):\n", + "\n", + "def _write_container_output(output_itr, stdout=None, stderr=None):\n", + "\n", + "def cli(ctx, location, runtime, dependency_manager, output_dir, name, no_input):\n", + "\n", + "def do_cli(ctx, location, runtime, dependency_manager, output_dir, name, no_input):\n", + "\n", + "def get_apis(self):\n", + "\n", + "def _get_integration_function_name(self, method_config):\n", + "\n", + "def do_format(self, event_iterable):\n", + "\n", + "def _pretty_print_event(event, colored):\n", + "\n", + "def colorize_errors(event, colored):\n", + "\n", + "def highlight_keywords(self, event, colored):\n", + "\n", + "def format_json(event, colored):\n", + "\n", + "def get_template_data(template_file):\n", + "\n", + "def move_template(src_template_path,\n", + "\n", + "def _update_relative_paths(template_dict,\n", + "\n", + "def _update_aws_include_relative_path(template_dict, original_root, new_root):\n", + "\n", + "def _resolve_relative_to(path, original_root, new_root):\n", + "\n", + "def parse_aws_include_transform(data):\n", + "\n", + "def read(self):\n", + "\n", + "def _read_from_definition_body(self):\n", + "\n", + "def _download_swagger(self, location):\n", + "\n", + "def _download_from_s3(bucket, key, version=None):\n", + "\n", + "def _parse_s3_location(location):\n", + "\n", + "def debug(self, value):\n", + "\n", + "def _refresh_session(self):\n", + "\n", + "def to_utc(some_time):\n", + "\n", + "def parse_date(date_string):\n", + "\n", + "def function_name(self):\n", + "\n", + "def local_lambda_runner(self):\n", + "\n", + "def stdout(self):\n", + "\n", + "def stderr(self):\n", + "\n", + "def get_cwd(self):\n", + "\n", + "def _get_env_vars_value(filename):\n", + "\n", + "def _get_debug_context(debug_port, debug_args, debugger_path):\n", + "\n", + "def _read_socket(socket):\n", + "\n", + "def _read_payload(socket, payload_size):\n", + "\n", + "def debug_option(f):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + "def region_option(f):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + "def profile_option(f):\n", + "\n", + " def callback(ctx, param, value):\n", + "\n", + "def resource_not_found(function_name):\n", + "\n", + "def invalid_request_content(message):\n", + "\n", + "def unsupported_media_type(content_type):\n", + "\n", + "def generic_service_exception(*args):\n", + "\n", + "def generic_path_not_found(*args):\n", + "\n", + "def generic_method_not_allowed(*args):\n", + "\n", + "def do_cli(ctx, template):\n", + "\n", + "def _read_sam_file(template):\n", + "\n", + "def resolve_code_path(cwd, codeuri):\n", + "\n", + "def convert_path_to_flask(path):\n", + "\n", + "def convert_path_to_api_gateway(path):\n", + "\n", + "def get_function_name(integration_uri):\n", + "\n", + "def _get_function_arn(uri_data):\n", + "\n", + "def _get_function_name_from_arn(function_arn):\n", + "\n", + "def _resolve_fn_sub(uri_data):\n", + "\n", + "def _is_sub_intrinsic(data):\n", + "\n", + "def _get_event(event_file_name):\n", + "\n", + "def normalize(template_dict):\n", + "\n", + "def _replace_property(property_key, property_value, resource, logical_id):\n", + "\n", + "def _set_commands(package_names):\n", + "\n", + "def get_command(self, ctx, cmd_name):\n", + "\n", + "def write(self, output):\n", + "\n", + "def get_workflow_config(runtime, code_dir, project_dir):\n", + "\n", + "def supports_build_in_container(config):\n", + "\n", + " def _key(c):\n", + "\n", + "def get_config(self, code_dir, project_dir):\n", + "\n", + "def intrinsics_multi_constructor(loader, tag_prefix, node):\n", + "\n", + "def yaml_parse(yamlstr):\n", + "\n", + "def encode(self, tags, encoding, values_to_sub):\n", + "\n", + "def generate_event(self, service_name, event_type, values_to_sub):\n", + "\n", + "def underline(self, msg):\n", + "\n", + "def _color(self, msg, color):\n", + "\n", + "def fetch(self, log_group_name, start=None, end=None, filter_pattern=None):\n", + "\n", + "def tail(self, log_group_name, start=None, filter_pattern=None, max_retries=1000, poll_interval=0.3):\n", + "\n", + "def _compute_layer_version(is_defined_within_template, arn):\n", + "\n", + "def _compute_layer_name(is_defined_within_template, arn):\n", + "\n", + "def mkdir_temp(mode=0o755):\n", + "\n", + "def stdout():\n", + "\n", + "def stderr():\n", + "\n", + "def download_all(self, layers, force=False):\n", + "\n", + "def download(self, layer, force=False):\n", + "\n", + "def _fetch_layer_uri(self, layer):\n", + "\n", + "def _create_cache(layer_cache):\n", + "\n", + "def is_valid(self):\n", + "\n", + "def _replace_local_codeuri(self):\n", + "\n", + "def _update_to_s3_uri(property_key, resource_property_dict, s3_uri_value=\"s3://bucket/value\"):\n", + "\n", + "def formatter(self):\n", + "\n", + "def log_group_name(self):\n", + "\n", + "def _parse_time(time_str, property_name):\n", + "\n", + "def _get_resource_id_from_stack(cfn_client, stack_name, logical_id):\n", + "\n", + "def get_template(template_dict, parameter_overrides=None):\n", + "\n", + "def _resolve_parameters(template_dict, parameter_overrides):\n", + "\n", + "def _get_parameter_values(template_dict, parameter_overrides):\n", + "\n", + "def _get_default_parameter_values(sam_template):\n", + "\n", + "def to_posix_path(code_path):\n", + "\n", + "def _get_additional_options(runtime, debug_options):\n", + "\n", + "def _extract_apis(self, resources):\n", + "\n", + "def _extract_from_serverless_api(self, logical_id, api_resource, collector):\n", + "\n", + "def _merge_apis(collector):\n", + "\n", + "def _normalize_apis(apis):\n", + "\n", + "def _extract_apis_from_function(logical_id, function_resource, collector):\n", + "\n", + "def _extract_apis_from_events(function_logical_id, serverless_function_events, collector):\n", + "\n", + "def _convert_event_api(lambda_logical_id, event_properties):\n", + "\n", + "def _normalize_http_methods(http_method):\n", + "\n", + "def add_apis(self, logical_id, apis):\n", + "\n", + "def add_binary_media_types(self, logical_id, binary_media_types):\n", + "\n", + "def _get_apis_with_config(self, logical_id):\n", + "\n", + "def _get_properties(self, logical_id):\n", + "\n", + "def _unzip_file(filepath):\n", + "\n", + "def invoke(self,\n", + "\n", + "def _configure_interrupt(self, function_name, timeout, container, is_debugging):\n", + "\n", + " def timer_handler():\n", + "\n", + " def signal_handler(sig, frame):\n", + "\n", + "def _get_code_dir(self, code_path):\n", + "\n", + "def build(self, runtime, layers):\n", + "\n", + "def _generate_docker_image_version(layers, runtime):\n", + "\n", + "def _build_image(self, base_image, docker_tag, layers):\n", + "\n", + "def _generate_dockerfile(base_image, layers):\n", + "\n", + "def start(self):\n", + "\n", + "def _make_routing_list(api_provider):\n", + "\n", + "def _print_routes(api_provider, host, port):\n", + "\n", + "def _make_static_dir_path(cwd, static_dir):\n", + "\n", + "def create(self):\n", + "\n", + "def validate_request():\n", + "\n", + "def _construct_error_handling(self):\n", + "\n", + "def _invoke_request_handler(self, function_name):\n", + "\n", + "def unzip(zip_file_path, output_dir, permission=None):\n", + "\n", + "def _set_permissions(zip_file_info, extracted_path):\n", + "\n", + "def unzip_from_uri(uri, layer_zip_path, unzip_output_dir, progressbar_label):\n", + "\n", + "def create(self):\n", + "\n", + "def _generate_route_keys(self, methods, path):\n", + "\n", + "def _construct_error_handling(self):\n", + "\n", + "def _request_handler(self, **kwargs):\n", + "\n", + "def _get_current_route(self, flask_request):\n", + "\n", + "def _parse_lambda_output(lambda_output, binary_types, flask_request):\n", + "\n", + "def _should_base64_decode_body(binary_types, flask_request, lamba_response_headers, is_base_64_encoded):\n", + "\n", + "def _construct_event(flask_request, port, binary_types):\n", + "\n", + "def _query_string_params(flask_request):\n", + "\n", + "def invoke(self, function_name, event, stdout=None, stderr=None):\n", + "\n", + "def _get_invoke_config(self, function):\n", + "\n", + "def _make_env_vars(self, function):\n", + "\n", + "def get_aws_creds(self):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def to_dict(self):\n", + "\n", + "def do_cli(function_name, stack_name, filter_pattern, tailing, start_time, end_time):\n", + "\n", + "def is_docker_reachable(self):\n", + "\n", + "def run(self, container, input_data=None, warm=False):\n", + "\n", + "def pull_image(self, image_name, stream=None):\n", + "\n", + "def has_image(self, image_name):\n", + "\n", + "def do_cli(ctx, template, semantic_version):\n", + "\n", + "def _gen_success_message(publish_output):\n", + "\n", + "def _print_console_link(region, application_id):\n", + "\n", + "def lambda_failure_response(*args):\n", + "\n", + "def lambda_not_found_response(*args):\n", + "\n", + "def route_not_found(*args):\n", + "\n", + "def progressbar(length, label):\n", + "\n", + "def _unquote(value):\n", + "\n", + "def run(self):\n", + "\n", + "def service_response(body, headers, status_code):\n", + "\n", + "def get_lambda_output(stdout_stream):\n", + "\n", + "def is_lambda_error_response(lambda_response):\n", + "\n", + "def build(self):\n", + "\n", + "def update_template(self, template_dict, original_template_path, built_artifacts):\n", + "\n", + "def _build_function(self, function_name, codeuri, runtime):\n", + "\n", + "def _get_container_dirs(source_dir, manifest_dir):\n", + "\n", + "def _convert_to_container_dirs(host_paths_to_convert, host_to_container_path_mapping):\n", + "\n", + "def __translate(self, parameter_values):\n", + "\n", + "def __managed_policy_map(self):\n", + "\n", + "def _validate(self, sam_template):\n", + "\n", + "def get_command(self, ctx, cmd_name):\n", + "\n", + "def get_command(self, ctx, cmd_name):\n", + "\n", + "def cmd_implementation(self, events_lib, top_level_cmd_name, subcmd_name, *args, **kwargs):\n", + "\n", + "def generate_lars_path(weighted_data, weighted_labels):\n", + "\n", + "def forward_selection(self, data, labels, weights, num_features):\n", + "\n", + "def feature_selection(self, data, labels, weights, num_features, method):\n", + "\n", + "def explain_instance_with_data(self,\n", + "\n", + "def id_generator(size=15, random_state=None):\n", + "\n", + "def available_labels(self):\n", + "\n", + "def as_list(self, label=1, **kwargs):\n", + "\n", + "def as_pyplot_figure(self, label=1, **kwargs):\n", + "\n", + "def show_in_notebook(self,\n", + "\n", + "def save_to_file(self,\n", + "\n", + "def as_html(self,\n", + "\n", + " def jsonize(x):\n", + "\n", + "def _check_params(self, parameters):\n", + "\n", + "def filter_params(self, fn, override=None):\n", + "\n", + "def map_exp_ids(self, exp, positions=False):\n", + "\n", + "def visualize_instance_html(self, exp, label, div_name, exp_object_name,\n", + "\n", + "def string_position(self, id_):\n", + "\n", + "def inverse_removing(self, words_to_remove):\n", + "\n", + "def _segment_with_tokens(text, tokens):\n", + "\n", + "def __get_idxs(self, words):\n", + "\n", + "def explain_instance(self,\n", + "\n", + "def __data_labels_distances(self,\n", + "\n", + " def distance_fn(x):\n", + "\n", + "def map_exp_ids(self, exp):\n", + "\n", + "def visualize_instance_html(self,\n", + "\n", + "def validate_training_data_stats(training_data_stats):\n", + "\n", + "def explain_instance(self,\n", + "\n", + "def __data_inverse(self,\n", + "\n", + "def _make_predict_proba(self, func):\n", + "\n", + " def predict_proba(X):\n", + "\n", + "def explain_instance(self, data_row, classifier_fn, labels=(1,),\n", + "\n", + "def get_image_and_mask(self, label, positive_only=True, hide_rest=False,\n", + "\n", + "def explain_instance(self, image, classifier_fn, labels=(1,),\n", + "\n", + "def data_labels(self,\n", + "\n", + "def has_arg(fn, arg_name):\n", + "\n", + "def discretize(self, data):\n", + "\n", + "def _get_remote(self, config, name):\n", + "\n", + "def draw(vertexes, edges):\n", + "\n", + "def draw(self):\n", + "\n", + "def point(self, x, y, char):\n", + "\n", + "def line(self, x0, y0, x1, y1, char):\n", + "\n", + "def text(self, x, y, text):\n", + "\n", + "def box(self, x0, y0, width, height):\n", + "\n", + "def refresh(self, line=None):\n", + "\n", + "def update_target(self, name, current, total):\n", + "\n", + "def finish_target(self, name):\n", + "\n", + "def _bar(self, target_name, current, total):\n", + "\n", + "def _extract_dir(self, dir_not_exists, output):\n", + "\n", + "def diff(self, a_ref, target=None, b_ref=None):\n", + "\n", + "def istextfile(fname, blocksize=512):\n", + "\n", + "def csv_reader(unicode_csv_data, dialect=None, **kwargs):\n", + "\n", + "def cast_bytes(s, encoding=None):\n", + "\n", + "def _makedirs(name, mode=0o777, exist_ok=False):\n", + "\n", + "def install(self, address, target_dir, select=[], fname=None):\n", + "\n", + "def is_import(self):\n", + "\n", + "def remove_outs(self, ignore_remove=False, force=False):\n", + "\n", + "def is_cached(self):\n", + "\n", + "def daemon(args):\n", + "\n", + "def _parsed_cmd(self):\n", + "\n", + "def add_parser(subparsers, parent_parser):\n", + "\n", + "def _format_csv(content, delimiter):\n", + "\n", + "def _format_output(content, typ):\n", + "\n", + "def _collect_metrics(repo, path, recursive, typ, xpath, branch):\n", + "\n", + "def _read_metrics(repo, metrics, branch):\n", + "\n", + "def graph(self, stages=None, from_directory=None):\n", + "\n", + "def stages(self, from_directory=None, check_dag=True):\n", + "\n", + " def filter_dirs(dname, root=root):\n", + "\n", + "def _progress_aware(self):\n", + "\n", + "def open(self, path, binary=False):\n", + "\n", + "def walk(self, top, topdown=True, ignore_file_handler=None):\n", + "\n", + " def onerror(e):\n", + "\n", + "def _list_paths(self, bucket, prefix):\n", + "\n", + "def resolve_path(path, config_file):\n", + "\n", + "def get_diff_trees(self, a_ref, b_ref=None):\n", + "\n", + "def changed(self, path_info, checksum_info):\n", + "\n", + "def confirm(statement):\n", + "\n", + "def main(argv=None):\n", + "\n", + "def supported_cache_type(types):\n", + "\n", + "def get_global_config_dir():\n", + "\n", + "def get_system_config_dir():\n", + "\n", + "def init(dvc_dir):\n", + "\n", + "def load(self, validate=True):\n", + "\n", + "def save(self, config=None):\n", + "\n", + "def get_remote_settings(self, name):\n", + "\n", + "def unset(config, section, opt=None):\n", + "\n", + "def set(config, section, opt, value):\n", + "\n", + "def show(config, section, opt):\n", + "\n", + "def move(self, from_path, to_path):\n", + "\n", + "def init(root_dir=os.curdir, no_scm=False, force=False):\n", + "\n", + "def _generate_version(base_version):\n", + "\n", + "def _is_dirty(dir_path):\n", + "\n", + "def file_md5(fname):\n", + "\n", + "def dict_filter(d, exclude=[]):\n", + "\n", + "def copyfile(src, dest, no_progress_bar=False, name=None):\n", + "\n", + "def colorize(message, color=None):\n", + "\n", + "def boxify(message, border_color=None):\n", + "\n", + "def _visual_width(line):\n", + "\n", + "def _visual_center(line, width):\n", + "\n", + "def fix_subparsers(subparsers):\n", + "\n", + "def default_targets(self):\n", + "\n", + "def get_parent_parser():\n", + "\n", + "def parse_args(argv=None):\n", + "\n", + "def apply_diff(src, dest):\n", + "\n", + " def is_same_type(a, b):\n", + "\n", + "def percent_cb(name, complete, total):\n", + "\n", + "def md5(self, path):\n", + "\n", + "def load(path):\n", + "\n", + "def collect(self):\n", + "\n", + "def collect_cmd(self, args, ret):\n", + "\n", + "def dump(self):\n", + "\n", + "def send_cmd(cmd, args, ret):\n", + "\n", + "def send(self):\n", + "\n", + "def walk(self, top, topdown=True, ignore_file_handler=None):\n", + "\n", + "def push(self, targets, jobs=None, remote=None, show_checksums=False):\n", + "\n", + "def status(self, targets, jobs=None, remote=None, show_checksums=False):\n", + "\n", + "def changed(self, path, md5):\n", + "\n", + "def load(self):\n", + "\n", + "def dump(self):\n", + "\n", + "def save(self, path_info, checksum):\n", + "\n", + "def get(self, path_info):\n", + "\n", + "def save_link(self, path_info):\n", + "\n", + "def remove_unused_links(self, used):\n", + "\n", + "def show_metrics(metrics, all_branches=False, all_tags=False):\n", + "\n", + "def lock(self):\n", + "\n", + "def read_mail(window):\n", + "\n", + "def runCommand(cmd, timeout=None):\n", + "\n", + "def kill_proc_tree(pid, sig=signal.SIGTERM, include_parent=True,\n", + "\n", + "def Popup(*args, **_3to2kwargs):\n", + "\n", + "def PopupNoButtons(*args, **_3to2kwargs):\n", + "\n", + "def PopupError(*args, **_3to2kwargs):\n", + "\n", + "def set_scrollregion(self, event=None):\n", + "\n", + "def _show_selection(self, text, bbox):\n", + "\n", + "def _pressed(self, evt):\n", + "\n", + "def _prev_month(self):\n", + "\n", + "def _next_month(self):\n", + "\n", + "def selection(self):\n", + "\n", + "def AddRow(self, *args):\n", + "\n", + "def SetAlpha(self, alpha):\n", + "\n", + "def setColor(self, color):\n", + "\n", + "def get_img_data(f, maxsize = (1200, 850), first = False):\n", + "\n", + "def do_one(myStats, destIP, hostname, timeout, mySeqNumber, packet_size, quiet=False):\n", + "\n", + "def quiet_ping(hostname, timeout=WAIT_TIMEOUT, count=NUM_PACKETS,\n", + "\n", + "def get_page(pno, zoom = False, max_size = None, first = False):\n", + "\n", + "def live_neighbours(self, i, j):\n", + "\n", + "def play(self):\n", + "\n", + "def human_size(bytes, units=[' bytes','KB','MB','GB','TB', 'PB', 'EB']):\n", + "\n", + "def HowDoI():\n", + "\n", + "def QueryHowDoI(Query, num_answers, full_text, window:sg.Window):\n", + "\n", + "def list_view_on_selected(self, widget, selected_item_key):\n", + "\n", + "def PyplotHistogram():\n", + "\n", + "def PyplotArtistBoxPlots():\n", + "\n", + "def PyplotLineStyles():\n", + "\n", + "def convert_tkinter_size_to_Qt(size):\n", + "\n", + "def create_style_from_font(font):\n", + "\n", + "def PopupGetFolder(message, title=None, default_path='', no_window=False, size=(None, None), button_color=None,\n", + "\n", + "def PopupGetFile(message, title=None, default_path='', default_extension='', save_as=False, file_types=((\"ALL Files\", \"*\"),),\n", + "\n", + "def PopupGetText(message, title=None, default_text='', password_char='', size=(None, None), button_color=None,\n", + "\n", + "def Read(self, timeout=None):\n", + "\n", + "def ShowMessage(self, title, message, filename=None, data=None, data_base64=None, messageicon=None, time=10000):\n", + "\n", + "def Update(self, menu=None, tooltip=None,filename=None, data=None, data_base64=None,):\n", + "\n", + "def SetAlpha(self, alpha):\n", + "\n", + "def convert_tkinter_size_to_Wx(size):\n", + "\n", + "def font_to_wx_font(font):\n", + "\n", + "def PopupError(*args, button_color=DEFAULT_ERROR_BUTTON_COLOR, background_color=None, text_color=None, auto_close=False,\n", + "\n", + "def PopupGetFolder(message, title=None, default_path='', no_window=False, size=(None, None), button_color=None,\n", + "\n", + "def PopupGetFile(message, title=None, default_path='', default_extension='', save_as=False, file_types=((\"ALL Files\", \"*\"),),\n", + "\n", + "def Read(self, timeout=None):\n", + "\n", + "def ShowMessage(self, title, message, filename=None, data=None, data_base64=None, messageicon=None, time=10000):\n", + "\n", + "def Update(self, menu=None, tooltip=None,filename=None, data=None, data_base64=None,):\n", + "\n", + "def on_mouse(self, event):\n", + "\n", + "def SetAlpha(self, alpha):\n", + "\n", + "def worker_thread(thread_name, run_freq, gui_queue):\n", + "\n", + "def the_gui(gui_queue):\n", + "\n", + "def send_one_ping(mySocket, destIP, myID, mySeqNumber, packet_size):\n", + "\n", + "def receive_one_ping(mySocket, myID, timeout):\n", + "\n", + "def runCommand(cmd, timeout=None, window=None):\n", + "\n", + "def font_parse_string(font):\n", + "\n", + "def _ProgressMeter(title, max_value, *args, orientation=None, bar_color=(None, None), button_color=None,\n", + "\n", + "def _ProgressMeterUpdate(bar, value, text_elem, *args):\n", + "\n", + "def EasyProgressMeter(title, current_value, max_value, *args, orientation=None, bar_color=(None, None),\n", + "\n", + "def PopupNonBlocking(*args, button_type=POPUP_BUTTONS_OK, button_color=None, background_color=None, text_color=None,\n", + "\n", + "def PopupGetFolder(message, default_path='', no_window=False, size=(None, None), button_color=None,\n", + "\n", + "def PopupGetFile(message, default_path='', default_extension='', save_as=False, file_types=((\"ALL Files\", \"*.*\"),),\n", + "\n", + "def TableSimulation():\n", + "\n", + "def HowDoI():\n", + "\n", + "def QueryHowDoI(Query, num_answers, full_text):\n", + "\n", + "def get_attached_message(self, key, message_type, tags=None, required=False):\n", + "\n", + "def create_image_lists(image_dir, testing_percentage, validation_percentage):\n", + "\n", + "def get_image_path(image_lists, label_name, index, image_dir, category):\n", + "\n", + "def get_bottleneck_path(image_lists, label_name, index, bottleneck_dir,\n", + "\n", + "def create_module_graph(module_spec):\n", + "\n", + "def run_bottleneck_on_image(sess, image_data, image_data_tensor,\n", + "\n", + "def create_bottleneck_file(bottleneck_path, image_lists, label_name, index,\n", + "\n", + "def get_or_create_bottleneck(sess, image_lists, label_name, index, image_dir,\n", + "\n", + "def cache_bottlenecks(sess, image_lists, image_dir, bottleneck_dir,\n", + "\n", + "def get_random_cached_bottlenecks(sess, image_lists, how_many, category,\n", + "\n", + "def add_input_distortions(flip_left_right, random_crop, random_scale,\n", + "\n", + "def variable_summaries(var):\n", + "\n", + "def add_final_retrain_ops(class_count, final_tensor_name, bottleneck_tensor,\n", + "\n", + "def add_evaluation_step(result_tensor, ground_truth_tensor):\n", + "\n", + "def run_final_eval(train_session, module_spec, class_count, image_lists,\n", + "\n", + "def build_eval_session(module_spec, class_count):\n", + "\n", + "def save_graph_to_file(graph_file_name, module_spec, class_count):\n", + "\n", + "def add_jpeg_decoding(module_spec):\n", + "\n", + "def export_model(module_spec, class_count, saved_model_dir):\n", + "\n", + "def logging_level_verbosity(logging_verbosity):\n", + "\n", + "def get_image_module_info(module_or_spec, required=False):\n", + "\n", + "def get_expected_image_size(module_or_spec, signature=None, input_name=None):\n", + "\n", + "def get_num_image_channels(module_or_spec, signature=None, input_name=None):\n", + "\n", + "def _parse_tensor_info_proto(tensor_info):\n", + "\n", + "def _is_sparse(x):\n", + "\n", + "def _convert_to_compatible_tensor(value, target, error_prefix):\n", + "\n", + "def convert_dict_to_compatible_tensor(values, targets):\n", + "\n", + "def build_input_map(protomap, inputs):\n", + "\n", + "def build_output_map(protomap, get_tensor_by_name):\n", + "\n", + " def get_output_from_tensor_info(tensor_info):\n", + "\n", + "def tensor_info_proto_maps_match(map_a, map_b):\n", + "\n", + "def parse_line(line):\n", + "\n", + "def load(file_path, parse_line_fn):\n", + "\n", + "def make_module_spec(vocabulary_file, vocab_size, embeddings_dim,\n", + "\n", + " def module_fn():\n", + "\n", + " def module_fn_with_preprocessing():\n", + "\n", + "def export(export_path, vocabulary, embeddings, num_oov_buckets,\n", + "\n", + "def maybe_append_oov_vectors(embeddings, num_oov_buckets):\n", + "\n", + "def create_module_spec_from_saved_model(saved_model_path,\n", + "\n", + "def register_module_for_export(module, export_name):\n", + "\n", + "def _make_estimator_serving_session(estimator, serving_input_fn,\n", + "\n", + "def create_module_spec(module_fn, tags_and_args=None, drop_collections=None):\n", + "\n", + " def my_text_module_fn():\n", + "\n", + "def add_signature(name=None, inputs=None, outputs=None):\n", + "\n", + "def attach_message(key, message):\n", + "\n", + "def list_registered_stateful_ops_without_inputs():\n", + "\n", + "def get_state_map(meta_graph, state_ops, unsupported_state_ops,\n", + "\n", + "def replace_apply_state(meta_graph, state_ops, feed_map):\n", + "\n", + "def _split_tensor_name(tensor_name):\n", + "\n", + "def _extract_variable_parts(variable_key, variable):\n", + "\n", + "def recover_partitioned_variable_map(var_node_map):\n", + "\n", + "def check_unique_tags(tag_list):\n", + "\n", + "def check_collections_are_supported(saved_model_handler, supported):\n", + "\n", + "def register_ops_if_needed(graph_ops):\n", + "\n", + "def fix_colocation_after_import(input_map, absolute_import_scope):\n", + "\n", + "def _build_colocation_attr_map(input_map, absolute_import_scope):\n", + "\n", + "def _apply_colocation_attr_map(colocation_attr_map, absolute_import_scope):\n", + "\n", + "def find_state_op_colocation_error(graph, reported_tags=None):\n", + "\n", + "def find_signature_input_colocation_error(signature_name, inputs):\n", + "\n", + "def find_signature_inputs_from_multivalued_ops(inputs):\n", + "\n", + "def _export(self, path, variables_saver):\n", + "\n", + "def _create_state_graph(self, name):\n", + "\n", + " def _get_tensor(tensor_name):\n", + "\n", + "def create_apply_graph(self, signature, input_tensors, name):\n", + "\n", + " def get_tensor(name):\n", + "\n", + "def export(self, path, session):\n", + "\n", + " def variables_saver(variables_path):\n", + "\n", + "def Set(self, value, context=None):\n", + "\n", + "def GetConsistentValueOrRaise(self, error_format, context=None):\n", + "\n", + "def _module_dir(handle):\n", + "\n", + "def get_variables_path(export_dir):\n", + "\n", + "def _get_node_name_from_tensor(tensor_name):\n", + "\n", + "def add_signature(key, inputs, outputs):\n", + "\n", + "def _export_signatures(meta_graph):\n", + "\n", + "def attach_bytes(key, the_bytes):\n", + "\n", + "def _export_module_attachments(meta_graph):\n", + "\n", + "def get_attached_bytes_map(meta_graph):\n", + "\n", + "def _check_asset_node_def(node_def):\n", + "\n", + "def _merge_assets_key_collection(saved_model_proto, path):\n", + "\n", + "def _make_assets_key_collection(saved_model_proto, export_path):\n", + "\n", + " def _make_asset_filename(original_filename):\n", + "\n", + "def _parse_saved_model(path):\n", + "\n", + "def load(path):\n", + "\n", + "def add_graph_copy(self, graph, tags=None):\n", + "\n", + "def get_meta_graph_copy(self, tags=None):\n", + "\n", + "def get_tags(self):\n", + "\n", + "def export(self, path, variables_saver=None):\n", + "\n", + "def get_meta_graph(self, tags=None):\n", + "\n", + "def _add_existing_weight(self, weight, trainable=None):\n", + "\n", + "def export_module_spec(spec, path, checkpoint_path, name_transform_fn):\n", + "\n", + "def _try_get_state_scope(name, mark_name_scope_used=True):\n", + "\n", + "def _prepare_dict_inputs(inputs, tensor_info_map):\n", + "\n", + "def _convert_dict_inputs(inputs, tensor_info_map):\n", + "\n", + "def eval_function_for_module(spec, tags=None):\n", + "\n", + "def load(handle):\n", + "\n", + "def get_input_info_dict(self, signature=None):\n", + "\n", + "def get_output_info_dict(self, signature=None):\n", + "\n", + "def get_attached_message(self, key, message_type, required=False):\n", + "\n", + "def export(self, path, session):\n", + "\n", + "def variables(self):\n", + "\n", + "def text_embedding_column(key, module_spec, trainable=False):\n", + "\n", + "def _check_module_is_text_embedding(module_spec):\n", + "\n", + "def image_embedding_column(key, module_spec):\n", + "\n", + "def _check_module_is_image_embedding(module_spec):\n", + "\n", + "def name(self):\n", + "\n", + "def _get_dense_tensor(self, inputs, weight_collections=None, trainable=None):\n", + "\n", + "def _parse_example_spec(self):\n", + "\n", + "def _get_dense_tensor(self, inputs, weight_collections=None, trainable=None):\n", + "\n", + "def load(handle):\n", + "\n", + "def tfhub_cache_dir(default_cache_dir=None, use_temp=False):\n", + "\n", + "def create_local_module_dir(cache_dir, module_name):\n", + "\n", + "def _merge_relative_path(dst_path, rel_path):\n", + "\n", + "def _write_module_descriptor_file(handle, module_dir):\n", + "\n", + "def _dir_size(directory):\n", + "\n", + "def _locked_tmp_dir_size(lock_filename):\n", + "\n", + "def _wait_for_lock_to_disappear(handle, lock_file, lock_file_timeout_sec):\n", + "\n", + "def atomic_download(handle,\n", + "\n", + "def _print_download_progress_msg(self, msg, flush=False):\n", + "\n", + "def _log_progress(self, bytes_downloaded):\n", + "\n", + "def _extract_file(self, tgz, tarinfo, dst_path, buffer_size=10<<20):\n", + "\n", + "def download_and_uncompress(self, fileobj, dst_path):\n", + "\n", + "def prepend_name_scope(name, import_scope):\n", + "\n", + "def prefix_shared_name_attributes(meta_graph, absolute_import_scope):\n", + "\n", + "def mark_backward(output_tensor, used_node_names):\n", + "\n", + "def prune_unused_nodes(meta_graph, signature_def):\n", + "\n", + "def prune_feed_map(meta_graph, feed_map):\n", + "\n", + "def atomic_write_string_to_file(filename, contents, overwrite):\n", + "\n", + "def get_timestamped_export_dir(export_dir_base):\n", + "\n", + "def get_temp_export_dir(timestamped_export_dir):\n", + "\n", + "def garbage_collect_exports(export_dir_base, exports_to_keep):\n", + "\n", + "def bytes_to_readable_str(num_bytes, include_b=False):\n", + "\n", + "def announce(version):\n", + "\n", + "def pre_release(version):\n", + "\n", + "def dump(file_name, predictions=None, algo=None, verbose=0):\n", + "\n", + "def delete_namespaced_horizontal_pod_autoscaler(self, name, namespace, **kwargs):\n", + "\n", + "def get_api_resources(self, **kwargs):\n", + "\n", + "def patch_namespaced_horizontal_pod_autoscaler(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_horizontal_pod_autoscaler_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_horizontal_pod_autoscaler(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_horizontal_pod_autoscaler_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def ca_bundle(self, ca_bundle):\n", + "\n", + "def create_namespaced_pod_preset(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_pod_preset(self, namespace, **kwargs):\n", + "\n", + "def list_pod_preset_for_all_namespaces(self, **kwargs):\n", + "\n", + "def create_namespaced_cron_job(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_cron_job(self, namespace, **kwargs):\n", + "\n", + "def list_cron_job_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_namespaced_cron_job(self, namespace, **kwargs):\n", + "\n", + "def read_namespaced_cron_job(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_cron_job_status(self, name, namespace, **kwargs):\n", + "\n", + "def create_custom_resource_definition(self, body, **kwargs):\n", + "\n", + "def delete_custom_resource_definition(self, name, **kwargs):\n", + "\n", + "def list_custom_resource_definition(self, **kwargs):\n", + "\n", + "def read_custom_resource_definition(self, name, **kwargs):\n", + "\n", + "def read_custom_resource_definition_status(self, name, **kwargs):\n", + "\n", + "def delete_namespaced_ingress(self, name, namespace, **kwargs):\n", + "\n", + "def list_namespaced_ingress(self, namespace, **kwargs):\n", + "\n", + "def patch_namespaced_ingress(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_ingress_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def read_namespaced_ingress(self, name, namespace, **kwargs):\n", + "\n", + "def replace_namespaced_ingress(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_ingress_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def connect_delete_namespaced_service_proxy_with_path(self, name, namespace, path, **kwargs):\n", + "\n", + "def connect_get_namespaced_pod_exec(self, name, namespace, **kwargs):\n", + "\n", + "def connect_get_namespaced_service_proxy(self, name, namespace, **kwargs):\n", + "\n", + "def connect_head_namespaced_pod_proxy(self, name, namespace, **kwargs):\n", + "\n", + "def connect_head_node_proxy(self, name, **kwargs):\n", + "\n", + "def connect_options_namespaced_service_proxy(self, name, namespace, **kwargs):\n", + "\n", + "def connect_patch_namespaced_pod_proxy(self, name, namespace, **kwargs):\n", + "\n", + "def connect_patch_node_proxy(self, name, **kwargs):\n", + "\n", + "def connect_post_namespaced_pod_portforward(self, name, namespace, **kwargs):\n", + "\n", + "def connect_post_namespaced_service_proxy_with_path(self, name, namespace, path, **kwargs):\n", + "\n", + "def connect_put_namespaced_pod_proxy_with_path(self, name, namespace, path, **kwargs):\n", + "\n", + "def connect_put_node_proxy_with_path(self, name, path, **kwargs):\n", + "\n", + "def create_namespaced_endpoints(self, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_event(self, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_pod(self, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_replication_controller(self, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_service_account(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_endpoints(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_event(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_pod(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_pod_template(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_secret(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_service_account(self, namespace, **kwargs):\n", + "\n", + "def delete_namespace(self, name, **kwargs):\n", + "\n", + "def delete_namespaced_config_map(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_limit_range(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_persistent_volume_claim(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_replication_controller(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_resource_quota(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_service_account(self, name, namespace, **kwargs):\n", + "\n", + "def delete_node(self, name, **kwargs):\n", + "\n", + "def list_component_status(self, **kwargs):\n", + "\n", + "def list_config_map_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_endpoints_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_limit_range_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_namespace(self, **kwargs):\n", + "\n", + "def list_namespaced_config_map(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_event(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_limit_range(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_persistent_volume_claim(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_pod(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_pod_template(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_replication_controller(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_resource_quota(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_secret(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_service(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_service_account(self, namespace, **kwargs):\n", + "\n", + "def list_node(self, **kwargs):\n", + "\n", + "def list_persistent_volume(self, **kwargs):\n", + "\n", + "def list_persistent_volume_claim_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_pod_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_pod_template_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_replication_controller_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_resource_quota_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_secret_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_service_account_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_service_for_all_namespaces(self, **kwargs):\n", + "\n", + "def patch_namespace(self, name, body, **kwargs):\n", + "\n", + "def patch_namespace_status(self, name, body, **kwargs):\n", + "\n", + "def patch_namespaced_config_map(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_endpoints(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_event(self, name, namespace, body, **kwargs):\n", + "\n", + "def read_namespaced_persistent_volume_claim_status(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_pod_template(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_resource_quota(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_service_account(self, name, namespace, **kwargs):\n", + "\n", + "def read_persistent_volume(self, name, **kwargs):\n", + "\n", + "def replace_namespace_status(self, name, body, **kwargs):\n", + "\n", + "def replace_namespaced_limit_range(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_pod_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_replication_controller_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_service(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_node_status(self, name, body, **kwargs):\n", + "\n", + "def raw(self, raw):\n", + "\n", + "def pool(self):\n", + "\n", + "def sanitize_for_serialization(self, obj):\n", + "\n", + "def __deserialize(self, data, klass):\n", + "\n", + "def select_header_accept(self, accepts):\n", + "\n", + "def select_header_content_type(self, content_types):\n", + "\n", + "def update_params_for_auth(self, headers, querys, auth_settings):\n", + "\n", + "def __deserialize_date(self, string):\n", + "\n", + "def __deserialize_model(self, data, klass):\n", + "\n", + "def debug(self, value):\n", + "\n", + "def logger_format(self, value):\n", + "\n", + "def get_api_key_with_prefix(self, identifier):\n", + "\n", + "def get_basic_auth_token(self):\n", + "\n", + "def create_namespaced_lease(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_lease(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_lease(self, namespace, **kwargs):\n", + "\n", + "def patch_namespaced_lease(self, name, namespace, body, **kwargs):\n", + "\n", + "def create_audit_sink(self, body, **kwargs):\n", + "\n", + "def delete_audit_sink(self, name, **kwargs):\n", + "\n", + "def list_audit_sink(self, **kwargs):\n", + "\n", + "def patch_audit_sink(self, name, body, **kwargs):\n", + "\n", + "def read_audit_sink(self, name, **kwargs):\n", + "\n", + "def replace_audit_sink(self, name, body, **kwargs):\n", + "\n", + "def get_api_group(self, **kwargs):\n", + "\n", + "def certificate(self, certificate):\n", + "\n", + "def create_cluster_role(self, body, **kwargs):\n", + "\n", + "def create_namespaced_role(self, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_role_binding(self, namespace, body, **kwargs):\n", + "\n", + "def delete_cluster_role(self, name, **kwargs):\n", + "\n", + "def delete_collection_cluster_role(self, **kwargs):\n", + "\n", + "def delete_collection_cluster_role_binding(self, **kwargs):\n", + "\n", + "def delete_collection_namespaced_role(self, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_role(self, name, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_role_binding(self, name, namespace, **kwargs):\n", + "\n", + "def list_cluster_role(self, **kwargs):\n", + "\n", + "def list_namespaced_role(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_role_binding(self, namespace, **kwargs):\n", + "\n", + "def list_role_binding_for_all_namespaces(self, **kwargs):\n", + "\n", + "def patch_cluster_role(self, name, body, **kwargs):\n", + "\n", + "def patch_cluster_role_binding(self, name, body, **kwargs):\n", + "\n", + "def patch_namespaced_role(self, name, namespace, body, **kwargs):\n", + "\n", + "def read_cluster_role(self, name, **kwargs):\n", + "\n", + "def read_cluster_role_binding(self, name, **kwargs):\n", + "\n", + "def read_namespaced_role(self, name, namespace, **kwargs):\n", + "\n", + "def replace_cluster_role(self, name, body, **kwargs):\n", + "\n", + "def replace_cluster_role_binding(self, name, body, **kwargs):\n", + "\n", + "def replace_namespaced_role(self, name, namespace, body, **kwargs):\n", + "\n", + "def main():\n", + "\n", + "def create_namespaced_daemon_set(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_controller_revision(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_daemon_set(self, namespace, **kwargs):\n", + "\n", + "def delete_collection_namespaced_deployment(self, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_stateful_set(self, name, namespace, **kwargs):\n", + "\n", + "def list_daemon_set_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_deployment_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_namespaced_controller_revision(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_deployment(self, namespace, **kwargs):\n", + "\n", + "def list_namespaced_replica_set(self, namespace, **kwargs):\n", + "\n", + "def list_stateful_set_for_all_namespaces(self, **kwargs):\n", + "\n", + "def patch_namespaced_deployment(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_replica_set_scale(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_replica_set_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def patch_namespaced_stateful_set_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def read_namespaced_daemon_set(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_daemon_set_status(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_deployment(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_deployment_scale(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_deployment_status(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_replica_set_scale(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_stateful_set_status(self, name, namespace, **kwargs):\n", + "\n", + "def replace_namespaced_daemon_set(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_deployment(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_deployment_scale(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_deployment_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_replica_set(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_replica_set_scale(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_replica_set_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_stateful_set_status(self, name, namespace, body, **kwargs):\n", + "\n", + "def create_namespaced_network_policy(self, namespace, body, **kwargs):\n", + "\n", + "def create_pod_security_policy(self, body, **kwargs):\n", + "\n", + "def delete_collection_pod_security_policy(self, **kwargs):\n", + "\n", + "def delete_namespaced_network_policy(self, name, namespace, **kwargs):\n", + "\n", + "def delete_pod_security_policy(self, name, **kwargs):\n", + "\n", + "def list_network_policy_for_all_namespaces(self, **kwargs):\n", + "\n", + "def list_pod_security_policy(self, **kwargs):\n", + "\n", + "def patch_namespaced_network_policy(self, name, namespace, body, **kwargs):\n", + "\n", + "def read_namespaced_network_policy(self, name, namespace, **kwargs):\n", + "\n", + "def replace_namespaced_network_policy(self, name, namespace, body, **kwargs):\n", + "\n", + "def replace_namespaced_replication_controller_dummy_scale(self, name, namespace, body, **kwargs):\n", + "\n", + "def create_token_review(self, body, **kwargs):\n", + "\n", + "def delete_collection_volume_attachment(self, **kwargs):\n", + "\n", + "def list_storage_class(self, **kwargs):\n", + "\n", + "def list_volume_attachment(self, **kwargs):\n", + "\n", + "def patch_volume_attachment_status(self, name, body, **kwargs):\n", + "\n", + "def read_storage_class(self, name, **kwargs):\n", + "\n", + "def replace_storage_class(self, name, body, **kwargs):\n", + "\n", + "def replace_volume_attachment(self, name, body, **kwargs):\n", + "\n", + "def create_runtime_class(self, body, **kwargs):\n", + "\n", + "def delete_collection_runtime_class(self, **kwargs):\n", + "\n", + "def delete_runtime_class(self, name, **kwargs):\n", + "\n", + "def list_runtime_class(self, **kwargs):\n", + "\n", + "def patch_runtime_class(self, name, body, **kwargs):\n", + "\n", + "def read_runtime_class(self, name, **kwargs):\n", + "\n", + "def replace_runtime_class(self, name, body, **kwargs):\n", + "\n", + "def create_csi_driver(self, body, **kwargs):\n", + "\n", + "def create_csi_node(self, body, **kwargs):\n", + "\n", + "def delete_collection_csi_driver(self, **kwargs):\n", + "\n", + "def delete_collection_csi_node(self, **kwargs):\n", + "\n", + "def delete_csi_driver(self, name, **kwargs):\n", + "\n", + "def delete_csi_node(self, name, **kwargs):\n", + "\n", + "def list_csi_driver(self, **kwargs):\n", + "\n", + "def list_csi_node(self, **kwargs):\n", + "\n", + "def patch_csi_driver(self, name, body, **kwargs):\n", + "\n", + "def patch_csi_node(self, name, body, **kwargs):\n", + "\n", + "def read_csi_driver(self, name, **kwargs):\n", + "\n", + "def read_csi_node(self, name, **kwargs):\n", + "\n", + "def replace_csi_driver(self, name, body, **kwargs):\n", + "\n", + "def replace_csi_node(self, name, body, **kwargs):\n", + "\n", + "def create_namespaced_local_subject_access_review(self, namespace, body, **kwargs):\n", + "\n", + "def create_self_subject_rules_review(self, body, **kwargs):\n", + "\n", + "def create_subject_access_review(self, body, **kwargs):\n", + "\n", + "def create_priority_class(self, body, **kwargs):\n", + "\n", + "def delete_collection_priority_class(self, **kwargs):\n", + "\n", + "def delete_priority_class(self, name, **kwargs):\n", + "\n", + "def list_priority_class(self, **kwargs):\n", + "\n", + "def patch_priority_class(self, name, body, **kwargs):\n", + "\n", + "def read_priority_class(self, name, **kwargs):\n", + "\n", + "def delete_api_service(self, name, **kwargs):\n", + "\n", + "def delete_collection_api_service(self, **kwargs):\n", + "\n", + "def patch_api_service_status(self, name, body, **kwargs):\n", + "\n", + "def replace_api_service_status(self, name, body, **kwargs):\n", + "\n", + "def request(self, request):\n", + "\n", + "def request(self, method, url, query_params=None, headers=None,\n", + "\n", + "def create_mutating_webhook_configuration(self, body, **kwargs):\n", + "\n", + "def create_validating_webhook_configuration(self, body, **kwargs):\n", + "\n", + "def delete_collection_validating_webhook_configuration(self, **kwargs):\n", + "\n", + "def delete_mutating_webhook_configuration(self, name, **kwargs):\n", + "\n", + "def delete_validating_webhook_configuration(self, name, **kwargs):\n", + "\n", + "def list_validating_webhook_configuration(self, **kwargs):\n", + "\n", + "def patch_mutating_webhook_configuration(self, name, body, **kwargs):\n", + "\n", + "def patch_validating_webhook_configuration(self, name, body, **kwargs):\n", + "\n", + "def read_validating_webhook_configuration(self, name, **kwargs):\n", + "\n", + "def replace_mutating_webhook_configuration(self, name, body, **kwargs):\n", + "\n", + "def replace_validating_webhook_configuration(self, name, body, **kwargs):\n", + "\n", + "def delete_namespaced_custom_object(self, group, version, namespace, plural, name, body, **kwargs):\n", + "\n", + "def get_namespaced_custom_object(self, group, version, namespace, plural, name, **kwargs):\n", + "\n", + "def list_namespaced_custom_object(self, group, version, namespace, plural, **kwargs):\n", + "\n", + "def patch_namespaced_custom_object(self, group, version, namespace, plural, name, body, **kwargs):\n", + "\n", + "def replace_cluster_custom_object_scale(self, group, version, plural, name, body, **kwargs):\n", + "\n", + "def replace_namespaced_custom_object_status(self, group, version, namespace, plural, name, body, **kwargs):\n", + "\n", + "def create_namespaced_job(self, namespace, body, **kwargs):\n", + "\n", + "def delete_collection_namespaced_job(self, namespace, **kwargs):\n", + "\n", + "def delete_namespaced_pod_disruption_budget(self, name, namespace, **kwargs):\n", + "\n", + "def list_pod_disruption_budget_for_all_namespaces(self, **kwargs):\n", + "\n", + "def read_namespaced_pod_disruption_budget(self, name, namespace, **kwargs):\n", + "\n", + "def read_namespaced_pod_disruption_budget_status(self, name, namespace, **kwargs):\n", + "\n", + "def create_certificate_signing_request(self, body, **kwargs):\n", + "\n", + "def delete_certificate_signing_request(self, name, **kwargs):\n", + "\n", + "def list_certificate_signing_request(self, **kwargs):\n", + "\n", + "def patch_certificate_signing_request(self, name, body, **kwargs):\n", + "\n", + "def patch_certificate_signing_request_status(self, name, body, **kwargs):\n", + "\n", + "def read_certificate_signing_request_status(self, name, **kwargs):\n", + "\n", + "def replace_certificate_signing_request(self, name, body, **kwargs):\n", + "\n", + "def replace_certificate_signing_request_approval(self, name, body, **kwargs):\n", + "\n", + "def notify_owner(func):\n", + "\n", + " def __setitem__(self, i, y):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def _stream(self, doc, source, new_data, rollover=None, setter=None):\n", + "\n", + "def _patch(self, doc, source, patches, setter=None):\n", + "\n", + "def license():\n", + "\n", + "def _copy_default(cls, default):\n", + "\n", + "def themed_default(self, cls, name, theme_overrides):\n", + "\n", + "def matches(self, new, old):\n", + "\n", + "def is_valid(self, value):\n", + "\n", + "def accepts(self, tp, converter):\n", + "\n", + "def asserts(self, fn, msg_or_fn):\n", + "\n", + "def output_file(filename, title=\"Bokeh Plot\", mode=\"cdn\", root_dir=None):\n", + "\n", + "def output_notebook(resources=None, verbose=False, hide_banner=False, load_timeout=5000, notebook_type='jupyter'):\n", + "\n", + "def url_path(self):\n", + "\n", + "def expr(expression, transform=None):\n", + "\n", + "def field(name, transform=None):\n", + "\n", + "def value(val, transform=None):\n", + "\n", + "def make_descriptors(self, base_name):\n", + "\n", + "def isconst(cls, val):\n", + "\n", + "def save_object(filename, obj):\n", + "\n", + "def load_object(filename):\n", + "\n", + "def issue_section(issue):\n", + "\n", + "def issue_tags(issue):\n", + "\n", + "def closed_issue(issue, after=None):\n", + "\n", + "def relevent_issue(issue, after):\n", + "\n", + "def relevant_issues(issues, after):\n", + "\n", + "def closed_issues(issues, after):\n", + "\n", + "def all_issues(issues):\n", + "\n", + "def get_issues_url(page, after):\n", + "\n", + "def parse_timestamp(timestamp):\n", + "\n", + "def read_url(url):\n", + "\n", + "def query_all_issues(after):\n", + "\n", + "def dateof(tag_name, tags):\n", + "\n", + "def get_data(query_func, load_data=False, save_data=False):\n", + "\n", + "def check_issues(issues, after=None):\n", + "\n", + "def issue_line(issue):\n", + "\n", + "def generate_changelog(issues, after, heading, rtag=False):\n", + "\n", + " def write(func, endofline=\"\", append=\"\"):\n", + "\n", + "def copy(self):\n", + "\n", + "def to_css(self):\n", + "\n", + "def to_hsl(self):\n", + "\n", + "def yield_for_all_futures(result):\n", + "\n", + "def remove_all_callbacks(self):\n", + "\n", + "def add_next_tick_callback(self, callback, callback_id=None):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + " def remover():\n", + "\n", + "def add_timeout_callback(self, callback, timeout_milliseconds, callback_id=None):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + " def remover():\n", + "\n", + "def add_periodic_callback(self, callback, period_milliseconds, callback_id=None):\n", + "\n", + "def bokeh_commit(name, rawtext, text, lineno, inliner, options=None, content=None):\n", + "\n", + "def bokeh_issue(name, rawtext, text, lineno, inliner, options=None, content=None):\n", + "\n", + "def bokeh_tree(name, rawtext, text, lineno, inliner, options=None, content=None):\n", + "\n", + "def setup(app):\n", + "\n", + "def _make_gh_link_node(app, rawtext, role, kind, api_type, id, options=None):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def generate(self, references, buffers):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def generate(self, references, buffers):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def generate(self, references, buffers):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def generate(self, references, buffers):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def dispatch(self, receiver):\n", + "\n", + "def show_bokehjs(bokehjs_action, develop=False):\n", + "\n", + "def show_help(bokehjs_action):\n", + "\n", + "def build_or_install_bokehjs():\n", + "\n", + "def fixup_building_sdist():\n", + "\n", + "def fixup_for_packaged():\n", + "\n", + "def get_cmdclass():\n", + "\n", + "def jsbuild_prompt():\n", + "\n", + "def build_js():\n", + "\n", + " def size(*path):\n", + "\n", + "def install_js():\n", + "\n", + "def axial_to_cartesian(q, r, size, orientation, aspect_scale=1):\n", + "\n", + "def cartesian_to_axial(x, y, size, orientation, aspect_scale=1):\n", + "\n", + "def hexbin(x, y, size, orientation=\"pointytop\", aspect_scale=1):\n", + "\n", + "def _round_hex(q, r):\n", + "\n", + "def versions_from_parentdir(parentdir_prefix, root, verbose):\n", + "\n", + "def render_pep440_pre(pieces):\n", + "\n", + "def wrap(cls, value):\n", + "\n", + "def wrap(cls, value):\n", + "\n", + "def from_json(self, json, models=None):\n", + "\n", + "def wrap(cls, value):\n", + "\n", + "def convert_timedelta_type(obj):\n", + "\n", + "def convert_datetime_type(obj):\n", + "\n", + "def convert_datetime_array(array):\n", + "\n", + "def make_id():\n", + "\n", + "def transform_array(array, force_list=False, buffers=None):\n", + "\n", + "def transform_array_to_list(array):\n", + "\n", + "def transform_series(series, force_list=False, buffers=None):\n", + "\n", + "def serialize_array(array, force_list=False, buffers=None):\n", + "\n", + "def traverse_data(obj, use_numpy=True, buffers=None):\n", + "\n", + "def transform_column_source_data(data, buffers=None, cols=None):\n", + "\n", + "def encode_binary_dict(array, buffers):\n", + "\n", + "def decode_base64_dict(data):\n", + "\n", + "def from_py_func(cls, code):\n", + "\n", + " def pscript_compile(code):\n", + "\n", + "def from_coffeescript(cls, code, args={}):\n", + "\n", + "def setup(app):\n", + "\n", + "def get_codeblock_node(self, code, language):\n", + "\n", + "def get_code_language(self):\n", + "\n", + "def autoload_static(model, resources, script_path):\n", + "\n", + "def components(models, wrap_script=True, wrap_plot_info=True, theme=FromCurdoc):\n", + "\n", + " def div_for_root(root):\n", + "\n", + "def file_html(models,\n", + "\n", + "def json_item(model, target=None, theme=FromCurdoc):\n", + "\n", + " def plot():\n", + "\n", + "def process_document_events(events, use_buffers=True):\n", + "\n", + "def _copy_with_changed_callback(self, new_callback):\n", + "\n", + "def _copy_with_changed_callback(self, new_callback):\n", + "\n", + "def calc_cache_key(custom_models):\n", + "\n", + "def bundle_models(models):\n", + "\n", + "def _get_custom_models(models):\n", + "\n", + "def _compile_models(custom_models):\n", + "\n", + "def _bundle_models(custom_models):\n", + "\n", + " def read_json(name):\n", + "\n", + " def resolve_modules(to_resolve, root):\n", + "\n", + " def mkpath(module, ext=\"\"):\n", + "\n", + " def resolve_deps(deps, root):\n", + "\n", + "def die(message, status=1):\n", + "\n", + "def build_single_handler_application(path, argv=None):\n", + "\n", + "def build_single_handler_applications(paths, argvs=None):\n", + "\n", + "def report_server_init_errors(address=None, port=None, **kwargs):\n", + "\n", + "def distance(p1, p2):\n", + "\n", + "def setup(app):\n", + "\n", + "def bind_sockets(address, port):\n", + "\n", + "def check_whitelist(host, whitelist):\n", + "\n", + "def match_host(host, pattern):\n", + "\n", + "def notebook_type(self, notebook_type):\n", + "\n", + "def output_file(self, filename, title=\"Bokeh Plot\", mode=\"cdn\", root_dir=None):\n", + "\n", + "def save(obj, filename=None, resources=None, title=None, template=None, state=None, **kwargs):\n", + "\n", + "def html_page_context(app, pagename, templatename, context, doctree):\n", + "\n", + "def build_finished(app, exception):\n", + "\n", + "def setup(app):\n", + "\n", + "def initialize(self, io_loop):\n", + "\n", + "def resources(self, absolute_url=None):\n", + "\n", + "def start(self):\n", + "\n", + "def stop(self, wait=True):\n", + "\n", + "def get_session(self, app_path, session_id):\n", + "\n", + "def get_sessions(self, app_path):\n", + "\n", + "def _validator(code_or_name, validator_type):\n", + "\n", + " def decorator(func):\n", + "\n", + " def wrapper(*args, **kw):\n", + "\n", + "def find(objs, selector, context=None):\n", + "\n", + "def match(obj, selector, context=None):\n", + "\n", + "def setup(app):\n", + "\n", + "def default_filename(ext):\n", + "\n", + "def detect_current_filename():\n", + "\n", + "def _no_access(basedir):\n", + "\n", + "def _shares_exec_prefix(basedir):\n", + "\n", + "def setup(app):\n", + "\n", + "def other_args(cls):\n", + "\n", + "def _pop_colors_and_alpha(glyphclass, kwargs, prefix=\"\", default_alpha=1.0):\n", + "\n", + "def _tool_from_string(name):\n", + "\n", + "def _process_tools_arg(plot, tools, tooltips=None):\n", + "\n", + "def _process_active_tools(toolbar, tool_map, active_drag, active_inspect, active_scroll, active_tap):\n", + "\n", + "def from_py_func(cls, func):\n", + "\n", + "def write_message(self, message, binary=False, locked=True):\n", + "\n", + " def write_message_unlocked():\n", + "\n", + "def _collect_external_resources(self, resource_attr):\n", + "\n", + "def py_log_level(self, default='none'):\n", + "\n", + "def secret_key_bytes(self):\n", + "\n", + "def bokehjssrcdir(self):\n", + "\n", + "def css_files(self):\n", + "\n", + "def serialize_json(obj, pretty=None, indent=None, **kwargs):\n", + "\n", + "def transform_python_types(self, obj):\n", + "\n", + "def default(self, obj):\n", + "\n", + "def add(self, handler):\n", + "\n", + "def initialize_document(self, doc):\n", + "\n", + "def on_session_created(self, session_context):\n", + "\n", + "def _select_helper(args, kwargs):\n", + "\n", + "def select(self, *args, **kwargs):\n", + "\n", + "def legend(self):\n", + "\n", + "def hover(self):\n", + "\n", + "def add_layout(self, obj, place='center'):\n", + "\n", + "def add_tools(self, *tools):\n", + "\n", + "def add_glyph(self, source_or_glyph, glyph=None, **kw):\n", + "\n", + "def add_tile(self, tile_source, **kw):\n", + "\n", + "def row(*args, **kwargs):\n", + "\n", + "def column(*args, **kwargs):\n", + "\n", + "def widgetbox(*args, **kwargs):\n", + "\n", + "def layout(*args, **kwargs):\n", + "\n", + "def gridplot(children, sizing_mode=None, toolbar_location='above', ncols=None,\n", + "\n", + "def grid(children=[], sizing_mode=None, nrows=None, ncols=None):\n", + "\n", + " def flatten(layout):\n", + "\n", + " def gcd(a, b):\n", + "\n", + " def lcm(a, *rest):\n", + "\n", + " def _flatten(layout):\n", + "\n", + " def traverse(children, level=0):\n", + "\n", + " def is_usable(child):\n", + "\n", + " def traverse(item, top_level=False):\n", + "\n", + "def _create_grid(iterable, sizing_mode, layer=0):\n", + "\n", + "def _chunks(l, ncols):\n", + "\n", + "def without_document_lock(func):\n", + "\n", + " def wrapper(*args, **kw):\n", + "\n", + "def server_document(url=\"default\", relative_urls=False, resources=\"default\", arguments=None):\n", + "\n", + "def server_session(model=None, session_id=None, url=\"default\", relative_urls=False, resources=\"default\"):\n", + "\n", + "def _clean_url(url):\n", + "\n", + "def _get_app_path(url):\n", + "\n", + "def _process_arguments(arguments):\n", + "\n", + "def check_origin(self, origin):\n", + "\n", + "def open(self):\n", + "\n", + " def on_fully_opened(future):\n", + "\n", + "def _async_open(self, session_id, proto_version):\n", + "\n", + "def on_message(self, fragment):\n", + "\n", + "def send_message(self, message):\n", + "\n", + "def write_message(self, message, binary=False, locked=True):\n", + "\n", + "def on_close(self):\n", + "\n", + "def bundle_for_objs_and_resources(objs, resources):\n", + "\n", + "def _any(objs, query):\n", + "\n", + "def _use_gl(objs):\n", + "\n", + "def _use_tables(objs):\n", + "\n", + "def _use_widgets(objs):\n", + "\n", + "def add_prop_descriptor_to_class(self, class_name, new_class_attrs, names_with_refs, container_names, dataspecs):\n", + "\n", + "def serializable_value(self, obj):\n", + "\n", + "def set_from_json(self, obj, json, models=None, setter=None):\n", + "\n", + "def instance_default(self, obj):\n", + "\n", + "def set_from_json(self, obj, json, models=None, setter=None):\n", + "\n", + "def trigger_if_changed(self, obj, old):\n", + "\n", + "def _get(self, obj):\n", + "\n", + "def _get_default(self, obj):\n", + "\n", + "def _internal_set(self, obj, value, hint=None, setter=None):\n", + "\n", + "def _real_set(self, obj, old, value, hint=None, setter=None):\n", + "\n", + "def _notify_mutated(self, obj, old, hint=None):\n", + "\n", + "def _trigger(self, obj, old, value, hint=None, setter=None):\n", + "\n", + "def set_from_json(self, obj, json, models=None, setter=None):\n", + "\n", + "def set_from_json(self, obj, json, models=None, setter=None):\n", + "\n", + "def _extract_units(self, obj, value):\n", + "\n", + "def install_notebook_hook(notebook_type, load, show_doc, show_app, overwrite=False):\n", + "\n", + "def push_notebook(document=None, state=None, handle=None):\n", + "\n", + "def run_notebook_hook(notebook_type, action, *args, **kw):\n", + "\n", + "def destroy_server(server_id):\n", + "\n", + "def load_notebook(resources=None, verbose=False, hide_banner=False, load_timeout=5000):\n", + "\n", + "def show_app(app, state, notebook_url, port=0, **kw):\n", + "\n", + "def clamp(value, maximum=None):\n", + "\n", + "def darken(self, amount):\n", + "\n", + "def lighten(self, amount):\n", + "\n", + "def on_click(self, handler):\n", + "\n", + "def on_click(self, handler):\n", + "\n", + "def js_on_click(self, handler):\n", + "\n", + "def import_optional(mod_name):\n", + "\n", + "def detect_phantomjs(version='2.1'):\n", + "\n", + "def consume(self, fragment):\n", + "\n", + "def setup(app):\n", + "\n", + "def bounce(sequence):\n", + "\n", + " def f(i):\n", + "\n", + "def cosine(w, A=1, phi=0, offset=0):\n", + "\n", + " def f(i):\n", + "\n", + "def linear(m=1, b=0):\n", + "\n", + " def f(i):\n", + "\n", + "def repeat(sequence):\n", + "\n", + " def f(i):\n", + "\n", + "def sine(w, A=1, phi=0, offset=0):\n", + "\n", + " def f(i):\n", + "\n", + "def setup(app):\n", + "\n", + "def collect_filtered_models(discard, *input_values):\n", + "\n", + " def queue_one(obj):\n", + "\n", + "def get_class(view_model_name):\n", + "\n", + "def _visit_immediate_value_references(value, visitor):\n", + "\n", + "def _visit_value_and_its_immediate_references(obj, visitor):\n", + "\n", + "def ref(self):\n", + "\n", + "def js_link(self, attr, other, other_attr):\n", + "\n", + "def js_on_change(self, event, *callbacks):\n", + "\n", + "def on_change(self, attr, *callbacks):\n", + "\n", + "def set_select(self, selector, updates):\n", + "\n", + "def to_json_string(self, include_defaults):\n", + "\n", + "def _attach_document(self, doc):\n", + "\n", + "def _to_json_like(self, include_defaults):\n", + "\n", + "def gmap(google_api_key, map_options, **kwargs):\n", + "\n", + "def copy(self):\n", + "\n", + "def to_css(self):\n", + "\n", + "def to_rgb(self):\n", + "\n", + "def serverdir():\n", + "\n", + "def bokehjsdir(dev=False):\n", + "\n", + "def start(self):\n", + "\n", + "def stop(self, wait=True):\n", + "\n", + "def run_until_shutdown(self):\n", + "\n", + "def get_sessions(self, app_path=None):\n", + "\n", + "def show(self, app_path, browser=None, new='tab'):\n", + "\n", + "def new_module(self):\n", + "\n", + "def run(self, module, post_check):\n", + "\n", + "def loop_until_closed(self):\n", + "\n", + " def closed():\n", + "\n", + "def pull_doc(self, document):\n", + "\n", + "def push_doc(self, document):\n", + "\n", + "def request_server_info(self):\n", + "\n", + "def export_png(obj, filename=None, height=None, width=None, webdriver=None, timeout=5):\n", + "\n", + "def export_svgs(obj, filename=None, height=None, width=None, webdriver=None, timeout=5):\n", + "\n", + "def get_screenshot_as_png(obj, driver=None, timeout=5, **kwargs):\n", + "\n", + "def _crop_image(image, left=0, top=0, right=0, bottom=0, **kwargs):\n", + "\n", + "def _data_from_df(df):\n", + "\n", + "def _df_index_name(df):\n", + "\n", + "def add(self, data, name=None):\n", + "\n", + "def remove(self, name):\n", + "\n", + "def _stream(self, new_data, rollover=None, setter=None):\n", + "\n", + "def patch(self, patches, setter=None):\n", + "\n", + "def silence(warning, silence=True):\n", + "\n", + "def check_integrity(models):\n", + "\n", + "def apply_to_model(self, model):\n", + "\n", + "def OutputDocumentFor(objs, apply_theme=None, always_new=False):\n", + "\n", + "def submodel_has_python_callbacks(models):\n", + "\n", + "def from_networkx(graph, layout_function, **kwargs):\n", + "\n", + "def enumeration(*values, **kwargs):\n", + "\n", + "def generate_session_id(secret_key=settings.secret_key_bytes(), signed=settings.sign_sessions()):\n", + "\n", + "def check_session_id_signature(session_id, secret_key=settings.secret_key_bytes(),\n", + "\n", + "def _get_random_string(length=44,\n", + "\n", + "def notebook_content(model, notebook_comms_target=None, theme=FromCurdoc):\n", + "\n", + "def from_py_func(cls, func, v_func):\n", + "\n", + " def transform():\n", + "\n", + " def v_transform():\n", + "\n", + " def pscript_compile(func):\n", + "\n", + "def from_coffeescript(cls, func, v_func, args={}):\n", + "\n", + "def abstract(cls):\n", + "\n", + "def accumulate_from_superclasses(cls, propname):\n", + "\n", + "def accumulate_dict_from_superclasses(cls, propname):\n", + "\n", + "def equals(self, other):\n", + "\n", + "def set_from_json(self, name, json, models=None, setter=None):\n", + "\n", + "def update_from_json(self, json_attributes, models=None, setter=None):\n", + "\n", + "def properties(cls, with_bases=True):\n", + "\n", + "def properties_with_values(self, include_defaults=True):\n", + "\n", + "def query_properties_with_values(self, query, include_defaults=True):\n", + "\n", + "def apply_theme(self, property_values):\n", + "\n", + "def indent(text, n=2, ch=\" \"):\n", + "\n", + "def nice_join(seq, sep=\", \", conjuction=\"or\"):\n", + "\n", + "def snakify(name, sep='_'):\n", + "\n", + "def _on_session_destroyed(session_context):\n", + "\n", + "def register(cls):\n", + "\n", + " def create(cls, **metadata):\n", + "\n", + "def pull_session(session_id=None, url='default', io_loop=None, arguments=None):\n", + "\n", + "def push_session(document, session_id=None, url='default', io_loop=None):\n", + "\n", + "def show_session(session_id=None, url='default', session=None, browser=None, new=\"tab\", controller=None):\n", + "\n", + "def loop_until_closed(self, suppress_warning=False):\n", + "\n", + "def pull(self):\n", + "\n", + "def push(self, document=None):\n", + "\n", + "def show(self, obj=None, browser=None, new=\"tab\"):\n", + "\n", + "def _notify_disconnected(self):\n", + "\n", + "def assemble(cls, header_json, metadata_json, content_json):\n", + "\n", + "def add_buffer(self, buf_header, buf_payload):\n", + "\n", + "def assemble_buffer(self, buf_header, buf_payload):\n", + "\n", + "def write_buffers(self, conn, locked=True):\n", + "\n", + "def create_header(cls, request_id=None):\n", + "\n", + "def send(self, conn):\n", + "\n", + "def complete(self):\n", + "\n", + "def basicConfig(*args, **kwargs):\n", + "\n", + "def deprecated(since_or_msg, old=None, new=None, extra=None):\n", + "\n", + "def main():\n", + "\n", + "def detach_session(self):\n", + "\n", + "def send_patch_document(self, event):\n", + "\n", + "def initialize_references_json(references_json, references, setter=None):\n", + "\n", + "def instantiate_references_json(references_json):\n", + "\n", + "def references_json(references):\n", + "\n", + "def decode_json(cls, dct):\n", + "\n", + "def bokeh_palette(name, rawtext, text, lineno, inliner, options=None, content=None):\n", + "\n", + "def cumsum(field, include_zero=False):\n", + "\n", + "def dodge(field_name, value, range=None):\n", + "\n", + "def factor_cmap(field_name, palette, factors, start=0, end=None, nan_color=\"gray\"):\n", + "\n", + "def factor_hatch(field_name, patterns, factors, start=0, end=None):\n", + "\n", + "def factor_mark(field_name, markers, factors, start=0, end=None):\n", + "\n", + "def jitter(field_name, width, mean=0, distribution=\"uniform\", range=None):\n", + "\n", + "def linear_cmap(field_name, palette, low, high, low_color=None, high_color=None, nan_color=\"gray\"):\n", + "\n", + "def log_cmap(field_name, palette, low, high, low_color=None, high_color=None, nan_color=\"gray\"):\n", + "\n", + "def get_browser_controller(browser=None):\n", + "\n", + "def view(location, browser=None, new=\"same\", autoraise=True):\n", + "\n", + "def from_py_func(cls, func):\n", + "\n", + "def streamlines(x, y, u, v, density=1):\n", + "\n", + " def blank_pos(xi, yi):\n", + "\n", + " def value_at(a, xi, yi):\n", + "\n", + " def rk4_integrate(x0, y0):\n", + "\n", + " def f(xi, yi):\n", + "\n", + " def g(xi, yi):\n", + "\n", + " def rk4(x0, y0, f):\n", + "\n", + " def traj(xb, yb):\n", + "\n", + "def display_event(div, attributes=[]):\n", + "\n", + "def print_event(attributes=[]):\n", + "\n", + " def python_callback(event):\n", + "\n", + "def create(self, msgtype, *args, **kwargs):\n", + "\n", + "def assemble(self, header_json, metadata_json, content_json):\n", + "\n", + "def _combine_document_events(new_event, old_events):\n", + "\n", + "def add_next_tick_callback(self, callback):\n", + "\n", + "def add_periodic_callback(self, callback, period_milliseconds):\n", + "\n", + "def add_root(self, model, setter=None):\n", + "\n", + "def add_timeout_callback(self, callback, timeout_milliseconds):\n", + "\n", + "def apply_json_patch(self, patch, setter=None):\n", + "\n", + "def clear(self):\n", + "\n", + "def delete_modules(self):\n", + "\n", + "def from_json(cls, json):\n", + "\n", + "def hold(self, policy=\"combine\"):\n", + "\n", + "def unhold(self):\n", + "\n", + "def on_change(self, *callbacks):\n", + "\n", + "def on_session_destroyed(self, *callbacks):\n", + "\n", + "def remove_root(self, model, setter=None):\n", + "\n", + "def replace_with_json(self, json):\n", + "\n", + "def select(self, selector):\n", + "\n", + "def select_one(self, selector):\n", + "\n", + "def to_json_string(self, indent=None):\n", + "\n", + "def validate(self):\n", + "\n", + "def _add_session_callback(self, callback_obj, callback, one_shot, originator):\n", + "\n", + " def remove_then_invoke(*args, **kwargs):\n", + "\n", + "def _destructively_move(self, dest_doc):\n", + "\n", + "def _notify_change(self, model, attr, old, new, hint=None, setter=None, callback_invoker=None):\n", + "\n", + "def _remove_session_callback(self, callback_obj, originator):\n", + "\n", + "def _check_callback(callback, fargs, what=\"Callback functions\"):\n", + "\n", + "def on_change(self, attr, *callbacks):\n", + "\n", + "def remove_on_change(self, attr, *callbacks):\n", + "\n", + "def trigger(self, attr, old, new, hint=None, setter=None):\n", + "\n", + " def invoke():\n", + "\n", + "def download(progress=True):\n", + "\n", + "def main(argv):\n", + "\n", + "def show(obj, browser=None, new=\"tab\", notebook_handle=False, notebook_url=\"localhost:8888\", **kw):\n", + "\n", + "def html_page_for_render_items(bundle, docs_json, render_items, title, template=None, template_variables={}):\n", + "\n", + "def extract_hosted_zip(data_url, save_dir, exclude_term=None):\n", + "\n", + "def extract_zip(zip_name, exclude_term=None):\n", + "\n", + "def value_as_datetime(self):\n", + "\n", + "def value_as_date(self):\n", + "\n", + "def modify_document(self, doc):\n", + "\n", + "def markers():\n", + "\n", + "def scatter(self, *args, **kwargs):\n", + "\n", + "def hexbin(self, x, y, size, orientation=\"pointytop\", palette=\"Viridis256\", line_color=None, fill_color=None, aspect_scale=1, **kwargs):\n", + "\n", + "def harea_stack(self, stackers, **kw):\n", + "\n", + "def hbar_stack(self, stackers, **kw):\n", + "\n", + "def line_stack(self, x, y, **kw):\n", + "\n", + "def varea_stack(self, stackers, **kw):\n", + "\n", + "def vbar_stack(self, stackers, **kw):\n", + "\n", + "def graph(self, node_source, edge_source, layout_provider, **kwargs):\n", + "\n", + "def server_url_for_websocket_url(url):\n", + "\n", + "def websocket_url_for_server_url(url):\n", + "\n", + "def without_property_validation(input_function):\n", + "\n", + " def update(attr, old, new):\n", + "\n", + " def func(*args, **kwargs):\n", + "\n", + "def get_env():\n", + "\n", + "def parallel_plot(df, color=None, palette=None):\n", + "\n", + "def handle(self, message, connection):\n", + "\n", + "def _needs_document_lock(func):\n", + "\n", + " def _needs_document_lock_wrapper(self, *args, **kwargs):\n", + "\n", + "def unsubscribe(self, connection):\n", + "\n", + "def set_cwd(self, dirname):\n", + "\n", + "def set_bracket_matcher_color_scheme(self, color_scheme):\n", + "\n", + "def set_color_scheme(self, color_scheme, reset=True):\n", + "\n", + "def long_banner(self):\n", + "\n", + "def reset_namespace(self, warning=False, message=False):\n", + "\n", + "def create_shortcuts(self):\n", + "\n", + "def silent_execute(self, code):\n", + "\n", + "def silent_exec_method(self, code):\n", + "\n", + "def handle_exec_method(self, msg):\n", + "\n", + "def set_backend_for_mayavi(self, command):\n", + "\n", + "def change_mpl_backend(self, command):\n", + "\n", + "def _context_menu_make(self, pos):\n", + "\n", + "def _banner_default(self):\n", + "\n", + "def _syntax_style_changed(self):\n", + "\n", + "def _prompt_started_hook(self):\n", + "\n", + "def focusInEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def register(self, panel, position=Panel.Position.LEFT):\n", + "\n", + "def remove(self, name_or_klass):\n", + "\n", + "def clear(self):\n", + "\n", + "def get(self, name_or_klass):\n", + "\n", + "def refresh(self):\n", + "\n", + "def resize(self):\n", + "\n", + "def update_floating_panels(self):\n", + "\n", + "def _update_viewport_margins(self):\n", + "\n", + "def _compute_zones_sizes(self):\n", + "\n", + "def python_like_mod_finder(import_line, alt_path=None,\n", + "\n", + "def get_definition_with_regex(source, token, start_line=-1):\n", + "\n", + "def python_like_exts():\n", + "\n", + "def all_editable_exts():\n", + "\n", + "def _complete_path(path=None):\n", + "\n", + "def get_completions(self, info):\n", + "\n", + "def get_definition(self, info):\n", + "\n", + "def get_info(self, info):\n", + "\n", + "def create_dialog(obj, obj_name):\n", + "\n", + " def end_func(dialog):\n", + "\n", + "def oedit(obj, modal=True, namespace=None):\n", + "\n", + "def get_item_children(item):\n", + "\n", + "def item_at_line(root_item, line):\n", + "\n", + "def get_actions_from_items(self, items):\n", + "\n", + "def __hide_or_show_root_items(self, item):\n", + "\n", + "def set_current_editor(self, editor, update):\n", + "\n", + "def file_renamed(self, editor, new_filename):\n", + "\n", + "def set_editor_ids_order(self, ordered_editor_ids):\n", + "\n", + "def __sort_toplevel_items(self):\n", + "\n", + "def populate_branch(self, editor, root_item, tree_cache=None):\n", + "\n", + "def root_item_selected(self, item):\n", + "\n", + "def restore(self):\n", + "\n", + "def get_root_item(self, item):\n", + "\n", + "def get_visible_items(self):\n", + "\n", + "def activated(self, item):\n", + "\n", + "def clicked(self, item):\n", + "\n", + "def setup_buttons(self):\n", + "\n", + "def get_options(self):\n", + "\n", + "def on_uninstall(self):\n", + "\n", + "def add_to_distribution(dist):\n", + "\n", + "def get_versions(reporev=True):\n", + "\n", + "def is_number(dtype):\n", + "\n", + "def get_idx_rect(index_list):\n", + "\n", + "def columnCount(self, qindex=QModelIndex()):\n", + "\n", + "def rowCount(self, qindex=QModelIndex()):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def setData(self, index, value, role=Qt.EditRole):\n", + "\n", + "def headerData(self, section, orientation, role=Qt.DisplayRole):\n", + "\n", + "def createEditor(self, parent, option, index):\n", + "\n", + "def commitAndCloseEditor(self):\n", + "\n", + "def setEditorData(self, editor, index):\n", + "\n", + "def resize_to_contents(self):\n", + "\n", + "def setup_menu(self):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def _sel_to_text(self, cell_range):\n", + "\n", + "def copy(self):\n", + "\n", + "def accept_changes(self):\n", + "\n", + "def change_format(self):\n", + "\n", + "def setup_and_check(self, data, title='', readonly=False,\n", + "\n", + "def change_active_widget(self, index):\n", + "\n", + "def current_dim_changed(self, index):\n", + "\n", + "def accept(self):\n", + "\n", + "def error(self, message):\n", + "\n", + "def reject(self):\n", + "\n", + "def find_lexer_for_filename(filename):\n", + "\n", + "def get_keywords(lexer):\n", + "\n", + "def get_words(file_path=None, content=None, extension=None):\n", + "\n", + "def get_parent_until(path):\n", + "\n", + "def _get_docstring(self):\n", + "\n", + "def load_connection_settings(self):\n", + "\n", + "def save_connection_settings(self):\n", + "\n", + "def get_color(value, alpha):\n", + "\n", + "def get_col_sep(self):\n", + "\n", + "def get_row_sep(self):\n", + "\n", + "def set_as_data(self, as_data):\n", + "\n", + "def _display_data(self, index):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def parse_data_type(self, index, **kwargs):\n", + "\n", + "def _shape_text(self, text, colsep=u\"\\t\", rowsep=u\"\\n\",\n", + "\n", + "def process_data(self, text, colsep=u\"\\t\", rowsep=u\"\\n\",\n", + "\n", + "def parse_to_type(self,**kwargs):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def open_data(self, text, colsep=u\"\\t\", rowsep=u\"\\n\",\n", + "\n", + "def _focus_tab(self, tab_idx):\n", + "\n", + "def _set_step(self, step):\n", + "\n", + "def _simplify_shape(self, alist, rec=0):\n", + "\n", + "def _get_table_data(self):\n", + "\n", + "def process(self):\n", + "\n", + "def set_spyder_breakpoints(self, force=False):\n", + "\n", + "def dbg_exec_magic(self, magic, args=''):\n", + "\n", + "def refresh_from_pdb(self, pdb_state):\n", + "\n", + "def _handle_input_request(self, msg):\n", + "\n", + " def callback(line):\n", + "\n", + "def _event_filter_console_keypress(self, event):\n", + "\n", + "def global_max(col_vals, index):\n", + "\n", + "def _axis(self, axis):\n", + "\n", + "def _axis_levels(self, axis):\n", + "\n", + "def header(self, axis, x, level=0):\n", + "\n", + "def max_min_col_update(self):\n", + "\n", + "def colum_avg(self, state):\n", + "\n", + "def get_bgcolor(self, index):\n", + "\n", + "def get_value(self, row, column):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def sort(self, column, order=Qt.AscendingOrder):\n", + "\n", + "def flags(self, index):\n", + "\n", + "def setData(self, index, value, role=Qt.EditRole, change_type=None):\n", + "\n", + "def columnCount(self, index=QModelIndex()):\n", + "\n", + "def load_more_data(self, value, rows=False, columns=False):\n", + "\n", + "def sortByColumn(self, index):\n", + "\n", + "def setup_menu(self):\n", + "\n", + "def change_type(self, func):\n", + "\n", + "def copy(self):\n", + "\n", + "def rowCount(self, index=None):\n", + "\n", + "def columnCount(self, index=QModelIndex()):\n", + "\n", + "def fetch_more(self, rows=False, columns=False):\n", + "\n", + "def sort(self, column, order=Qt.AscendingOrder):\n", + "\n", + "def headerData(self, section, orientation, role):\n", + "\n", + "def data(self, index, role):\n", + "\n", + "def headerData(self, section, orientation, role):\n", + "\n", + "def data(self, index, role):\n", + "\n", + "def setup_and_check(self, data, title=''):\n", + "\n", + "def save_and_close_enable(self, top_left, bottom_right):\n", + "\n", + "def create_table_level(self):\n", + "\n", + "def create_table_header(self):\n", + "\n", + "def create_table_index(self):\n", + "\n", + "def create_data_table(self):\n", + "\n", + "def sortByIndex(self, index):\n", + "\n", + "def _column_resized(self, col, old_width, new_width):\n", + "\n", + "def _row_resized(self, row, old_height, new_height):\n", + "\n", + "def _index_resized(self, col, old_width, new_width):\n", + "\n", + "def _header_resized(self, row, old_height, new_height):\n", + "\n", + "def _reset_model(self, table, model):\n", + "\n", + "def setModel(self, model, relayout=True):\n", + "\n", + "def setCurrentIndex(self, y, x):\n", + "\n", + "def _resizeColumnToContents(self, header, data, col, limit_ms):\n", + "\n", + "def _resizeColumnsToContents(self, header, data, limit_ms):\n", + "\n", + "def eventFilter(self, obj, event):\n", + "\n", + "def _resizeCurrentColumnToContents(self, new_index, old_index):\n", + "\n", + "def resizeColumnsToContents(self):\n", + "\n", + "def change_bgcolor_enable(self, state):\n", + "\n", + "def change_format(self):\n", + "\n", + "def get_value(self):\n", + "\n", + "def _update_header_size(self):\n", + "\n", + "def setup(self, check_all=None, exclude_private=None,\n", + "\n", + "def setup_toolbar(self):\n", + "\n", + "def setup_option_actions(self, exclude_private, exclude_uppercase,\n", + "\n", + "def setup_options_button(self):\n", + "\n", + "def option_changed(self, option, value):\n", + "\n", + "def get_view_settings(self):\n", + "\n", + "def refresh_table(self):\n", + "\n", + "def set_data(self, data):\n", + "\n", + "def import_data(self, filenames=None):\n", + "\n", + "def save_data(self, filename=None):\n", + "\n", + "def apply_changes(self):\n", + "\n", + "def get_page(self, index=None):\n", + "\n", + "def accept(self):\n", + "\n", + "def resizeEvent(self, event):\n", + "\n", + "def is_valid(self):\n", + "\n", + "def load_from_conf(self):\n", + "\n", + "def save_to_conf(self):\n", + "\n", + "def select_directory(self, edit):\n", + "\n", + "def select_file(self, edit, filters=None):\n", + "\n", + "def create_combobox(self, text, choices, option, default=NoDefault,\n", + "\n", + "def create_file_combobox(self, text, choices, option, default=NoDefault,\n", + "\n", + "def create_fontgroup(self, option=None, text=None, title=None,\n", + "\n", + "def create_tab(self, *widgets):\n", + "\n", + "def prompt_restart_required(self):\n", + "\n", + "def _refresh(self):\n", + "\n", + "def update_status(self, value, value_set):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def visibility_changed(self, enable):\n", + "\n", + "def restore_scrollbar_position(self):\n", + "\n", + "def save_config(self):\n", + "\n", + "def load_config(self):\n", + "\n", + "def activated(self, item):\n", + "\n", + "def remove_obsolete_items(self):\n", + "\n", + "def check_update_available(self):\n", + "\n", + "def start(self):\n", + "\n", + "def eventFilter(self, widget, event):\n", + "\n", + "def create_shortcuts(self, parent):\n", + "\n", + "def toggle_highlighting(self, state):\n", + "\n", + "def show(self, hide_replace=True):\n", + "\n", + "def hide(self):\n", + "\n", + "def show_replace(self):\n", + "\n", + "def refresh(self):\n", + "\n", + "def set_editor(self, editor, refresh=True):\n", + "\n", + "def find_next(self):\n", + "\n", + "def find_previous(self):\n", + "\n", + "def text_has_been_edited(self, text):\n", + "\n", + "def highlight_matches(self):\n", + "\n", + "def find(self, changed=True, forward=True,\n", + "\n", + "def replace_find(self, focus_replace_text=False, replace_all=False):\n", + "\n", + "def replace_find_selection(self, focus_replace_text=False):\n", + "\n", + "def change_number_matches(self, current_match=0, total_matches=0):\n", + "\n", + "def apply():\n", + "\n", + " def _default_config(self):\n", + "\n", + " def get_module(self, name, folder=None):\n", + "\n", + " def _find_module_in_folder(self, folder, modname):\n", + "\n", + " def _pycore(self):\n", + "\n", + " def get_definition_location(self):\n", + "\n", + " def get_builtin_doc(self, pyobject):\n", + "\n", + " def get_doc(self, pyobject):\n", + "\n", + " def get_calltip(self, pyobject, ignore_unknown=False, remove_self=False):\n", + "\n", + " def _get_class_docstring(self, pyclass):\n", + "\n", + " def _get_single_function_docstring(self, pyfunction):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def refresh_plugin(self):\n", + "\n", + "def update_font(self):\n", + "\n", + "def apply_plugin_settings(self, options):\n", + "\n", + "def set_rich_text_font(self, font):\n", + "\n", + "def set_plain_text_font(self, font, color_scheme=None):\n", + "\n", + "def toggle_wrap_mode(self, checked):\n", + "\n", + "def switch_to_plain_text(self):\n", + "\n", + "def switch_to_rich_text(self):\n", + "\n", + "def set_plain_text(self, text, is_code):\n", + "\n", + "def set_rich_text_html(self, html_text, base_url):\n", + "\n", + "def show_rich_text(self, text, collapse=False, img_path=''):\n", + "\n", + "def show_plain_text(self, text):\n", + "\n", + "def show_tutorial(self):\n", + "\n", + "def set_object_text(self, text, force_refresh=False, ignore_unknown=False):\n", + "\n", + "def set_editor_doc(self, doc, force_refresh=False):\n", + "\n", + "def load_history(self, obj=None):\n", + "\n", + "def save_history(self):\n", + "\n", + "def toggle_plain_text(self, checked):\n", + "\n", + "def toggle_show_source(self, checked):\n", + "\n", + "def toggle_rich_text(self, checked):\n", + "\n", + "def toggle_auto_import(self, checked):\n", + "\n", + "def _update_lock_icon(self):\n", + "\n", + "def get_shell(self):\n", + "\n", + "def render_sphinx_doc(self, doc, context=None, css_path=CSS_PATH):\n", + "\n", + "def _on_sphinx_thread_html_ready(self, html_text):\n", + "\n", + "def _on_sphinx_thread_error_msg(self, error_msg):\n", + "\n", + "def show_help(self, obj_text, ignore_unknown=False):\n", + "\n", + "def contains_cursor(self, cursor):\n", + "\n", + "def select_line(self):\n", + "\n", + "def set_as_underlined(self, color=Qt.blue):\n", + "\n", + "def set_as_spell_check(self, color=Qt.blue):\n", + "\n", + "def set_as_error(self, color=Qt.red):\n", + "\n", + "def set_as_warning(self, color=QColor(\"orange\")):\n", + "\n", + "def run(self):\n", + "\n", + "def close_threads(self, parent):\n", + "\n", + "def add_thread(self, checker, end_callback, source_code, parent):\n", + "\n", + "def update_queue(self):\n", + "\n", + "def text_changed(self):\n", + "\n", + "def run_todo_finder(self):\n", + "\n", + "def set_todo_results(self, results):\n", + "\n", + "def bookmarks_changed(self):\n", + "\n", + "def _update_id_list(self):\n", + "\n", + "def refresh(self):\n", + "\n", + "def insert(self, i, tab_index):\n", + "\n", + "def remove(self, tab_index):\n", + "\n", + "def remove_and_append(self, index):\n", + "\n", + "def load_data(self):\n", + "\n", + "def item_selected(self, item=None):\n", + "\n", + "def select_row(self, steps):\n", + "\n", + "def set_dialog_position(self):\n", + "\n", + "def keyReleaseEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def create_shortcuts(self):\n", + "\n", + "def setup_editorstack(self, parent, layout):\n", + "\n", + "def update_fname_label(self):\n", + "\n", + "def closeEvent(self, event):\n", + "\n", + "def clone_from(self, other):\n", + "\n", + "def open_fileswitcher_dlg(self):\n", + "\n", + "def go_to_line(self, line=None):\n", + "\n", + "def set_or_clear_breakpoint(self):\n", + "\n", + "def set_or_edit_conditional_breakpoint(self):\n", + "\n", + "def set_bookmark(self, slot_num):\n", + "\n", + "def inspect_current_object(self):\n", + "\n", + "def initialize_outlineexplorer(self):\n", + "\n", + "def get_tab_text(self, index, is_modified=None, is_readonly=None):\n", + "\n", + "def get_tab_tip(self, filename, is_modified=None, is_readonly=None):\n", + "\n", + "def __setup_menu(self):\n", + "\n", + "def has_filename(self, filename):\n", + "\n", + "def set_current_filename(self, filename, focus=True):\n", + "\n", + "def is_file_opened(self, filename=None):\n", + "\n", + "def get_index_from_filename(self, filename):\n", + "\n", + "def move_editorstack_data(self, start, end):\n", + "\n", + "def close_file(self, index=None, force=False):\n", + "\n", + "def poll_open_file_languages(self):\n", + "\n", + "def notify_server_ready(self, language, config):\n", + "\n", + "def close_all_right(self):\n", + "\n", + "def close_all_but_this(self):\n", + "\n", + "def sort_file_tabs_alphabetically(self):\n", + "\n", + "def sorted(self):\n", + "\n", + "def add_last_closed_file(self, fname):\n", + "\n", + "def save_if_changed(self, cancelable=False, index=None):\n", + "\n", + "def _write_to_file(self, fileinfo, filename):\n", + "\n", + "def save(self, index=None, force=False):\n", + "\n", + "def file_saved_in_other_editorstack(self, original_filename, filename):\n", + "\n", + "def select_savename(self, original_filename):\n", + "\n", + "def save_as(self, index=None):\n", + "\n", + "def save_copy_as(self, index=None):\n", + "\n", + "def save_all(self):\n", + "\n", + "def analyze_script(self, index=None):\n", + "\n", + "def set_todo_results(self, filename, todo_results):\n", + "\n", + "def current_changed(self, index):\n", + "\n", + "def tab_navigation_mru(self, forward=True):\n", + "\n", + "def focus_changed(self):\n", + "\n", + "def _refresh_outlineexplorer(self, index=None, update=True, clear=False):\n", + "\n", + "def _sync_outlineexplorer_file_order(self):\n", + "\n", + "def __refresh_statusbar(self, index):\n", + "\n", + "def __check_file_status(self, index):\n", + "\n", + "def refresh(self, index=None):\n", + "\n", + "def modification_changed(self, state=None, index=None, editor_id=None):\n", + "\n", + "def reload(self, index):\n", + "\n", + "def revert(self):\n", + "\n", + "def create_new_editor(self, fname, enc, txt, set_current, new=False,\n", + "\n", + "def send_to_help(self, name, signature, force=False):\n", + "\n", + "def new(self, filename, encoding, text, default_content=False,\n", + "\n", + "def load(self, filename, set_current=True, add_where='end'):\n", + "\n", + "def set_os_eol_chars(self, index=None, osname=None):\n", + "\n", + "def remove_trailing_spaces(self, index=None):\n", + "\n", + "def fix_indentation(self, index=None):\n", + "\n", + "def run_selection(self):\n", + "\n", + "def run_cell(self):\n", + "\n", + "def advance_cell(self, reverse=False):\n", + "\n", + "def re_run_last_cell(self):\n", + "\n", + "def _run_cell_text(self, text, line):\n", + "\n", + "def dragEnterEvent(self, event):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def split(self, orientation=Qt.Vertical):\n", + "\n", + "def iter_editorstacks(self):\n", + "\n", + "def get_layout_settings(self):\n", + "\n", + "def set_layout_settings(self, settings, dont_goto=None):\n", + "\n", + "def add_toolbars_to_menu(self, menu_title, actions):\n", + "\n", + "def load_toolbars(self):\n", + "\n", + "def resizeEvent(self, event):\n", + "\n", + "def get_layout_settings(self):\n", + "\n", + "def set_layout_settings(self, settings):\n", + "\n", + "def file_saved_in_editorstack(self, editorstack_id_str,\n", + "\n", + "def file_renamed_in_data_in_editorstack(self, editorstack_id_str,\n", + "\n", + "def findinfiles_callback(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def _draw_fold_region_background(self, block, painter):\n", + "\n", + "def _draw_rect(self, rect, painter):\n", + "\n", + "def _draw_fold_indicator(self, top, mouse_over, collapsed, painter):\n", + "\n", + "def find_parent_scope(block):\n", + "\n", + "def _clear_scope_decos(self):\n", + "\n", + "def _get_scope_highlight_color(self):\n", + "\n", + "def _decorate_block(self, start, end):\n", + "\n", + "def _highlight_block(self, block):\n", + "\n", + "def mouseMoveEvent(self, event):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def _show_previous_blank_lines(block):\n", + "\n", + "def refresh_decorations(self, force=False):\n", + "\n", + "def _refresh_editor_and_scrollbars(self):\n", + "\n", + "def collapse_all(self):\n", + "\n", + "def _clear_block_deco(self):\n", + "\n", + "def expand_all(self):\n", + "\n", + "def _on_action_toggle(self):\n", + "\n", + "def _highlight_caret_scope(self):\n", + "\n", + "def set_menu_actions(self, menu_actions):\n", + "\n", + "def refresh(self):\n", + "\n", + "def move_tab(self, index_from, index_to):\n", + "\n", + "def add_history(self, filename, color_scheme, font, wrap):\n", + "\n", + "def append_to_history(self, filename, command, go_to_eof):\n", + "\n", + "def request(req=None, method=None, requires_response=True):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def class_register(cls):\n", + "\n", + "def update_font(self):\n", + "\n", + "def apply_plugin_settings(self, options):\n", + "\n", + "def toggle_view(self, checked):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def refresh_plugin(self):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def get_focus_client(self):\n", + "\n", + "def run_script(self, filename, wdir, args, debug, post_mortem,\n", + "\n", + "def run_cell(self, code, cell_name, filename, run_cell_copy):\n", + "\n", + " def norm(text):\n", + "\n", + "def set_current_client_working_directory(self, directory):\n", + "\n", + "def set_working_directory(self, dirname):\n", + "\n", + "def execute_code(self, lines, current_client=True, clear_variables=False):\n", + "\n", + "def create_new_client(self, give_focus=True, filename='', is_cython=False,\n", + "\n", + "def create_client_for_kernel(self):\n", + "\n", + "def connect_client_to_kernel(self, client, is_cython=False,\n", + "\n", + "def edit_file(self, filename, line):\n", + "\n", + "def config_options(self):\n", + "\n", + "def interpreter_versions(self):\n", + "\n", + "def additional_options(self, is_pylab=False, is_sympy=False):\n", + "\n", + "def register_client(self, client, give_focus=True):\n", + "\n", + "def close_client(self, index=None, client=None, force=False):\n", + "\n", + "def get_client_index_from_id(self, client_id):\n", + "\n", + "def get_related_clients(self, client):\n", + "\n", + "def close_related_clients(self, client):\n", + "\n", + "def restart(self):\n", + "\n", + "def pdb_has_stopped(self, fname, lineno, shellwidget):\n", + "\n", + "def create_client_from_path(self, path):\n", + "\n", + "def create_client_for_file(self, filename, is_cython=False):\n", + "\n", + "def get_client_for_file(self, filename):\n", + "\n", + "def set_elapsed_time(self, client):\n", + "\n", + "def tunnel_to_kernel(self, connection_info, hostname, sshkey=None,\n", + "\n", + "def create_kernel_spec(self, is_cython=False,\n", + "\n", + "def create_kernel_manager_and_kernel_client(self, connection_file,\n", + "\n", + "def restart_kernel(self):\n", + "\n", + "def reset_kernel(self):\n", + "\n", + "def interrupt_kernel(self):\n", + "\n", + "def update_execution_state_kernel(self):\n", + "\n", + "def connect_external_kernel(self, shellwidget):\n", + "\n", + "def add_tab(self, widget, name, filename=''):\n", + "\n", + "def move_tab(self, index_from, index_to):\n", + "\n", + "def disambiguate_fname(self, fname):\n", + "\n", + "def update_tabs_text(self):\n", + "\n", + "def rename_client_tab(self, client, given_name):\n", + "\n", + "def rename_tabs_after_change(self, given_name):\n", + "\n", + "def tab_name_editor(self):\n", + "\n", + "def go_to_error(self, text):\n", + "\n", + "def show_intro(self):\n", + "\n", + "def show_guiref(self):\n", + "\n", + "def show_quickref(self):\n", + "\n", + "def _new_connection_file(self):\n", + "\n", + "def _remove_old_stderr_files(self):\n", + "\n", + "def rotate(self):\n", + "\n", + "def kill_cursor(self, cursor):\n", + "\n", + "def yank(self):\n", + "\n", + "def show_in_external_file_explorer(fnames=None):\n", + "\n", + "def fixpath(path):\n", + "\n", + "def create_script(fname):\n", + "\n", + "def listdir(path, include=r'.', exclude=r'\\.pyc$|^\\.', show_all=False,\n", + "\n", + "def has_subdirectories(path, include, exclude, show_all):\n", + "\n", + "def icon(self, icontype_or_qfileinfo):\n", + "\n", + "def setup_fs_model(self):\n", + "\n", + "def setup_view(self):\n", + "\n", + "def set_single_click_to_open(self, value):\n", + "\n", + "def set_name_filters(self, name_filters):\n", + "\n", + "def set_show_all(self, state):\n", + "\n", + "def get_filename(self, index):\n", + "\n", + "def get_selected_filenames(self):\n", + "\n", + "def get_dirname(self, index):\n", + "\n", + "def setup(self, name_filters=['*.py', '*.pyw'], show_all=False,\n", + "\n", + "def setup_common_actions(self):\n", + "\n", + "def edit_filter(self):\n", + "\n", + "def toggle_all(self, checked):\n", + "\n", + "def create_file_new_actions(self, fnames):\n", + "\n", + "def create_file_manage_actions(self, fnames):\n", + "\n", + "def create_folder_manage_actions(self, fnames):\n", + "\n", + "def create_context_menu_actions(self):\n", + "\n", + "def update_menu(self):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def mouseReleaseEvent(self, event):\n", + "\n", + "def clicked(self):\n", + "\n", + "def dragMoveEvent(self, event):\n", + "\n", + "def startDrag(self, dropActions):\n", + "\n", + "def open(self, fnames=None):\n", + "\n", + "def open_external(self, fnames=None):\n", + "\n", + "def open_outside_spyder(self, fnames):\n", + "\n", + "def open_interpreter(self, fnames):\n", + "\n", + "def run(self, fnames=None):\n", + "\n", + "def remove_tree(self, dirname):\n", + "\n", + "def delete_file(self, fname, multiple, yes_to_all):\n", + "\n", + "def delete(self, fnames=None):\n", + "\n", + "def convert_notebook(self, fname):\n", + "\n", + "def convert_notebooks(self):\n", + "\n", + "def rename_file(self, fname):\n", + "\n", + "def rename(self, fnames=None):\n", + "\n", + "def move(self, fnames=None, directory=None):\n", + "\n", + "def create_new_folder(self, current_path, title, subtitle, is_package):\n", + "\n", + "def new_folder(self, basedir):\n", + "\n", + "def new_package(self, basedir):\n", + "\n", + "def create_new_file(self, current_path, title, filters, create_func):\n", + "\n", + "def new_file(self, basedir):\n", + "\n", + " def create_func(fname):\n", + "\n", + "def new_module(self, basedir):\n", + "\n", + " def create_func(fname):\n", + "\n", + "def copy_path(self, fnames=None, method=\"absolute\"):\n", + "\n", + "def copy_file_clipboard(self, fnames=None):\n", + "\n", + "def save_file_clipboard(self, fnames=None):\n", + "\n", + "def create_shortcuts(self):\n", + "\n", + "def vcs_command(self, fnames, action):\n", + "\n", + "def set_scrollbar_position(self, position):\n", + "\n", + "def restore_scrollbar_positions(self):\n", + "\n", + "def save_expanded_state(self):\n", + "\n", + "def restore_directory_state(self, fname):\n", + "\n", + "def follow_directories_loaded(self, fname):\n", + "\n", + "def restore_expanded_state(self):\n", + "\n", + "def filter_directories(self):\n", + "\n", + "def setup_filter(self, root_path, path_list):\n", + "\n", + "def sort(self, column, order=Qt.AscendingOrder):\n", + "\n", + "def filterAcceptsRow(self, row, parent_index):\n", + "\n", + "def data(self, index, role):\n", + "\n", + "def setup_proxy_model(self):\n", + "\n", + "def set_root_path(self, root_path):\n", + "\n", + "def get_index(self, filename):\n", + "\n", + "def set_folder_names(self, folder_names):\n", + "\n", + "def get_filename(self, index):\n", + "\n", + "def setup_project_view(self):\n", + "\n", + "def setup_common_actions(self):\n", + "\n", + "def toggle_show_cd_only(self, checked):\n", + "\n", + "def set_current_folder(self, folder):\n", + "\n", + "def refresh(self, new_path=None, force_current=False):\n", + "\n", + "def go_to_parent_directory(self):\n", + "\n", + "def update_history(self, directory):\n", + "\n", + "def chdir(self, directory=None, browsing_history=False):\n", + "\n", + "def toggle_icontext(self, state):\n", + "\n", + "def set_data(self, data):\n", + "\n", + "def sort(self, column, order=Qt.DescendingOrder):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def setup_table(self):\n", + "\n", + "def mouseDoubleClickEvent(self, event):\n", + "\n", + "def get_languages(self):\n", + "\n", + "def get_root_path(self, language):\n", + "\n", + "def reinitialize_all_clients(self):\n", + "\n", + "def start_client(self, language):\n", + "\n", + "def generate_python_config(self):\n", + "\n", + "def setup_page(self):\n", + "\n", + "def transcode(text, input=PREFERRED_ENCODING, output=PREFERRED_ENCODING):\n", + "\n", + "def to_unicode_from_fs(string):\n", + "\n", + "def to_fs_from_unicode(unic):\n", + "\n", + "def get_coding(text, force_chardet=False):\n", + "\n", + "def decode(text):\n", + "\n", + "def to_unicode(string):\n", + "\n", + "def write(text, filename, encoding='utf-8', mode='wb'):\n", + "\n", + "def writelines(lines, filename, encoding='utf-8', mode='wb'):\n", + "\n", + "def read(filename, encoding='utf-8'):\n", + "\n", + "def readlines(filename, encoding='utf-8'):\n", + "\n", + "def _get_pygments_extensions():\n", + "\n", + "def get_filter(filetypes, ext):\n", + "\n", + "def get_edit_filetypes():\n", + "\n", + "def is_ubuntu():\n", + "\n", + "def is_gtk_desktop():\n", + "\n", + "def is_kde_desktop():\n", + "\n", + "def _get_relative_pythonpath(self):\n", + "\n", + "def _set_relative_pythonpath(self, value):\n", + "\n", + "def is_in_pythonpath(self, dirname):\n", + "\n", + "def remove_from_pythonpath(self, path):\n", + "\n", + "def add_to_pythonpath(self, path):\n", + "\n", + "def get_package_data(name, extlist):\n", + "\n", + "def get_subpackages(name):\n", + "\n", + "def get_python_doc_path():\n", + "\n", + "def set_opengl_implementation(option):\n", + "\n", + "def setup_logging(cli_options):\n", + "\n", + "def qt_message_handler(msg_type, msg_log_context, msg_string):\n", + "\n", + "def initialize():\n", + "\n", + " def __init__(self, args):\n", + "\n", + " def exec_():\n", + "\n", + " def fake_sys_exit(arg=[]):\n", + "\n", + " def spy_excepthook(type_, value, tback):\n", + "\n", + "def run_spyder(app, options, args):\n", + "\n", + "def main():\n", + "\n", + "def create_toolbar(self, title, object_name, iconsize=24):\n", + "\n", + "def setup(self):\n", + "\n", + " def create_edit_action(text, tr_text, icon):\n", + "\n", + " def add_ipm_action(text, path):\n", + "\n", + "def post_visible_setup(self):\n", + "\n", + "def set_window_title(self):\n", + "\n", + "def report_missing_dependencies(self):\n", + "\n", + "def load_window_settings(self, prefix, default=False, section='main'):\n", + "\n", + "def get_window_settings(self):\n", + "\n", + "def set_window_settings(self, hexstate, window_size, prefs_dialog_size,\n", + "\n", + "def save_current_window_settings(self, prefix, section='main',\n", + "\n", + "def tabify_plugins(self, first, second):\n", + "\n", + "def setup_layout(self, default=False):\n", + "\n", + "def setup_default_layouts(self, index, settings):\n", + "\n", + "def reset_window_layout(self):\n", + "\n", + "def quick_layout_save(self):\n", + "\n", + "def quick_layout_settings(self):\n", + "\n", + "def quick_layout_switch(self, index):\n", + "\n", + "def _update_show_toolbars_action(self):\n", + "\n", + "def save_visible_toolbars(self):\n", + "\n", + "def get_visible_toolbars(self):\n", + "\n", + "def load_last_visible_toolbars(self):\n", + "\n", + "def show_toolbars(self):\n", + "\n", + "def valid_project(self):\n", + "\n", + "def show_shortcuts(self, menu):\n", + "\n", + "def hide_shortcuts(self, menu):\n", + "\n", + "def get_focus_widget_properties(self):\n", + "\n", + "def update_edit_menu(self):\n", + "\n", + "def update_search_menu(self):\n", + "\n", + "def set_splash(self, message):\n", + "\n", + "def closeEvent(self, event):\n", + "\n", + "def resizeEvent(self, event):\n", + "\n", + "def moveEvent(self, event):\n", + "\n", + "def hideEvent(self, event):\n", + "\n", + "def change_last_focused_widget(self, old, now):\n", + "\n", + "def closing(self, cancelable=False):\n", + "\n", + "def add_dockwidget(self, child):\n", + "\n", + "def toggle_lock(self, value):\n", + "\n", + "def maximize_dockwidget(self, restore=False):\n", + "\n", + "def add_to_toolbar(self, toolbar, widget):\n", + "\n", + "def about(self):\n", + "\n", + "def show_dependencies(self):\n", + "\n", + "def render_issue(self, description='', traceback=''):\n", + "\n", + "def report_issue(self, body=None, title=None, open_webpage=False):\n", + "\n", + "def global_callback(self):\n", + "\n", + "def open_external_console(self, fname, wdir, args, interact, debug, python,\n", + "\n", + "def execute_in_external_console(self, lines, focus_to_editor):\n", + "\n", + "def open_file(self, fname, external=False):\n", + "\n", + "def open_external_file(self, fname):\n", + "\n", + "def get_spyder_pythonpath(self):\n", + "\n", + "def add_path_to_sys_path(self):\n", + "\n", + "def remove_path_from_sys_path(self):\n", + "\n", + "def path_manager_callback(self):\n", + "\n", + "def pythonpath_changed(self):\n", + "\n", + "def apply_settings(self):\n", + "\n", + "def apply_panes_settings(self):\n", + "\n", + "def apply_statusbar_settings(self):\n", + "\n", + "def edit_preferences(self):\n", + "\n", + "def register_shortcut(self, qaction_or_qshortcut, context, name,\n", + "\n", + "def apply_shortcuts(self):\n", + "\n", + "def reset_spyder(self):\n", + "\n", + "def restart(self, reset=False):\n", + "\n", + "def show_tour(self, index):\n", + "\n", + "def open_fileswitcher(self, symbol=False):\n", + "\n", + "def add_to_fileswitcher(self, plugin, tabs, data, icon):\n", + "\n", + "def _check_updates_ready(self):\n", + "\n", + "def check_updates(self, startup=False):\n", + "\n", + "def _set(self, section, option, value, verbose):\n", + "\n", + "def _save(self):\n", + "\n", + " def _write_file(fname):\n", + "\n", + "def filename(self):\n", + "\n", + "def _filename_global(self):\n", + "\n", + "def set_version(self, version='0.0.0', save=True):\n", + "\n", + "def load_from_ini(self):\n", + "\n", + "def _load_old_defaults(self, old_version):\n", + "\n", + "def _save_new_defaults(self, defaults, new_version, subfolder):\n", + "\n", + "def _update_defaults(self, defaults, old_version, verbose=False):\n", + "\n", + "def _remove_deprecated_options(self, old_version):\n", + "\n", + "def set_as_defaults(self):\n", + "\n", + "def reset_to_defaults(self, save=True, verbose=False, section=None):\n", + "\n", + "def _check_section_option(self, section, option):\n", + "\n", + "def get_default(self, section, option):\n", + "\n", + "def get(self, section, option, default=NoDefault):\n", + "\n", + "def set_default(self, section, option, default_value):\n", + "\n", + "def set(self, section, option, value, verbose=False, save=True):\n", + "\n", + "def get_temp_dir(suffix=None):\n", + "\n", + "def is_program_installed(basename):\n", + "\n", + "def find_program(basename):\n", + "\n", + "def alter_subprocess_kwargs_by_platform(**kwargs):\n", + "\n", + "def run_shell_command(cmdstr, **subprocess_kwargs):\n", + "\n", + "def run_program(program, args=None, **subprocess_kwargs):\n", + "\n", + "def start_file(filename):\n", + "\n", + "def python_script_exists(package=None, module=None):\n", + "\n", + "def run_python_script(package=None, module=None, args=[], p_args=[]):\n", + "\n", + "def shell_split(text):\n", + "\n", + "def get_python_args(fname, python_args, interact, debug, end_args):\n", + "\n", + "def run_python_script_in_terminal(fname, wdir, args, interact,\n", + "\n", + "def check_version(actver, version, cmp_op):\n", + "\n", + "def is_module_installed(module_name, version=None, installed_version=None,\n", + "\n", + "def is_python_interpreter_valid_name(filename):\n", + "\n", + "def is_python_interpreter(filename):\n", + "\n", + "def is_pythonw(filename):\n", + "\n", + "def check_python_help(filename):\n", + "\n", + "def sizeHint(self):\n", + "\n", + "def _draw_breakpoint_icon(self, top, painter, icon_name):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def mouseMoveEvent(self, event):\n", + "\n", + "def on_state_changed(self, state):\n", + "\n", + "def handle_qbytearray(obj, encoding):\n", + "\n", + "def sleeping_func(arg, secs=10, result_queue=None):\n", + "\n", + "def start(self):\n", + "\n", + "def _start(self):\n", + "\n", + "def _get_encoding(self):\n", + "\n", + "def _set_environment(self, environ):\n", + "\n", + "def _partial(self):\n", + "\n", + "def _communicate(self):\n", + "\n", + "def communicate(self):\n", + "\n", + "def _start(self):\n", + "\n", + "def terminate(self):\n", + "\n", + "def _clean_workers(self):\n", + "\n", + "def _start(self, worker=None):\n", + "\n", + "def create_python_worker(self, func, *args, **kwargs):\n", + "\n", + "def create_process_worker(self, cmd_list, environ=None):\n", + "\n", + "def terminate_all(self):\n", + "\n", + "def _create_worker(self, worker):\n", + "\n", + "def gather_file_data(name):\n", + "\n", + "def file_data_to_str(data):\n", + "\n", + "def make_temporary_files(tempdir):\n", + "\n", + "def gather_data(self):\n", + "\n", + "def add_label(self):\n", + "\n", + "def add_label_to_table(self, row, col, txt):\n", + "\n", + "def add_table(self):\n", + "\n", + "def add_cancel_button(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def refresh_plugin(self):\n", + "\n", + "def load_wdhistory(self, workdir=None):\n", + "\n", + "def save_wdhistory(self):\n", + "\n", + "def select_directory(self):\n", + "\n", + "def parent_directory(self):\n", + "\n", + "def chdir(self, directory, browsing_history=False,\n", + "\n", + "def toogle_breakpoint(self, line_number=None, condition=None,\n", + "\n", + "def get_breakpoints(self):\n", + "\n", + "def clear_breakpoints(self):\n", + "\n", + "def set_breakpoints(self, breakpoints):\n", + "\n", + "def breakpoints_changed(self):\n", + "\n", + "def unmatched_quotes_in_line(text):\n", + "\n", + "def on_state_changed(self, state):\n", + "\n", + "def _autoinsert_quotes(self, key):\n", + "\n", + "def populate(combobox, data):\n", + "\n", + "def _get_fold_levels(editor):\n", + "\n", + "def _adjust_parent_stack(fsh, prev, parents):\n", + "\n", + "def _split_classes_and_methods(folds):\n", + "\n", + "def _get_parents(folds, linenum):\n", + "\n", + "def update_selected_cb(parents, combobox):\n", + "\n", + "def _update_data(self):\n", + "\n", + "def combobox_activated(self):\n", + "\n", + "def update_selected(self, linenum):\n", + "\n", + "def set_palette(self, background, foreground):\n", + "\n", + "def set_extra_selections(self, key, extra_selections):\n", + "\n", + "def update_extra_selections(self):\n", + "\n", + "def clear_extra_selections(self, key):\n", + "\n", + "def highlight_current_line(self):\n", + "\n", + "def highlight_current_cell(self):\n", + "\n", + "def cursor_position_changed(self):\n", + "\n", + "def set_wrap_mode(self, mode=None):\n", + "\n", + "def toPlainText(self):\n", + "\n", + "def get_selection_as_executable_code(self):\n", + "\n", + "def is_cell_separator(self, cursor=None, block=None):\n", + "\n", + "def select_current_cell(self):\n", + "\n", + "def select_current_cell_in_visible_portion(self):\n", + "\n", + "def go_to_next_cell(self):\n", + "\n", + "def go_to_previous_cell(self):\n", + "\n", + "def __restore_selection(self, start_pos, end_pos):\n", + "\n", + "def __duplicate_line_or_selection(self, after_current_line=True):\n", + "\n", + "def __move_line_or_selection(self, after_current_line=True):\n", + "\n", + "def go_to_new_line(self):\n", + "\n", + "def extend_selection_to_complete_lines(self):\n", + "\n", + "def delete_line(self):\n", + "\n", + "def truncate_selection(self, position_from):\n", + "\n", + "def restrict_cursor_position(self, position_from, position_to):\n", + "\n", + "def hide_tooltip_if_necessary(self, key):\n", + "\n", + "def stdkey_home(self, shift, ctrl, prompt_pos=None):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def focusInEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def wheelEvent(self, event):\n", + "\n", + "def get_options(argv=None):\n", + "\n", + "def set_recent_files(self, recent_files):\n", + "\n", + "def get_recent_files(self):\n", + "\n", + "def set_root_path(self, root_path):\n", + "\n", + "def rename(self, new_name):\n", + "\n", + "def initialize(self):\n", + "\n", + "def start_server(self):\n", + "\n", + "def text_to_url(self, text):\n", + "\n", + "def do_autosave(self):\n", + "\n", + "def try_recover_from_autosave(self):\n", + "\n", + "def create_unique_autosave_filename(self, filename, autosave_dir):\n", + "\n", + "def remove_autosave_file(self, fileinfo):\n", + "\n", + "def get_autosave_filename(self, filename):\n", + "\n", + "def autosave(self, index):\n", + "\n", + "def autosave_all(self):\n", + "\n", + "def tmpconfig(request):\n", + "\n", + " def fin():\n", + "\n", + "def log_last_error(fname, context=None):\n", + "\n", + "def log_methods_calls(fname, some_class, prefix=None):\n", + "\n", + " def format_prefix(method, methodobj):\n", + "\n", + " def __getattribute__(self, name):\n", + "\n", + " def newfunc(*args, **kwargs):\n", + "\n", + "def offset(self):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def keyReleaseEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def get_scrollbar_position_height(self):\n", + "\n", + "def get_scrollbar_value_height(self):\n", + "\n", + "def value_to_position(self, y):\n", + "\n", + "def position_to_value(self, y):\n", + "\n", + "def make_flag_qrect(self, value):\n", + "\n", + "def make_slider_range(self, cursor_pos):\n", + "\n", + "def set_painter(self, painter, light_color):\n", + "\n", + "def on_first_registration(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def run_profiler(self):\n", + "\n", + "def analyze(self, filename):\n", + "\n", + "def windows_memory_usage():\n", + "\n", + "def psutil_phymem_usage():\n", + "\n", + "def drift_color(base_color, factor=110):\n", + "\n", + "def get_block_symbol_data(editor, block):\n", + "\n", + " def list_symbols(editor, block, character):\n", + "\n", + "def keep_tc_pos(func):\n", + "\n", + " def wrapper(editor, *args, **kwds):\n", + "\n", + "def with_wait_cursor(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def is_empty(self):\n", + "\n", + "def request_job(self, job, *args, **kwargs):\n", + "\n", + "def cancel_requests(self):\n", + "\n", + "def _exec_requested_job(self):\n", + "\n", + "def goto_line(self, line, column=0, end_column=0, move=True, word=''):\n", + "\n", + "def unfold_if_colapsed(self, block):\n", + "\n", + "def word_under_cursor(self, select_whole_word=False, text_cursor=None):\n", + "\n", + "def word_under_mouse_cursor(self):\n", + "\n", + "def cursor_position(self):\n", + "\n", + "def line_text(self, line_nbr):\n", + "\n", + "def set_line_text(self, line_nbr, new_text):\n", + "\n", + "def remove_last_line(self):\n", + "\n", + "def clean_document(self):\n", + "\n", + "def select_whole_line(self, line=None, apply_selection=True):\n", + "\n", + "def selection_range(self):\n", + "\n", + "def line_pos_from_number(self, line_number):\n", + "\n", + "def line_nbr_from_position(self, y_pos):\n", + "\n", + "def mark_whole_doc_dirty(self):\n", + "\n", + "def get_right_character(self, cursor=None):\n", + "\n", + "def insert_text(self, text, keep_position=True):\n", + "\n", + "def clear_selection(self):\n", + "\n", + "def move_right(self, keep_anchor=False, nb_chars=1):\n", + "\n", + "def select_extended_word(self, continuation_chars=('.',)):\n", + "\n", + "def set_state(block, state):\n", + "\n", + "def set_fold_lvl(block, val):\n", + "\n", + "def is_fold_trigger(block):\n", + "\n", + "def set_fold_trigger(block, val):\n", + "\n", + "def is_collapsed(block):\n", + "\n", + "def set_collapsed(block, val):\n", + "\n", + "def get_starting_chunk(filename, length=1024):\n", + "\n", + "def is_binary_string(bytes_to_check):\n", + "\n", + "def set_value(self, value):\n", + "\n", + "def setVisible(self, value):\n", + "\n", + "def set_interval(self, interval):\n", + "\n", + "def get_value(self):\n", + "\n", + "def warning(message, css_path=CSS_PATH):\n", + "\n", + "def usage(title, message, tutorial_message, tutorial, css_path=CSS_PATH):\n", + "\n", + "def generate_context(name='', argspec='', note='', math=False, collapse=False,\n", + "\n", + "def sphinxify(docstring, context, buildername='html'):\n", + "\n", + "def generate_configuration(directory):\n", + "\n", + "def update_eol(self, os_name):\n", + "\n", + "def update_encoding(self, encoding):\n", + "\n", + "def update_cursor_position(self, line, index):\n", + "\n", + "def update_vcs(self, fname, index):\n", + "\n", + "def get_settings(self):\n", + "\n", + "def change_option(self, option_name, new_value):\n", + "\n", + "def free_memory(self):\n", + "\n", + "def add_shellwidget(self, shellwidget):\n", + "\n", + "def import_data(self, fname):\n", + "\n", + "def is_valid(self, qstr=None):\n", + "\n", + "def validate(self, qstr, editing=True):\n", + "\n", + "def set_font(self, font, fixed_font=None):\n", + "\n", + "def set_font(self, font, color_scheme=None):\n", + "\n", + "def find_tasks(source_code):\n", + "\n", + "def check_with_pyflakes(source_code, filename=None):\n", + "\n", + "def get_checker_executable(name):\n", + "\n", + "def check(args, source_code, filename=None, options=None):\n", + "\n", + "def check_with_pep8(source_code, filename=None):\n", + "\n", + "def get_image_label(name, default=\"not_found.png\"):\n", + "\n", + "def qapplication(translate=True, test_time=3):\n", + "\n", + "def file_uri(fname):\n", + "\n", + "def install_translator(qapp):\n", + "\n", + "def keybinding(attr):\n", + "\n", + "def mimedata2url(source, extlist=None):\n", + "\n", + "def keyevent2tuple(event):\n", + "\n", + "def create_toolbutton(parent, text=None, shortcut=None, icon=None, tip=None,\n", + "\n", + "def action2button(action, autoraise=True, text_beside_icon=False, parent=None):\n", + "\n", + "def toggle_actions(actions, enable):\n", + "\n", + "def create_action(parent, text, shortcut=None, icon=None, tip=None,\n", + "\n", + "def add_shortcut_to_tooltip(action, context, name):\n", + "\n", + "def add_actions(target, actions, insert_before=None):\n", + "\n", + "def create_bookmark_action(parent, url, title, icon=None, shortcut=None):\n", + "\n", + " def open_url():\n", + "\n", + "def create_module_bookmark_actions(parent, bookmarks):\n", + "\n", + "def create_program_action(parent, text, name, icon=None, nt_name=None):\n", + "\n", + "def create_python_script_action(parent, text, icon, package, module, args=[]):\n", + "\n", + "def get_filetype_icon(fname):\n", + "\n", + "def show_std_icons():\n", + "\n", + "def calc_tools_spacing(tools_layout):\n", + "\n", + "def create_plugin_layout(tools_layout, main_widget=None):\n", + "\n", + "def show(self, dialog):\n", + "\n", + "def add(modname, features, required_version, installed_version=None,\n", + "\n", + "def check(modname):\n", + "\n", + "def status(deps=DEPENDENCIES, linesep=os.linesep):\n", + "\n", + "def missing_dependencies():\n", + "\n", + "def check(self):\n", + "\n", + "def get_installed_version(self):\n", + "\n", + "def get_spyderplugins_mods(io=False):\n", + "\n", + "def _get_spyderplugins(plugin_path, is_io, modnames, modlist):\n", + "\n", + "def _import_plugin(module_name, plugin_path, modnames, modlist):\n", + "\n", + "def _import_module_from_path(module_name, plugin_path):\n", + "\n", + "def get_std_icon(name, size=None):\n", + "\n", + "def get_icon(name, default=None, resample=False):\n", + "\n", + "def get_icon_by_extension(fname, scale_factor):\n", + "\n", + "def accept(self):\n", + "\n", + "def setup_common_actions(self):\n", + "\n", + "def get_menu_actions(self):\n", + "\n", + "def item_selection_changed(self):\n", + "\n", + "def get_items(self):\n", + "\n", + " def add_to_itemlist(item):\n", + "\n", + "def save_expanded_state(self):\n", + "\n", + " def add_to_state(item):\n", + "\n", + " def browse_children(item):\n", + "\n", + "def restore_expanded_state(self):\n", + "\n", + "def sort_top_level_items(self, key):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def get_stdlib_modules():\n", + "\n", + "def print_tree(editor, file=sys.stdout, print_blocks=False, return_list=False):\n", + "\n", + "def envdict2listdict(envdict):\n", + "\n", + "def listdict2envdict(listdict):\n", + "\n", + "def main():\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def event(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def reset_headers(self):\n", + "\n", + "def text(self):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def event(self, event):\n", + "\n", + "def process_text(self, array=True):\n", + "\n", + "def update_warning(self):\n", + "\n", + "def _save_lang(self):\n", + "\n", + "def is_writable(path):\n", + "\n", + "def _get_project_types(self):\n", + "\n", + "def select_location(self):\n", + "\n", + "def update_location(self, text=''):\n", + "\n", + "def create_project(self):\n", + "\n", + "def set_font(self, font):\n", + "\n", + "def setup_context_menu(self):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def _select_input(self):\n", + "\n", + "def _set_input_buffer(self, text):\n", + "\n", + "def _get_input_buffer(self):\n", + "\n", + "def new_prompt(self, prompt):\n", + "\n", + "def check_selection(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def save_historylog(self):\n", + "\n", + "def on_new_line(self):\n", + "\n", + "def preprocess_keyevent(self, event):\n", + "\n", + "def postprocess_keyevent(self, event):\n", + "\n", + "def load_history(self):\n", + "\n", + "def write_error(self, text):\n", + "\n", + "def write(self, text, flush=False, error=False, prompt=False):\n", + "\n", + "def flush(self, error=False, prompt=False):\n", + "\n", + "def insert_text(self, text, at_end=False, error=False, prompt=False):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def setup_context_menu(self):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def copy_without_prompts(self):\n", + "\n", + "def postprocess_keyevent(self, event):\n", + "\n", + "def _key_backspace(self, cursor_position):\n", + "\n", + "def _key_tab(self):\n", + "\n", + "def _key_question(self, text):\n", + "\n", + "def _key_parenleft(self, text):\n", + "\n", + "def _key_period(self, text):\n", + "\n", + "def paste(self):\n", + "\n", + "def show_completion_list(self, completions, completion_text=\"\"):\n", + "\n", + "def show_code_completion(self):\n", + "\n", + "def drop_pathlist(self, pathlist):\n", + "\n", + "def argv(self):\n", + "\n", + "def env(self):\n", + "\n", + "def setup_common_actions(self):\n", + "\n", + "def toggle_hscrollbar(self, checked):\n", + "\n", + "def dragMoveEvent(self, event):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def delete(self, fnames=None):\n", + "\n", + "def set_project_dir(self, directory):\n", + "\n", + "def setup_project(self, directory):\n", + "\n", + "def start_interpreter(self, namespace):\n", + "\n", + "def exit_interpreter(self):\n", + "\n", + "def stdout_avail(self):\n", + "\n", + "def stderr_avail(self):\n", + "\n", + "def wait_input(self, prompt=''):\n", + "\n", + "def end_input(self, cmd):\n", + "\n", + "def setup_context_menu(self):\n", + "\n", + "def help(self):\n", + "\n", + "def open_with_external_spyder(self, text):\n", + "\n", + "def external_editor(self, filename, goto=-1):\n", + "\n", + "def flush(self, error=False, prompt=False):\n", + "\n", + "def clear_terminal(self):\n", + "\n", + "def on_enter(self, command):\n", + "\n", + "def __flush_eventqueue(self):\n", + "\n", + "def keyboard_interrupt(self):\n", + "\n", + "def execute_lines(self, lines):\n", + "\n", + "def execute_command(self, cmd):\n", + "\n", + "def run_command(self, cmd, history=True, new_prompt=True):\n", + "\n", + "def get_dir(self, objtxt):\n", + "\n", + "def iscallable(self, objtxt):\n", + "\n", + "def get_arglist(self, objtxt):\n", + "\n", + "def get_doc(self, objtxt):\n", + "\n", + "def get_source(self, objtxt):\n", + "\n", + "def is_defined(self, objtxt, force_import=False):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def set_columns(self, columns):\n", + "\n", + "def send_args_to_spyder(args):\n", + "\n", + "def main():\n", + "\n", + "def get_search_regex(query, ignore_case=True):\n", + "\n", + "def get_search_score(query, choice, ignore_case=True, apply_regex=True,\n", + "\n", + "def get_search_scores(query, choices, ignore_case=True, template='{}',\n", + "\n", + "def is_start_of_function(text):\n", + "\n", + "def get_indent(text):\n", + "\n", + "def get_function_definition_from_first_line(self):\n", + "\n", + "def get_function_definition_from_below_last_line(self):\n", + "\n", + "def get_function_body(self, func_indent):\n", + "\n", + "def write_docstring(self):\n", + "\n", + "def write_docstring_at_first_line_of_function(self):\n", + "\n", + "def write_docstring_for_shortcut(self):\n", + "\n", + "def _generate_docstring(self, doc_type, quote):\n", + "\n", + "def _generate_numpy_doc(self, func_info):\n", + "\n", + "def find_top_level_bracket_locations(string_toparse):\n", + "\n", + "def parse_return_elements(return_vals_group, return_element_name,\n", + "\n", + "def _generate_docstring_return_section(self, return_vals, header,\n", + "\n", + "def is_char_in_pairs(pos_char, pairs):\n", + "\n", + "def _find_quote_position(text):\n", + "\n", + "def _find_bracket_position(self, text, bracket_left, bracket_right,\n", + "\n", + "def split_arg_to_name_type_value(self, args_list):\n", + "\n", + "def split_args_text_to_list(self, args_text):\n", + "\n", + "def parse_def(self, text):\n", + "\n", + "def parse_body(self, text):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def _is_pid_running_on_windows(pid):\n", + "\n", + "def _show_message(self, text):\n", + "\n", + "def animate_ellipsis(self):\n", + "\n", + "def set_splash_message(self, text):\n", + "\n", + "def launch_error_message(self, error_type, error=None):\n", + "\n", + "def refresh_plugin(self):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def update_font(self):\n", + "\n", + "def apply_plugin_settings(self, options):\n", + "\n", + "def add_history(self, filename):\n", + "\n", + "def toggle_wrap_mode(self, checked):\n", + "\n", + "def toggle_line_numbers(self, checked):\n", + "\n", + "def document_did_save_notification(self, params):\n", + "\n", + "def acceptNavigationRequest(self, url, navigation_type, isMainFrame):\n", + "\n", + "def find_text(self, text, changed=True,\n", + "\n", + "def apply_zoom_factor(self):\n", + "\n", + "def setHtml(self, html, baseUrl=QUrl()):\n", + "\n", + "def go_to(self, url_or_text):\n", + "\n", + "def url_combo_activated(self, valid):\n", + "\n", + "def initialize_plugin(self):\n", + "\n", + "def register_shortcut(self, qaction_or_qshortcut, context, name,\n", + "\n", + "def register_widget_shortcuts(self, widget):\n", + "\n", + "def visibility_changed(self, enable):\n", + "\n", + "def set_option(self, option, value):\n", + "\n", + "def starting_long_process(self, message):\n", + "\n", + "def ending_long_process(self, message=\"\"):\n", + "\n", + "def show_compatibility_message(self, message):\n", + "\n", + "def refresh_actions(self):\n", + "\n", + "def _key_paren_left(self, text):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def focusInEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def focusInEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def get_screen_resolution(self):\n", + "\n", + "def set_current_widget(self, fig_browser):\n", + "\n", + "def add_shellwidget(self, shellwidget):\n", + "\n", + "def apply_plugin_settings(self, options):\n", + "\n", + "def flags(self, index):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def setData(self, index, value, role):\n", + "\n", + "def check_text(self, text):\n", + "\n", + "def temp_fail_retry(error, fun, *args):\n", + "\n", + "def write_packet(sock, data, already_pickled=False):\n", + "\n", + "def read_packet(sock, timeout=None):\n", + "\n", + "def communicate(sock, command, settings=[]):\n", + "\n", + "def gettime_s(text):\n", + "\n", + "def primes(n):\n", + "\n", + "def save_data(self):\n", + "\n", + "def set_item_data(self, item, filename, line_number):\n", + "\n", + "def get_item_data(self, item):\n", + "\n", + "def initialize_view(self):\n", + "\n", + "def load_data(self, profdatafile):\n", + "\n", + "def find_root(self):\n", + "\n", + "def show_tree(self):\n", + "\n", + "def function_info(self, functionKey):\n", + "\n", + "def format_measure(measure):\n", + "\n", + "def color_string(self, x):\n", + "\n", + "def format_output(self, child_key):\n", + "\n", + "def populate_tree(self, parentItem, children_list):\n", + "\n", + "def is_recursive(self, child_item):\n", + "\n", + "def get_items(self, maxlevel):\n", + "\n", + " def add_to_itemlist(item, maxlevel, level=1):\n", + "\n", + "def change_view(self, change_in_depth):\n", + "\n", + "def create_qss_style(color_scheme):\n", + "\n", + " def give_font_weight(is_bold):\n", + "\n", + " def give_font_style(is_italic):\n", + "\n", + "def create_pygments_dict(color_scheme_name):\n", + "\n", + " def give_font_weight(is_bold):\n", + "\n", + " def give_font_style(is_italic):\n", + "\n", + "def __remove_pyc_pyo(fname):\n", + "\n", + "def move_file(source, dest):\n", + "\n", + "def onerror(function, path, excinfo):\n", + "\n", + "def select_port(default_port=20128):\n", + "\n", + "def count_lines(path, extensions=None, excluded_dirnames=None):\n", + "\n", + " def get_filelines(path):\n", + "\n", + "def remove_backslashes(path):\n", + "\n", + "def monkeypatch_method(cls, patch_name):\n", + "\n", + " def decorator(func):\n", + "\n", + "def get_common_path(pathlist):\n", + "\n", + "def memoize(obj):\n", + "\n", + " def memoizer(*args, **kwargs):\n", + "\n", + "def regexp_error_msg(pattern):\n", + "\n", + "def get_range(self, ignore_blank_lines=True):\n", + "\n", + "def fold(self):\n", + "\n", + "def unfold(self):\n", + "\n", + "def blocks(self, ignore_blank_lines=True):\n", + "\n", + "def child_regions(self):\n", + "\n", + "def parent(self):\n", + "\n", + "def text(self, max_lines=sys.maxsize):\n", + "\n", + "def detect_fold_level(self, prev_block, block):\n", + "\n", + "def add(self, extension):\n", + "\n", + "def remove(self, name_or_klass):\n", + "\n", + "def clear(self):\n", + "\n", + "def get(self, name_or_klass):\n", + "\n", + "def insert_text_to(cursor, text, fmt):\n", + "\n", + "def set_color_scheme(self, foreground_color, background_color):\n", + "\n", + "def set_style(self):\n", + "\n", + "def set_color_scheme(self, foreground_color, background_color):\n", + "\n", + "def insert_text(self, text):\n", + "\n", + "def paste(self):\n", + "\n", + "def append_text_to_shell(self, text, error, prompt):\n", + "\n", + "def set_pythonshell_font(self, font=None):\n", + "\n", + "def get_plugin_icon(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def run_pylint(self):\n", + "\n", + "def analyze(self, filename):\n", + "\n", + "def set_font(self, font, option):\n", + "\n", + "def update_qt_style_combobox(self):\n", + "\n", + "def update_combobox(self):\n", + "\n", + "def update_buttons(self):\n", + "\n", + "def update_preview(self, index=None, scheme_name=None):\n", + "\n", + "def create_new_scheme(self):\n", + "\n", + "def edit_scheme(self):\n", + "\n", + "def delete_scheme(self):\n", + "\n", + "def reset_to_default(self):\n", + "\n", + "def set_scheme(self, scheme_name):\n", + "\n", + "def get_edited_color_scheme(self):\n", + "\n", + "def add_color_scheme_stack(self, scheme_name, custom=False):\n", + "\n", + "def delete_color_scheme_stack(self, scheme_name):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def switch_to_plugin(self):\n", + "\n", + "def setup_menu_actions(self):\n", + "\n", + "def update_project_actions(self):\n", + "\n", + "def edit_project_preferences(self):\n", + "\n", + "def create_new_project(self):\n", + "\n", + "def _create_project(self, path):\n", + "\n", + "def open_project(self, path=None, restart_consoles=True,\n", + "\n", + "def close_project(self):\n", + "\n", + "def delete_project(self):\n", + "\n", + "def reopen_last_project(self):\n", + "\n", + "def get_project_filenames(self):\n", + "\n", + "def set_project_filenames(self, recent_files):\n", + "\n", + "def get_active_project_path(self):\n", + "\n", + "def get_pythonpath(self, at_start=False):\n", + "\n", + "def save_config(self):\n", + "\n", + "def show_explorer(self):\n", + "\n", + "def is_valid_project(self, path):\n", + "\n", + "def add_to_recent(self, project):\n", + "\n", + "def set_attached_console_visible(state):\n", + "\n", + "def get_family(families):\n", + "\n", + "def get_font(section='appearance', option='font', font_size_delta=0):\n", + "\n", + "def set_font(font, section='appearance', option='font'):\n", + "\n", + "def fixed_shortcut(keystr, parent, action):\n", + "\n", + "def config_shortcut(action, context, name, parent):\n", + "\n", + "def iter_shortcuts():\n", + "\n", + "def get_color_scheme(name):\n", + "\n", + "def set_color_scheme(name, color_scheme, replace=True):\n", + "\n", + "def set_default_color_scheme(name, replace=True):\n", + "\n", + "def is_dark_font_color(color_scheme):\n", + "\n", + "def eventFilter(self, obj, event):\n", + "\n", + "def tab_pressed(self, event):\n", + "\n", + "def show_nontab_menu(self, event):\n", + "\n", + "def install_tab_event_filter(self, value):\n", + "\n", + "def _load_all_bookmarks():\n", + "\n", + "def load_bookmarks(filename):\n", + "\n", + "def load_bookmarks_without_file(filename):\n", + "\n", + "def save_bookmarks(filename, bookmarks):\n", + "\n", + "def report_open_file(self, options):\n", + "\n", + "def register_lsp_server_settings(self, settings, language):\n", + "\n", + "def lsp_server_ready(self, language, configuration):\n", + "\n", + "def visibility_changed(self, enable):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def update_font(self):\n", + "\n", + "def _create_checkable_action(self, text, conf_name, editorstack_method):\n", + "\n", + " def toogle(checked):\n", + "\n", + "def _toggle_checkable_action(self, checked, editorstack_method, conf_name):\n", + "\n", + "def received_sig_option_changed(self, option, value):\n", + "\n", + "def unregister_editorstack(self, editorstack):\n", + "\n", + "def setup_other_windows(self):\n", + "\n", + "def set_current_filename(self, filename, editorwindow=None, focus=True):\n", + "\n", + "def refresh_file_dependent_actions(self):\n", + "\n", + "def refresh_save_all_action(self):\n", + "\n", + "def update_warning_menu(self):\n", + "\n", + "def update_todo_menu(self):\n", + "\n", + "def todo_results_changed(self):\n", + "\n", + "def opened_files_list_changed(self):\n", + "\n", + "def update_code_analysis_actions(self):\n", + "\n", + "def save_bookmarks(self, filename, bookmarks):\n", + "\n", + "def __load_temp_file(self):\n", + "\n", + "def __set_workdir(self):\n", + "\n", + "def __add_recent_file(self, fname):\n", + "\n", + "def _clone_file_everywhere(self, finfo):\n", + "\n", + "def new(self, fname=None, editorstack=None, text=None):\n", + "\n", + "def update_recent_file_menu(self):\n", + "\n", + "def load(self, filenames=None, goto=None, word='',\n", + "\n", + " def _convert(fname):\n", + "\n", + "def print_file(self):\n", + "\n", + "def print_preview(self):\n", + "\n", + "def save(self, index=None, force=False):\n", + "\n", + "def save_as(self):\n", + "\n", + "def find(self):\n", + "\n", + "def open_last_closed(self):\n", + "\n", + "def close_file_from_name(self, filename):\n", + "\n", + "def removed_tree(self, dirname):\n", + "\n", + "def renamed(self, source, dest):\n", + "\n", + "def renamed_tree(self, source, dest):\n", + "\n", + "def run_winpdb(self):\n", + "\n", + "def cursor_moved(self, filename0, position0, filename1, position1):\n", + "\n", + "def go_to_line(self, line=None):\n", + "\n", + "def set_or_clear_breakpoint(self):\n", + "\n", + "def set_or_edit_conditional_breakpoint(self):\n", + "\n", + "def clear_all_breakpoints(self):\n", + "\n", + "def clear_breakpoint(self, filename, lineno):\n", + "\n", + "def debug_command(self, command):\n", + "\n", + "def run_file(self, debug=False):\n", + "\n", + "def debug_file(self):\n", + "\n", + "def re_run_file(self):\n", + "\n", + "def save_bookmark(self, slot_num):\n", + "\n", + "def load_bookmark(self, slot_num):\n", + "\n", + "def zoom(self, factor):\n", + "\n", + "def apply_plugin_settings(self, options):\n", + "\n", + "def get_open_filenames(self):\n", + "\n", + "def set_open_filenames(self):\n", + "\n", + "def setup_open_files(self):\n", + "\n", + "def guess_filename(filename):\n", + "\n", + "def redirect_stds(self):\n", + "\n", + "def restore_stds(self):\n", + "\n", + "def raw_input_replacement(self, prompt=''):\n", + "\n", + "def help_replacement(self, text=None, interactive=False):\n", + "\n", + "def run_command(self, cmd, new_prompt=True):\n", + "\n", + "def get_thread_id(self):\n", + "\n", + "def execfile(self, filename):\n", + "\n", + "def runfile(self, filename, args=None):\n", + "\n", + "def eval(self, text):\n", + "\n", + "def is_defined(self, objtxt, force_import=False):\n", + "\n", + "def text_changed(self):\n", + "\n", + "def logger_init(level):\n", + "\n", + "def restore(self):\n", + "\n", + "def show_warning(message):\n", + "\n", + "def check_path():\n", + "\n", + "def check_qt():\n", + "\n", + "def check_spyder_kernels():\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def isLocked(name):\n", + "\n", + "def lock(self):\n", + "\n", + "def unlock(self):\n", + "\n", + "def render(self, doc, context=None, math_option=False, img_path='',\n", + "\n", + "def sortByName(self):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def headerData(self, section, orientation, role=Qt.DisplayRole):\n", + "\n", + "def focusInEvent(self, e):\n", + "\n", + "def selection(self, index):\n", + "\n", + "def adjust_cells(self):\n", + "\n", + "def next_row(self):\n", + "\n", + "def previous_row(self):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def setup_docstring_style_convention(self, text):\n", + "\n", + "def add_external_path(self, path):\n", + "\n", + "def get_external_paths(self):\n", + "\n", + "def get_current_searchpath(self):\n", + "\n", + "def path_selection_changed(self):\n", + "\n", + "def select_directory(self):\n", + "\n", + "def set_project_path(self, path):\n", + "\n", + "def eventFilter(self, widget, event):\n", + "\n", + "def __redirect_stdio_emit(self, value):\n", + "\n", + "def get_options(self, to_save=False):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def activated(self, item):\n", + "\n", + "def set_sorting(self, flag):\n", + "\n", + "def append_result(self, results, num_matches):\n", + "\n", + "def showEvent(self, event):\n", + "\n", + "def hideEvent(self, event):\n", + "\n", + "def find(self):\n", + "\n", + "def stop_and_reset_thread(self, ignore_results=False):\n", + "\n", + "def search_complete(self, completed):\n", + "\n", + "def _get_credentials_from_settings(self):\n", + "\n", + "def _store_credentials(self, username, password, remember=False):\n", + "\n", + "def _store_token(self, token, remember=False):\n", + "\n", + "def get_user_credentials(self):\n", + "\n", + "def show_tip(self, point, tip):\n", + "\n", + "def leaveEvent(self, event):\n", + "\n", + "def eventFilter(self, obj, event):\n", + "\n", + "def timerEvent(self, event):\n", + "\n", + "def enterEvent(self, event):\n", + "\n", + "def hideEvent(self, event):\n", + "\n", + "def leaveEvent(self, event):\n", + "\n", + "def showEvent(self, event):\n", + "\n", + "def show_tip(self, point, tip, wrapped_tiplines):\n", + "\n", + "def _leave_event_hide(self):\n", + "\n", + "def _cursor_position_changed(self):\n", + "\n", + "def has_mixed_eol_chars(text):\n", + "\n", + "def normalize_eols(text, eol='\\n'):\n", + "\n", + "def is_builtin(text):\n", + "\n", + "def get_primary_at(source_code, offset, retry=True):\n", + "\n", + "def split_source(source_code):\n", + "\n", + "def get_identifiers(source_code):\n", + "\n", + "def path_components(path):\n", + "\n", + "def differentiate_prefix(path_components0, path_components1):\n", + "\n", + "def disambiguate_fname(files_path_list, filename):\n", + "\n", + "def get_same_name_files(files_path_list, filename):\n", + "\n", + "def add(self, decorations):\n", + "\n", + "def remove(self, decoration):\n", + "\n", + "def update(self):\n", + "\n", + "def _order_decorations(self):\n", + "\n", + " def order_function(sel):\n", + "\n", + "def get_signature(self, content):\n", + "\n", + "def is_defined(self, objtxt, force_import=False):\n", + "\n", + "def get_doc(self, objtxt):\n", + "\n", + "def _handle_inspect_reply(self, rep):\n", + "\n", + "def _encode_params(kw):\n", + "\n", + "def _encode_json(obj):\n", + "\n", + " def _dump_obj(obj):\n", + "\n", + "def authorize_url(self, state=None):\n", + "\n", + "def get_access_token(self, code, state=None):\n", + "\n", + "def send_request(req=None, method=None, requires_response=True):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def class_register(cls):\n", + "\n", + "def set_data(self, data, coll_filter=None):\n", + "\n", + "def sort(self, column, order=Qt.AscendingOrder):\n", + "\n", + "def rowCount(self, index=QModelIndex()):\n", + "\n", + "def get_value(self, index):\n", + "\n", + "def get_bgcolor(self, index):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def headerData(self, section, orientation, role=Qt.DisplayRole):\n", + "\n", + "def flags(self, index):\n", + "\n", + "def set_value(self, index, value):\n", + "\n", + "def get_bgcolor(self, index):\n", + "\n", + "def setData(self, index, value, role=Qt.EditRole):\n", + "\n", + "def show_warning(self, index):\n", + "\n", + "def createEditor(self, parent, option, index):\n", + "\n", + "def setEditorData(self, editor, index):\n", + "\n", + "def setModelData(self, editor, model, index):\n", + "\n", + "def setup_table(self):\n", + "\n", + "def setup_menu(self, minmax):\n", + "\n", + "def refresh_menu(self):\n", + "\n", + "def set_data(self, data):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def mouseDoubleClickEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def dragEnterEvent(self, event):\n", + "\n", + "def dragMoveEvent(self, event):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def toggle_minmax(self, state):\n", + "\n", + "def set_dataframe_format(self, new_format):\n", + "\n", + "def edit_item(self):\n", + "\n", + "def remove_item(self):\n", + "\n", + "def copy_item(self, erase_original=False):\n", + "\n", + "def insert_item(self):\n", + "\n", + "def plot_item(self, funcname):\n", + "\n", + "def imshow_item(self):\n", + "\n", + "def save_array(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def import_from_string(self, text, title=None):\n", + "\n", + "def paste(self):\n", + "\n", + "def remove_values(self, keys):\n", + "\n", + "def copy_value(self, orig_key, new_key):\n", + "\n", + "def new_value(self, key, value):\n", + "\n", + "def is_list(self, key):\n", + "\n", + "def is_set(self, key):\n", + "\n", + "def get_len(self, key):\n", + "\n", + "def is_array(self, key):\n", + "\n", + "def is_image(self, key):\n", + "\n", + "def is_dict(self, key):\n", + "\n", + "def get_array_shape(self, key):\n", + "\n", + "def get_array_ndim(self, key):\n", + "\n", + "def oedit(self, key):\n", + "\n", + "def plot(self, key, funcname):\n", + "\n", + "def imshow(self, key):\n", + "\n", + "def show_image(self, key):\n", + "\n", + "def refresh_menu(self):\n", + "\n", + "def setup(self, data, title='', readonly=False, width=650, remote=False,\n", + "\n", + "def save_and_close_enable(self):\n", + "\n", + "def get_value(self, name):\n", + "\n", + "def new_value(self, name, value):\n", + "\n", + "def remove_values(self, names):\n", + "\n", + "def copy_value(self, orig_name, new_name):\n", + "\n", + "def plot(self, name, funcname):\n", + "\n", + "def imshow(self, name):\n", + "\n", + "def show_image(self, name):\n", + "\n", + "def kernel_id(self):\n", + "\n", + "def stderr_file(self):\n", + "\n", + "def stderr_handle(self):\n", + "\n", + "def remove_stderr_file(self):\n", + "\n", + "def configure_shellwidget(self, give_focus=True):\n", + "\n", + "def stop_button_click_handler(self):\n", + "\n", + "def show_kernel_error(self, error):\n", + "\n", + "def get_name(self):\n", + "\n", + "def get_control(self):\n", + "\n", + "def get_options_menu(self):\n", + "\n", + "def get_toolbar_buttons(self):\n", + "\n", + "def add_actions_to_context_menu(self, menu):\n", + "\n", + "def set_font(self, font):\n", + "\n", + "def set_color_scheme(self, color_scheme, reset=True):\n", + "\n", + "def shutdown(self):\n", + "\n", + "def restart_kernel(self):\n", + "\n", + "def kernel_restarted_message(self, msg):\n", + "\n", + "def reset_namespace(self):\n", + "\n", + "def show_syspath(self, syspath):\n", + "\n", + "def show_env(self, env):\n", + "\n", + "def show_time(self, end=False):\n", + "\n", + "def set_elapsed_time_visible(self, state):\n", + "\n", + "def set_info_page(self):\n", + "\n", + "def _create_loading_page(self):\n", + "\n", + "def _create_blank_page(self):\n", + "\n", + "def _show_loading_page(self):\n", + "\n", + "def _hide_loading_page(self):\n", + "\n", + "def _read_stderr(self):\n", + "\n", + "def _show_mpl_backend_errors(self):\n", + "\n", + "def _calculate_position(self, at_line=None, at_position=None,\n", + "\n", + "def _update_stylesheet(self, widget):\n", + "\n", + "def _format_text(self, title, text, color, ellide=False):\n", + "\n", + "def _format_signature(self, signature, doc='', parameter='',\n", + "\n", + " def handle_sub(matchobj):\n", + "\n", + "def show_calltip(self, signature, doc='', parameter='', parameter_doc='',\n", + "\n", + "def show_tooltip(self, title, text, color=_DEFAULT_TITLE_COLOR,\n", + "\n", + "def set_eol_chars(self, text):\n", + "\n", + "def get_text_with_eol(self):\n", + "\n", + "def get_position(self, subject):\n", + "\n", + "def set_cursor_position(self, position):\n", + "\n", + "def move_cursor(self, chars=0):\n", + "\n", + "def is_cursor_on_first_line(self):\n", + "\n", + "def is_cursor_on_last_line(self):\n", + "\n", + "def is_cursor_before(self, position, char_offset=0):\n", + "\n", + "def move_cursor_to_next(self, what='word', direction='left'):\n", + "\n", + "def clear_selection(self):\n", + "\n", + "def extend_selection_to_next(self, what='word', direction='left'):\n", + "\n", + "def get_text_line(self, line_nb):\n", + "\n", + "def get_text(self, position_from, position_to):\n", + "\n", + "def get_character(self, position, offset=0):\n", + "\n", + "def get_current_word_and_position(self, completion=False):\n", + "\n", + " def is_space(move):\n", + "\n", + " def is_special_character(move):\n", + "\n", + "def get_current_word(self, completion=False):\n", + "\n", + "def get_current_line(self):\n", + "\n", + "def get_line_at(self, coordinates):\n", + "\n", + "def get_word_at(self, coordinates):\n", + "\n", + "def get_block_indentation(self, block_nb):\n", + "\n", + "def get_selection_bounds(self):\n", + "\n", + "def get_selected_text(self):\n", + "\n", + "def replace(self, text, pattern=None):\n", + "\n", + "def find_multiline_pattern(self, regexp, cursor, findflag):\n", + "\n", + "def find_text(self, text, changed=True, forward=True, case=False,\n", + "\n", + "def get_number_matches(self, pattern, source_text='', case=False,\n", + "\n", + "def get_match_number(self, pattern, case=False, regexp=False):\n", + "\n", + "def mouseReleaseEvent(self, event):\n", + "\n", + "def mouseMoveEvent(self, event):\n", + "\n", + "def leaveEvent(self, event):\n", + "\n", + "def show_object_info(self, text, call=False, force=False):\n", + "\n", + "def create_history_filename(self):\n", + "\n", + "def add_to_history(self, command):\n", + "\n", + "def browse_history(self, backward):\n", + "\n", + "def find_in_history(self, tocursor, start_idx, backward):\n", + "\n", + "def keyevent_to_keyseq(self, event):\n", + "\n", + "def setText(self, sequence):\n", + "\n", + "def set_text(self, text):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def setup(self):\n", + "\n", + "def event(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def check_conflicts(self):\n", + "\n", + "def check_singlekey(self):\n", + "\n", + "def update_warning(self):\n", + "\n", + "def set_sequence_from_str(self, sequence):\n", + "\n", + "def set_sequence_to_default(self):\n", + "\n", + "def accept_override(self):\n", + "\n", + "def current_index(self):\n", + "\n", + "def sortByName(self):\n", + "\n", + "def data(self, index, role=Qt.DisplayRole):\n", + "\n", + "def headerData(self, section, orientation, role=Qt.DisplayRole):\n", + "\n", + "def setData(self, index, value, role=Qt.EditRole):\n", + "\n", + "def update_search_letters(self, text):\n", + "\n", + "def set_filter(self, text):\n", + "\n", + "def filterAcceptsRow(self, row_num, parent):\n", + "\n", + "def focusOutEvent(self, e):\n", + "\n", + "def focusInEvent(self, e):\n", + "\n", + "def adjust_cells(self):\n", + "\n", + "def load_shortcuts(self):\n", + "\n", + "def check_shortcuts(self):\n", + "\n", + "def save_shortcuts(self):\n", + "\n", + "def show_editor(self):\n", + "\n", + "def set_regex(self, regex=None, reset=False):\n", + "\n", + "def next_row(self):\n", + "\n", + "def previous_row(self):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def reset_to_default(self):\n", + "\n", + "def get_color_scheme(name):\n", + "\n", + "def make_python_patterns(additional_keywords=[], additional_builtins=[]):\n", + "\n", + "def get_code_cell_name(text):\n", + "\n", + "def make_generic_c_patterns(keywords, builtins,\n", + "\n", + "def make_fortran_patterns():\n", + "\n", + "def make_nsis_patterns():\n", + "\n", + "def make_gettext_patterns():\n", + "\n", + "def make_yaml_patterns():\n", + "\n", + "def make_html_patterns():\n", + "\n", + "def guess_pygments_highlighter(filename):\n", + "\n", + "def highlightBlock(self, text):\n", + "\n", + "def highlight_spaces(self, text, offset=0):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def highlight_block(self, text):\n", + "\n", + "def make_charlist(self):\n", + "\n", + " def worker_output(worker, output, error):\n", + "\n", + "def _make_charlist(self, tokens, tokmap, formats):\n", + "\n", + " def _get_fmt(typ):\n", + "\n", + "def highlightBlock(self, text):\n", + "\n", + "def get_submodules(mod):\n", + "\n", + " def catch_exceptions(module):\n", + "\n", + "def get_preferred_submodules():\n", + "\n", + "def is_stable_version(version):\n", + "\n", + "def use_dev_config_dir(use_dev_config_dir=USE_DEV_CONFIG_DIR):\n", + "\n", + "def debug_print(*message):\n", + "\n", + "def get_home_dir():\n", + "\n", + "def get_clean_conf_dir():\n", + "\n", + "def get_conf_path(filename=None):\n", + "\n", + "def get_module_path(modname):\n", + "\n", + "def get_module_data_path(modname, relpath=None, attr_name='DATAPATH'):\n", + "\n", + "def get_module_source_path(modname, basename=None):\n", + "\n", + "def get_image_path(name, default=\"not_found.png\"):\n", + "\n", + "def get_available_translations():\n", + "\n", + "def get_interface_language():\n", + "\n", + "def load_lang_conf():\n", + "\n", + "def get_translation(modname, dirname=None):\n", + "\n", + " def translate_dumb(x):\n", + "\n", + " def translate_gettext(x):\n", + "\n", + "def reset_config_files():\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def refresh_plugin(self, new_path=None, force_current=True):\n", + "\n", + "def is_type_text_string(obj):\n", + "\n", + "def to_binary_string(obj, encoding=None):\n", + "\n", + "def save_history(self):\n", + "\n", + "def visibility_changed(self, enable):\n", + "\n", + "def get_focus_widget(self):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def synchronize(self):\n", + "\n", + "def update_list(self):\n", + "\n", + "def refresh(self, row=None):\n", + "\n", + "def eventFilter(self, widget, event):\n", + "\n", + "def edit_tab(self, index):\n", + "\n", + "def edit_finished(self):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def dragEnterEvent(self, event):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def mouseDoubleClickEvent(self, event):\n", + "\n", + "def update_browse_tabs_menu(self):\n", + "\n", + "def set_corner_widgets(self, corner_widgets):\n", + "\n", + "def contextMenuEvent(self, event):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def tab_navigate(self, delta=1):\n", + "\n", + "def set_close_function(self, func):\n", + "\n", + "def move_tab(self, index_from, index_to):\n", + "\n", + "def move_tab_from_another_tabwidget(self, tabwidget_from,\n", + "\n", + "def get_run_configuration(fname):\n", + "\n", + "def select_directory(self):\n", + "\n", + "def add_widgets(self, *widgets_or_spacings):\n", + "\n", + "def add_button_box(self, stdbtns):\n", + "\n", + "def setup(self, fname):\n", + "\n", + "def accept(self):\n", + "\n", + "def setup(self, fname):\n", + "\n", + "def accept(self):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + " def draw_pixmap(ytop, pixmap):\n", + "\n", + "def mouseMoveEvent(self, event):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def compute_width(self):\n", + "\n", + "def setup_margins(self, linenumbers=True, markers=True):\n", + "\n", + "def process_python_symbol_data(oedata):\n", + "\n", + "def get_python_symbol_icons(oedata):\n", + "\n", + "def shorten_paths(path_list, is_unsaved):\n", + "\n", + " def recurse_level(level_idx):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def save_initial_state(self):\n", + "\n", + "def restore_initial_state(self):\n", + "\n", + "def set_dialog_position(self):\n", + "\n", + "def get_item_size(self, content):\n", + "\n", + "def fix_size(self, content):\n", + "\n", + "def select_row(self, steps):\n", + "\n", + "def previous_row(self):\n", + "\n", + "def next_row(self):\n", + "\n", + "def get_stack_index(self, stack_index, plugin_index):\n", + "\n", + "def get_plugin_data(self, plugin):\n", + "\n", + "def get_plugin_tabwidget(self, plugin):\n", + "\n", + "def get_widget(self, index=None, path=None, tabs=None):\n", + "\n", + "def set_editor_cursor(self, editor, cursor):\n", + "\n", + "def goto_line(self, line_number):\n", + "\n", + "def item_selection_changed(self):\n", + "\n", + "def setup_file_list(self, filter_text, current_path):\n", + "\n", + "def setup_symbol_list(self, filter_text, current_path):\n", + "\n", + "def setup(self):\n", + "\n", + "def add_plugin(self, plugin, tabs, data, icon):\n", + "\n", + "def is_binary(filename):\n", + "\n", + "def get_vcs_info(path):\n", + "\n", + "def get_vcs_root(path):\n", + "\n", + "def run_vcs_tool(path, action):\n", + "\n", + "def get_hg_revision(repopath):\n", + "\n", + "def get_git_revision(repopath):\n", + "\n", + "def get_git_refs(repopath):\n", + "\n", + "def is_module_or_package(path):\n", + "\n", + "def event(self, event):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def handle_keypress(self):\n", + "\n", + "def add_text(self, text):\n", + "\n", + "def add_current_text_if_valid(self):\n", + "\n", + "def show_tip(self, tip=\"\"):\n", + "\n", + "def validate(self, qstr, editing=True):\n", + "\n", + "def focusInEvent(self, event):\n", + "\n", + "def focusOutEvent(self, event):\n", + "\n", + "def _complete_options(self):\n", + "\n", + "def double_tab_complete(self):\n", + "\n", + "def tab_complete(self):\n", + "\n", + "def is_valid(self, qstr=None):\n", + "\n", + "def selected(self):\n", + "\n", + "def add_current_text(self):\n", + "\n", + "def add_tooltip_to_highlighted_item(self, index):\n", + "\n", + "def is_valid(self, qstr=None):\n", + "\n", + "def is_valid(self, qstr=None):\n", + "\n", + "def is_valid(self, qstr=None):\n", + "\n", + "def selected(self):\n", + "\n", + "def set_historylog(self, historylog):\n", + "\n", + "def closing_plugin(self, cancelable=False):\n", + "\n", + "def get_plugin_actions(self):\n", + "\n", + "def register_plugin(self):\n", + "\n", + "def exception_occurred(self, text, is_traceback):\n", + "\n", + "def close_error_dlg(self):\n", + "\n", + "def show_syspath(self):\n", + "\n", + "def run_script(self, filename=None, silent=False, set_focus=False,\n", + "\n", + "def go_to_error(self, text):\n", + "\n", + "def edit_script(self, filename=None, goto=-1):\n", + "\n", + "def execute_lines(self, lines):\n", + "\n", + "def change_exteditor(self):\n", + "\n", + "def toggle_wrap_mode(self, checked):\n", + "\n", + "def toggle_codecompletion(self, checked):\n", + "\n", + "def dragEnterEvent(self, event):\n", + "\n", + "def dropEvent(self, event):\n", + "\n", + "def install():\n", + "\n", + "def remove():\n", + "\n", + "def get_tour(index):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def reject(self):\n", + "\n", + "def mousePressEvent(self, event):\n", + "\n", + "def _set_data(self):\n", + "\n", + "def lost_focus(self):\n", + "\n", + "def gain_focus(self):\n", + "\n", + "def any_has_focus(self):\n", + "\n", + "def _handle_display_data(self, msg):\n", + "\n", + "def get_file_language(filename, text=None):\n", + "\n", + "def text_has_changed(self, text):\n", + "\n", + "def save_figure_tofile(fig, fmt, fname):\n", + "\n", + "def get_unique_figname(dirname, root, ext):\n", + "\n", + "def setup(self, mute_inline_plotting=None, show_plot_outline=None):\n", + "\n", + "def setup_toolbar(self):\n", + "\n", + "def setup_option_actions(self, mute_inline_plotting, show_plot_outline):\n", + "\n", + "def create_shortcuts(self):\n", + "\n", + "def option_changed(self, option, value):\n", + "\n", + "def show_fig_outline_in_viewer(self, state):\n", + "\n", + "def set_shellwidget(self, shellwidget):\n", + "\n", + "def copy_figure(self):\n", + "\n", + "def setup_figcanvas(self):\n", + "\n", + "def load_figure(self, fig, fmt):\n", + "\n", + "def eventFilter(self, widget, event):\n", + "\n", + "def zoom_in(self):\n", + "\n", + "def zoom_out(self):\n", + "\n", + "def scale_image(self):\n", + "\n", + "def _adjust_scrollbar(self, f):\n", + "\n", + "def setup_gui(self):\n", + "\n", + "def setup_scrollarea(self):\n", + "\n", + "def setup_arrow_buttons(self):\n", + "\n", + "def save_all_figures_as(self):\n", + "\n", + "def save_all_figures_todir(self, dirname):\n", + "\n", + "def save_current_figure_as(self):\n", + "\n", + "def save_figure_as(self, fig, fmt):\n", + "\n", + "def remove_all_thumbnails(self):\n", + "\n", + "def remove_thumbnail(self, thumbnail):\n", + "\n", + "def set_current_thumbnail(self, thumbnail):\n", + "\n", + "def go_previous_thumbnail(self):\n", + "\n", + "def go_next_thumbnail(self):\n", + "\n", + "def scroll_to_item(self, index):\n", + "\n", + "def go_up(self):\n", + "\n", + "def setup_gui(self):\n", + "\n", + "def setup_toolbar(self):\n", + "\n", + "def highlight_canvas(self, highlight):\n", + "\n", + "def eventFilter(self, widget, event):\n", + "\n", + "def emit_save_figure(self):\n", + "\n", + "def context_menu_requested(self, event):\n", + "\n", + "def copy_figure(self):\n", + "\n", + "def blink_figure(self):\n", + "\n", + "def clear_canvas(self):\n", + "\n", + "def load_figure(self, fig, fmt):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def python_executable_changed(self, pyexec):\n", + "\n", + "def set_umr_namelist(self):\n", + "\n", + "def set_custom_interpreters_list(self, value):\n", + "\n", + "def validate_custom_interpreters_list(self):\n", + "\n", + "def on_install(self, editor):\n", + "\n", + "def paintEvent(self, event):\n", + "\n", + "def setVisible(self, visible):\n", + "\n", + "def set_geometry(self, crect):\n", + "\n", + "def openssh_tunnel(self, lport, rport, server, remoteip='127.0.0.1',\n", + "\n", + "def configure_namespacebrowser(self):\n", + "\n", + "def set_namespace_view_settings(self):\n", + "\n", + "def get_value(self, name):\n", + "\n", + "def set_value(self, name, value):\n", + "\n", + "def remove_value(self, name):\n", + "\n", + "def copy_value(self, orig_name, new_name):\n", + "\n", + "def _handle_spyder_msg(self, msg):\n", + "\n", + "def _handle_execute_reply(self, msg):\n", + "\n", + "def _handle_status(self, msg):\n", + "\n", + "def closeEvent(self, event):\n", + "\n", + "def initialize_plugin_in_mainwindow_layout(self):\n", + "\n", + "def update_margins(self):\n", + "\n", + "def update_plugin_title(self):\n", + "\n", + "def create_dockwidget(self):\n", + "\n", + "def create_configwidget(self, parent):\n", + "\n", + "def get_plugin_font(self, rich_text=False):\n", + "\n", + "def show_message(self, message, timeout=0):\n", + "\n", + "def create_toggle_view_action(self):\n", + "\n", + "def toggle_view(self, checked):\n", + "\n", + "def close_window(self):\n", + "\n", + "def create_window(self):\n", + "\n", + "def on_top_level_changed(self, top_level):\n", + "\n", + "def cut(self):\n", + "\n", + "def keyPressEvent(self, event):\n", + "\n", + "def _submit_to_github(self):\n", + "\n", + "def _show_details(self):\n", + "\n", + "def _contents_changed(self):\n", + "\n", + "def unmatched_brackets_in_line(self, text, closing_brackets_type=None):\n", + "\n", + "def _autoinsert_brackets(self, key):\n", + "\n", + "def build_montages(image_list, image_shape, montage_shape):\n", + "\n", + "def adjust_brightness_contrast(image, brightness=0., contrast=0.):\n", + "\n", + "def put_text(img, text, org, font_face, font_scale, color, thickness=1, line_type=8, bottom_left_origin=False):\n", + "\n", + "def put_centered_text(img, text, font_face, font_scale, color, thickness=1, line_type=8):\n", + "\n", + "def corners_to_keypoints(corners):\n", + "\n", + "def path_to_url(path):\n", + "\n", + "def is_installable_dir(path):\n", + "\n", + "def get_requires_for_build_wheel(config_settings=None):\n", + "\n", + "def build_wheel(wheel_directory, config_settings=None, metadata_directory=None):\n", + "\n", + "def build_sdist(sdist_directory, config_settings=None):\n", + "\n", + "def find_packages(self, include):\n", + "\n", + " def find_nearest_pkg(rel_path):\n", + "\n", + "def clean_tarinfo(cls, tar_info):\n", + "\n", + " def _get_min(dependency):\n", + "\n", + "def run(self, bin, *args, **kwargs):\n", + "\n", + "def format_python_constraint(constraint):\n", + "\n", + "def get_abbr_impl(env):\n", + "\n", + "def get_impl_ver(env):\n", + "\n", + "def get_flag(env, var, fallback, expected=True, warn=True):\n", + "\n", + "def deactivate(self):\n", + "\n", + "def install(self, version, upgrade=False):\n", + "\n", + "def make_lib(self, version):\n", + "\n", + "def update_path(self):\n", + "\n", + "def clean_link(self, url):\n", + "\n", + "def register_logger(self, logger):\n", + "\n", + "def _register(self, session, url):\n", + "\n", + "def make(cls, poetry, env, io):\n", + "\n", + "def _write_entry_points(self, fp):\n", + "\n", + "def _get_win_folder_from_registry(csidl_name):\n", + "\n", + "def _get_extra_packages(self, repo):\n", + "\n", + " def _extra_packages(packages):\n", + "\n", + "def _fetch_json(self):\n", + "\n", + "def prefix_search(self, job_name_prefix):\n", + "\n", + "def status_search(self, status):\n", + "\n", + "def move(self, old_path, new_path, raise_if_exists=False):\n", + "\n", + "def rename_dont_move(self, path, dest):\n", + "\n", + "def makedirs(self):\n", + "\n", + "def track_job(job_id):\n", + "\n", + "def fetch_task_failures(self):\n", + "\n", + "def fetch_task_output(self):\n", + "\n", + "def _run_job(self):\n", + "\n", + "def run(self):\n", + "\n", + "def output(self):\n", + "\n", + "def from_utc(utcTime, fmt=None):\n", + "\n", + "def run(api_port=8082, address=None, unix_socket=None, scheduler=None):\n", + "\n", + " def shutdown_handler(signum, frame):\n", + "\n", + " def exit_handler():\n", + "\n", + "def get_soql_fields(soql):\n", + "\n", + "def parse_results(fields, data):\n", + "\n", + "def _traverse_results(value, fields, row, path):\n", + "\n", + "def merge_batch_results(self, result_ids):\n", + "\n", + "def start_session(self):\n", + "\n", + "def query(self, query, **kwargs):\n", + "\n", + "def query_more(self, next_records_identifier, identifier_is_url=False, **kwargs):\n", + "\n", + "def query_all(self, query, **kwargs):\n", + "\n", + "def restful(self, path, params):\n", + "\n", + "def create_operation_job(self, operation, obj, external_id_field_name=None, content_type=None):\n", + "\n", + "def get_job_details(self, job_id):\n", + "\n", + "def abort_job(self, job_id):\n", + "\n", + "def close_job(self, job_id):\n", + "\n", + "def create_batch(self, job_id, data, file_type):\n", + "\n", + "def block_on_batch(self, job_id, batch_id, sleep_time_seconds=5, max_wait_time_seconds=-1):\n", + "\n", + "def get_batch_results(self, job_id, batch_id):\n", + "\n", + "def get_batch_result_ids(self, job_id, batch_id):\n", + "\n", + "def get_batch_result(self, job_id, batch_id, result_id):\n", + "\n", + "def _parse_qstat_state(qstat_out, job_id):\n", + "\n", + "def _build_qsub_command(cmd, job_name, outfile, errfile, pe, n_cpu):\n", + "\n", + "def _dump(self, out_dir=''):\n", + "\n", + "def run(self):\n", + "\n", + "def get_autoconfig_client(client_cache=_AUTOCONFIG_CLIENT):\n", + "\n", + "def wrap_traceback(traceback):\n", + "\n", + "def send_email_ses(sender, subject, message, recipients, image_png):\n", + "\n", + "def send_email_sns(sender, subject, message, topic_ARN, image_png):\n", + "\n", + "def send_email(subject, message, sender, recipients, image_png=None):\n", + "\n", + "def send_error_email(subject, message, additional_recipients=None):\n", + "\n", + "def format_task_error(headline, task, command, formatted_exception=None):\n", + "\n", + "def exists(self, path):\n", + "\n", + "def mkdir(self, path, parents=True, mode=0o755, raise_if_exists=False):\n", + "\n", + "def touchz(self, path):\n", + "\n", + "def open(self, mode):\n", + "\n", + "def run(self):\n", + "\n", + "def requires(self):\n", + "\n", + "def get_path(self):\n", + "\n", + "def done(self):\n", + "\n", + "def exists(self, path):\n", + "\n", + "def remove(self, path, recursive=True):\n", + "\n", + "def get_key(self, path):\n", + "\n", + "def put(self, local_path, destination_s3_path, **kwargs):\n", + "\n", + "def put_string(self, content, destination_s3_path, **kwargs):\n", + "\n", + "def put_multipart(self, local_path, destination_s3_path, part_size=DEFAULT_PART_SIZE, **kwargs):\n", + "\n", + "def copy(self, source_path, destination_path, threads=DEFAULT_THREADS, start_time=None, end_time=None,\n", + "\n", + "def get(self, s3_path, destination_local_path):\n", + "\n", + "def get_as_bytes(self, s3_path):\n", + "\n", + "def get_as_string(self, s3_path, encoding='utf-8'):\n", + "\n", + "def isdir(self, path):\n", + "\n", + "def listdir(self, path, start_time=None, end_time=None, return_key=False):\n", + "\n", + "def exists(self, path, mtime=None):\n", + "\n", + "def remove(self, path, recursive=True):\n", + "\n", + "def _rm_recursive(self, ftp, path):\n", + "\n", + "def put(self, local_path, path, atomic=True):\n", + "\n", + "def get(self, path, local_path):\n", + "\n", + "def listdir(self, path='.'):\n", + "\n", + "def open(self, mode):\n", + "\n", + "def get_collection(self):\n", + "\n", + "def read(self):\n", + "\n", + "def write(self, value):\n", + "\n", + "def read(self):\n", + "\n", + "def write(self, values):\n", + "\n", + "def get_empty_ids(self):\n", + "\n", + "def _section(cls, opts):\n", + "\n", + "def setup(cls,\n", + "\n", + "def _cli(cls, opts):\n", + "\n", + "def _conf(cls, opts):\n", + "\n", + "def _default(cls, opts):\n", + "\n", + "def _conf(cls, opts):\n", + "\n", + "def _default(cls, opts):\n", + "\n", + "def get_configured_hdfs_client():\n", + "\n", + "def tmppath(path=None, include_unix_username=True):\n", + "\n", + "def _wait_for_consistency(checker):\n", + "\n", + "def move(self, source_path, destination_path):\n", + "\n", + "def listdir(self, path):\n", + "\n", + "def list_wildcard(self, wildcard_path):\n", + "\n", + "def download(self, path, chunksize=None, chunk_callback=lambda _: False):\n", + "\n", + "def create_subprocess(self, command):\n", + "\n", + " def subprocess_setup():\n", + "\n", + "def _finish(self):\n", + "\n", + "def check_complete(task, out_queue):\n", + "\n", + "def _add_task(self, *args, **kwargs):\n", + "\n", + "def add(self, task, multiprocess=False, processes=0):\n", + "\n", + "def _purge_children(self):\n", + "\n", + "def _handle_next_task(self):\n", + "\n", + "def _keep_alive(self, get_work_response):\n", + "\n", + "def run(self):\n", + "\n", + "def _upgrade_schema(engine):\n", + "\n", + "def find_all_by_parameters(self, task_name, session=None, **task_params):\n", + "\n", + "def find_all_runs(self, session=None):\n", + "\n", + "def find_all_events(self, session=None):\n", + "\n", + "def find_task_by_id(self, id, session=None):\n", + "\n", + "def get_authenticate_kwargs(oauth_credentials=None, http_=None):\n", + "\n", + "def _credentials(self):\n", + "\n", + "def do_prune(self):\n", + "\n", + "def create_schema(self, connection):\n", + "\n", + "def create_table(self, connection):\n", + "\n", + "def run(self):\n", + "\n", + "def copy(self, cursor, f):\n", + "\n", + "def does_schema_exist(self, connection):\n", + "\n", + "def does_table_exist(self, connection):\n", + "\n", + "def init_copy(self, connection):\n", + "\n", + "def post_copy(self, cursor):\n", + "\n", + "def post_copy_metacolums(self, cursor):\n", + "\n", + "def copy(self, cursor, f):\n", + "\n", + "def output(self):\n", + "\n", + "def run(self):\n", + "\n", + "def dates(self):\n", + "\n", + "def hours(self):\n", + "\n", + "def run(self):\n", + "\n", + "def copy(self, path, dest, raise_if_exists=False):\n", + "\n", + "def remove(self, path, recursive=True, skip_trash=True):\n", + "\n", + "def move(self, path, dest, raise_if_exists=False):\n", + "\n", + "def listdir(self, path):\n", + "\n", + "def move(self, path, raise_if_exists=False):\n", + "\n", + "def _recursively_freeze(value):\n", + "\n", + "def _get_value_from_config(self, section, name):\n", + "\n", + "def _value_iterator(self, task_name, param_name):\n", + "\n", + "def _parse_list(self, xs):\n", + "\n", + "def parse(self, s):\n", + "\n", + "def serialize(self, dt):\n", + "\n", + "def _add_months(self, date, months):\n", + "\n", + "def normalize(self, dt):\n", + "\n", + "def parse(self, val):\n", + "\n", + "def parse(self, s):\n", + "\n", + "def parse(self, input):\n", + "\n", + "def serialize(self, x):\n", + "\n", + "def parse(self, x):\n", + "\n", + "def run(self):\n", + "\n", + "def create_packages_archive(packages, filename):\n", + "\n", + " def add(src, dst):\n", + "\n", + " def add_files_for_package(sub_package_path, root_package_path, root_package_name):\n", + "\n", + "def flatten(sequence):\n", + "\n", + "def run_and_track_hadoop_job(arglist, tracking_url_callback=None, env=None):\n", + "\n", + " def write_luigi_history(arglist, history):\n", + "\n", + " def track_process(arglist, tracking_url_callback, env=None):\n", + "\n", + " def tracking_url_callback(x):\n", + "\n", + "def fetch_task_failures(tracking_url):\n", + "\n", + "def _get_pool(self):\n", + "\n", + "def job_runner(self):\n", + "\n", + "def writer(self, outputs, stdout, stderr=sys.stderr):\n", + "\n", + "def incr_counter(self, *args, **kwargs):\n", + "\n", + "def _flush_batch_incr_counter(self):\n", + "\n", + "def _incr_counter(self, *args):\n", + "\n", + "def dump(self, directory=''):\n", + "\n", + "def _map_input(self, input_stream):\n", + "\n", + "def _reduce_input(self, inputs, reducer, final=NotImplemented):\n", + "\n", + "def run_mapper(self, stdin=sys.stdin, stdout=sys.stdout):\n", + "\n", + "def run_reducer(self, stdin=sys.stdin, stdout=sys.stdout):\n", + "\n", + "def internal_reader(self, input_stream):\n", + "\n", + "def internal_writer(self, outputs, stdout):\n", + "\n", + "def touch(self, connection=None):\n", + "\n", + "def connect(self):\n", + "\n", + "def create_marker_table(self):\n", + "\n", + "def rows(self):\n", + "\n", + "def map_column(self, value):\n", + "\n", + "def output(self):\n", + "\n", + "def run(self):\n", + "\n", + "def get_config(parser=PARSER):\n", + "\n", + "def add_config_path(path):\n", + "\n", + "def _setup_packages(self, sc):\n", + "\n", + "def main(args=None, stdin=sys.stdin, stdout=sys.stdout, print_exception=print_exception):\n", + "\n", + "def run_with_retcodes(argv):\n", + "\n", + " def has(status):\n", + "\n", + "def find_deps_cli():\n", + "\n", + "def get_task_output_description(task_output):\n", + "\n", + "def _constrain_glob(glob, paths, limit=5):\n", + "\n", + " def digit_set_wildcard(chars):\n", + "\n", + "def most_common(items):\n", + "\n", + "def _get_per_location_glob(tasks, outputs, regexes):\n", + "\n", + "def _get_filesystems_and_globs(datetime_to_task, datetime_to_re):\n", + "\n", + "def _list_existing(filesystem, glob, paths):\n", + "\n", + "def infer_bulk_complete_from_fs(datetimes, datetime_to_task, datetime_to_re):\n", + "\n", + "def of_cls(self):\n", + "\n", + "def _emit_metrics(self, missing_datetimes, finite_start, finite_stop):\n", + "\n", + "def missing_datetimes(self, finite_datetimes):\n", + "\n", + "def _missing_datetimes(self, finite_datetimes):\n", + "\n", + "def parameters_to_datetime(self, p):\n", + "\n", + "def finite_datetimes(self, finite_start, finite_stop):\n", + "\n", + "def finite_datetimes(self, finite_start, finite_stop):\n", + "\n", + "def finite_datetimes(self, finite_start, finite_stop):\n", + "\n", + "def finite_datetimes(self, finite_start, finite_stop):\n", + "\n", + "def touch(self, connection=None):\n", + "\n", + "def connect(self):\n", + "\n", + "def create_marker_table(self):\n", + "\n", + "def get_opener(self, name):\n", + "\n", + "def add(self, opener):\n", + "\n", + "def open(self, target_uri, **kwargs):\n", + "\n", + "def conform_query(cls, query):\n", + "\n", + "def get_target(cls, scheme, path, fragment, username,\n", + "\n", + "def _schedule_and_run(tasks, worker_scheduler_factory=None, override_defaults=None):\n", + "\n", + "def run(*args, **kwargs):\n", + "\n", + "def build(tasks, worker_scheduler_factory=None, detailed_summary=False, **env_params):\n", + "\n", + "def touch(self, connection=None):\n", + "\n", + "def create_marker_table(self):\n", + "\n", + "def run(self):\n", + "\n", + "def fix_paths(job):\n", + "\n", + "def get_active_queue(self):\n", + "\n", + "def get_job_id_from_name(self, job_name):\n", + "\n", + "def get_job_status(self, job_id):\n", + "\n", + "def get_logs(self, log_stream_name, get_last=50):\n", + "\n", + "def submit_job(self, job_definition, parameters, job_name=None, queue=None):\n", + "\n", + "def wait_on_job(self, job_id):\n", + "\n", + "def register_job_definition(self, json_fpath):\n", + "\n", + "def main(args=sys.argv):\n", + "\n", + "def _get_input_schema(self):\n", + "\n", + " def read_schema(fp):\n", + "\n", + "def print_tree(task, indent='', last=True):\n", + "\n", + "def _urljoin(base, url):\n", + "\n", + "def dataset_exists(self, dataset):\n", + "\n", + "def table_exists(self, table):\n", + "\n", + "def make_dataset(self, dataset, raise_if_exists=False, body=None):\n", + "\n", + "def delete_dataset(self, dataset, delete_nonempty=True):\n", + "\n", + "def delete_table(self, table):\n", + "\n", + "def list_datasets(self, project_id):\n", + "\n", + "def list_tables(self, dataset):\n", + "\n", + "def get_view(self, table):\n", + "\n", + "def update_view(self, table, view):\n", + "\n", + "def run_job(self, project_id, body, dataset=None):\n", + "\n", + "def copy(self,\n", + "\n", + "def from_bqtable(cls, table, client=None):\n", + "\n", + "def source_uris(self):\n", + "\n", + "def destination_uris(self):\n", + "\n", + "def Popen(self, cmd, **kwargs):\n", + "\n", + "def check_output(self, cmd):\n", + "\n", + "def tunnel(self, local_port, remote_port=None, remote_host=\"localhost\"):\n", + "\n", + "def isdir(self, path):\n", + "\n", + "def remove(self, path, recursive=True):\n", + "\n", + "def getpcmd(pid):\n", + "\n", + "def acquire_for(pid_dir, num_available=1, kill_signal=None):\n", + "\n", + "def add_failure(self):\n", + "\n", + "def num_failures(self):\n", + "\n", + "def is_trivial_worker(self, state):\n", + "\n", + "def num_pending_tasks(self):\n", + "\n", + "def _update_priority(self, task, prio, worker):\n", + "\n", + "def add_task(self, task_id=None, status=PENDING, runnable=True,\n", + "\n", + "def _traverse_graph(self, root_task_id, seen=None, dep_func=None, include_done=True):\n", + "\n", + " def dep_func(t):\n", + "\n", + "def task_list(self, status='', upstream_status='', limit=True, search=None, max_shown_tasks=None,\n", + "\n", + " def filter_func(_):\n", + "\n", + " def filter_func(t):\n", + "\n", + "def resource_list(self):\n", + "\n", + "def resources(self):\n", + "\n", + "def task_search(self, task_str, **kwargs):\n", + "\n", + "def exists(self):\n", + "\n", + "def temporary_path(self):\n", + "\n", + " def output(self):\n", + "\n", + " def run(self):\n", + "\n", + "def marker_index_document_id(self):\n", + "\n", + "def touch(self):\n", + "\n", + "def exists(self):\n", + "\n", + "def create_marker_index(self):\n", + "\n", + "def ensure_hist_size(self):\n", + "\n", + "def _docs(self):\n", + "\n", + "def create_index(self):\n", + "\n", + "def delete_index(self):\n", + "\n", + "def output(self):\n", + "\n", + "def run(self):\n", + "\n", + "def _get_with_default(self, method, section, option, default, expected_type=None, **kwargs):\n", + "\n", + "def __track_job(self):\n", + "\n", + "def __verify_job_has_started(self):\n", + "\n", + "def __get_job_status(self):\n", + "\n", + "def engine(self):\n", + "\n", + "def touch(self):\n", + "\n", + "def create_marker_table(self):\n", + "\n", + "def create_table(self, engine):\n", + "\n", + " def construct_sqla_columns(columns):\n", + "\n", + "def copy(self, conn, ins_rows, table_bound):\n", + "\n", + "def main(args=sys.argv):\n", + "\n", + "def rename(self, path, raise_if_exists=False):\n", + "\n", + "def move(self, path, raise_if_exists=False):\n", + "\n", + "def is_writable(self):\n", + "\n", + "def _partition_tasks(worker):\n", + "\n", + "def _populate_unknown_statuses(set_tasks):\n", + "\n", + "def _depth_first_search(set_tasks, current_task, visited):\n", + "\n", + "def _get_str(task_dict, extra_indent):\n", + "\n", + "def _ranging_attributes(attributes, param_class):\n", + "\n", + "def _get_comments(group_tasks):\n", + "\n", + "def _get_run_by_other_worker(worker):\n", + "\n", + "def _get_external_workers(worker):\n", + "\n", + "def _group_tasks_by_name_and_status(task_dict):\n", + "\n", + "def _tasks_status(set_tasks):\n", + "\n", + "def task_id_str(task_family, params):\n", + "\n", + "def externalize(taskclass_or_taskobject):\n", + "\n", + " def requires(self):\n", + "\n", + "def getpaths(struct):\n", + "\n", + "def flatten(struct):\n", + "\n", + "def flatten_output(task):\n", + "\n", + "def get_bite(self):\n", + "\n", + "def move(self, path, dest):\n", + "\n", + "def rename_dont_move(self, path, dest):\n", + "\n", + "def remove(self, path, recursive=True, skip_trash=False):\n", + "\n", + "def chmod(self, path, permissions, recursive=False):\n", + "\n", + "def chown(self, path, owner, group, recursive=False):\n", + "\n", + "def count(self, path):\n", + "\n", + "def get(self, path, local_destination):\n", + "\n", + "def get_merge(self, path, local_destination):\n", + "\n", + "def mkdir(self, path, parents=True, mode=0o755, raise_if_exists=False):\n", + "\n", + "def listdir(self, path, ignore_directories=False, ignore_files=False,\n", + "\n", + "def instance(cls, *args, **kwargs):\n", + "\n", + "def load_task(module, task_name, params_str):\n", + "\n", + "def task_family(cls):\n", + "\n", + "def _get_reg(cls):\n", + "\n", + "def _set_reg(cls, reg):\n", + "\n", + "def get_task_cls(cls, name):\n", + "\n", + "def get_all_params(cls):\n", + "\n", + "def _editdistance(a, b):\n", + "\n", + "def _module_parents(module_name):\n", + "\n", + "def _get_task_statuses(task_ids, cluster):\n", + "\n", + "def _track_tasks(task_ids, cluster):\n", + "\n", + "def create_table(self, connection):\n", + "\n", + "def init_copy(self, connection):\n", + "\n", + "def common_params(task_instance, task_cls):\n", + "\n", + "def delegates(task_that_delegates):\n", + "\n", + " def deps(self):\n", + "\n", + " def run(self):\n", + "\n", + "def previous(task):\n", + "\n", + "def create_hadoopcli_client():\n", + "\n", + "def exists(self, path):\n", + "\n", + "def mkdir(self, path, parents=True, raise_if_exists=False):\n", + "\n", + "def run_hive(args, check_return_code=True):\n", + "\n", + "def run_hive_script(script):\n", + "\n", + "def hiveconfs(self):\n", + "\n", + "def prepare_outputs(self, job):\n", + "\n", + "def path(self):\n", + "\n", + "def touch(self):\n", + "\n", + "def global_instance(cls, cmdline_args, allow_override=False):\n", + "\n", + "def _get_task_kwargs(self):\n", + "\n", + "def _possibly_exit_with_help(parser, known_args):\n", + "\n", + "def relpath(self, current_file, rel_path):\n", + "\n", + "def args(self):\n", + "\n", + "def add_event(self, event):\n", + "\n", + "def write(self, bytestring):\n", + "\n", + "def flush(self):\n", + "\n", + "def close(self):\n", + "\n", + "def _extract_device_name_from_event(event):\n", + "\n", + "def _comm_tensor_data(device_name,\n", + "\n", + "def add_graph(self, run_key, device_name, graph_def, debug=False):\n", + "\n", + "def get_graphs(self, run_key, debug=False):\n", + "\n", + "def get_graph(self, run_key, device_name, debug=False):\n", + "\n", + "def get_maybe_base_expanded_node_name(self, node_name, run_key, device_name):\n", + "\n", + "def on_core_metadata_event(self, event):\n", + "\n", + "def on_graph_def(self, graph_def, device_name, wall_time):\n", + "\n", + "def on_value_event(self, event):\n", + "\n", + "def add_debugged_source_file(self, debugged_source_file):\n", + "\n", + "def get_op_traceback(self, op_name):\n", + "\n", + "def get_file_tracebacks(self, file_path):\n", + "\n", + "def query_tensor_store(self,\n", + "\n", + "def Respond(request,\n", + "\n", + "def _find_longest_parent_path(path_set, path):\n", + "\n", + "def _protobuf_value_type(value):\n", + "\n", + "def _protobuf_value_to_string(value):\n", + "\n", + "def _find_experiment_tag(self):\n", + "\n", + "def _compute_experiment_from_runs(self):\n", + "\n", + "def _compute_hparam_infos(self):\n", + "\n", + "def _compute_hparam_info_from_values(self, name, values):\n", + "\n", + "def _compute_metric_names(self):\n", + "\n", + "def run(self):\n", + "\n", + "def session_start_pb(hparams,\n", + "\n", + "def session_end_pb(status, end_time_secs=None):\n", + "\n", + "def _summary(tag, hparams_plugin_data):\n", + "\n", + "def _IsDirectory(parent, item):\n", + "\n", + "def ListPlugins(logdir):\n", + "\n", + "def ListAssets(logdir, plugin_name):\n", + "\n", + "def RetrieveAsset(logdir, plugin_name, asset_name):\n", + "\n", + "def distributions_impl(self, tag, run):\n", + "\n", + "def distributions_route(self, request):\n", + "\n", + "def Load(self):\n", + "\n", + "def _LoadInternal(self):\n", + "\n", + "def _SetPath(self, path):\n", + "\n", + "def _GetNextPath(self):\n", + "\n", + "def _HasOOOWrite(self, path):\n", + "\n", + "def example_protos_from_path(path,\n", + "\n", + " def append_examples_from_iterable(iterable, examples):\n", + "\n", + " def are_floats(values):\n", + "\n", + "def call_servo(examples, serving_bundle):\n", + "\n", + "def migrate_value(value):\n", + "\n", + "def get_plugin_apps(self):\n", + "\n", + "def _examples_from_path_handler(self, request):\n", + "\n", + "def _update_example(self, request):\n", + "\n", + "def _duplicate_example(self, request):\n", + "\n", + "def _delete_example(self, request):\n", + "\n", + "def _parse_request_arguments(self, request):\n", + "\n", + "def _infer(self, request):\n", + "\n", + "def _eligible_features_from_example_handler(self, request):\n", + "\n", + "def _infer_mutants_handler(self, request):\n", + "\n", + "def _serve_asset(self, path, gzipped_asset_bytes, request):\n", + "\n", + "def _serve_environment(self, request):\n", + "\n", + "def _serve_runs(self, request):\n", + "\n", + " def get_first_event_timestamp(run_name):\n", + "\n", + "def _serve_experiments(self, request):\n", + "\n", + "def _serve_experiment_runs(self, request):\n", + "\n", + "def define_flags(self, parser):\n", + "\n", + "def fix_flags(self, flags):\n", + "\n", + "def put(self, message):\n", + "\n", + "def get(self, pos):\n", + "\n", + "def run():\n", + "\n", + "def load(self, context):\n", + "\n", + "def visualize_embeddings(summary_writer, config):\n", + "\n", + "def _wrap_define_function(original_function):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def run_tag_from_session_and_metric(session_name, metric_name):\n", + "\n", + "def last_metric_eval(multiplexer, session_name, metric_name):\n", + "\n", + "def index_impl(self):\n", + "\n", + "def scalars_impl(self, tag, run, experiment, output_format):\n", + "\n", + "def _get_value(self, scalar_data_blob, dtype_enum):\n", + "\n", + "def scalars_route(self, request):\n", + "\n", + "def AddRun(self, path, name=None):\n", + "\n", + "def AddRunsFromDirectory(self, path, name=None):\n", + "\n", + "def Reload(self):\n", + "\n", + " def Worker():\n", + "\n", + "def PluginAssets(self, plugin_name):\n", + "\n", + "def RetrievePluginAsset(self, run, plugin_name, asset_name):\n", + "\n", + "def Scalars(self, run, tag):\n", + "\n", + "def RunMetadata(self, run, tag):\n", + "\n", + "def Audio(self, run, tag):\n", + "\n", + "def Tensors(self, run, tag):\n", + "\n", + "def PluginRunToTagToContent(self, plugin_name):\n", + "\n", + "def SummaryMetadata(self, run, tag):\n", + "\n", + "def Runs(self):\n", + "\n", + "def text(name, data, step=None, description=None):\n", + "\n", + "def text_pb(tag, data, description=None):\n", + "\n", + "def run_main():\n", + "\n", + "def create_summary_metadata(display_name, description):\n", + "\n", + "def op(name,\n", + "\n", + "def pb(name,\n", + "\n", + "def pb(name,\n", + "\n", + "def streaming_op(name,\n", + "\n", + " def compute_summary(tp, fp, tn, fn, collections):\n", + "\n", + "def run(self):\n", + "\n", + "def is_active(self):\n", + "\n", + "def histograms_impl(self, tag, run, downsample_to=None):\n", + "\n", + "def _get_values(self, data_blob, dtype_enum, shape_string):\n", + "\n", + "def histograms_route(self, request):\n", + "\n", + "def _lazily_initialize(self):\n", + "\n", + "def _get_scalars_plugin(self):\n", + "\n", + "def is_active(self):\n", + "\n", + "def download_data_impl(self, run, tag, response_format):\n", + "\n", + "def scalars_route(self, request):\n", + "\n", + "def scalars_impl(self, run, tag_regex_string):\n", + "\n", + "def layout_route(self, request):\n", + "\n", + "def make_table_row(contents, tag='td'):\n", + "\n", + "def make_table(contents, headers=None):\n", + "\n", + "def reduce_to_2d(arr):\n", + "\n", + "def text_array_to_html(text_arr):\n", + "\n", + "def process_string_tensor_event(event):\n", + "\n", + "def is_active(self):\n", + "\n", + "def _maybe_launch_index_impl_thread(self):\n", + "\n", + "def _async_index_impl(self):\n", + "\n", + "def create_summary_metadata(display_name, description, num_thresholds):\n", + "\n", + "def parse_plugin_metadata(content):\n", + "\n", + "def get_field_to_observations_map(generator, query_for_tag=''):\n", + "\n", + " def increment(stat, event, tag=''):\n", + "\n", + "def get_unique_tags(field_to_obs):\n", + "\n", + "def print_dict(d, show_missing=True):\n", + "\n", + "def get_dict_to_print(field_to_obs):\n", + "\n", + " def compressed_steps(steps):\n", + "\n", + " def full_steps(steps):\n", + "\n", + "def get_out_of_order(list_of_numbers):\n", + "\n", + "def generators_from_logdir(logdir):\n", + "\n", + "def get_inspection_units(logdir='', event_file='', tag=''):\n", + "\n", + "def inspect(logdir='', event_file='', tag=''):\n", + "\n", + "def define_flags(self, parser):\n", + "\n", + "def load(self, context):\n", + "\n", + "def create_summary_metadata(hparams_plugin_data_pb):\n", + "\n", + "def _parse_plugin_data_as(content, data_oneof_field):\n", + "\n", + "def write_event(self, event):\n", + "\n", + "def dispose(self):\n", + "\n", + "def _create_events_writer(self, directory):\n", + "\n", + "def _fetch_events_files_on_disk(self):\n", + "\n", + "def reexport_tf_summary():\n", + "\n", + " def dynamic_wildcard_import(module):\n", + "\n", + "def bench(image, thread_count):\n", + "\n", + "def _image_of_size(image_size):\n", + "\n", + "def _format_line(headers, fields):\n", + "\n", + "def get_gated_grpc_tensors(self, matching_debug_op=None):\n", + "\n", + "def maybe_base_expanded_node_name(self, node_name):\n", + "\n", + "def AddRunsFromDirectory(self, path, name=None):\n", + "\n", + "def Reload(self):\n", + "\n", + " def batch_generator():\n", + "\n", + " def producer():\n", + "\n", + "def load_batches(self):\n", + "\n", + "def _process_event(self, event, tagged_data):\n", + "\n", + "def _buckets(data, bucket_count=None):\n", + "\n", + " def when_empty():\n", + "\n", + " def when_nonempty():\n", + "\n", + " def when_nonsingular():\n", + "\n", + " def when_singular():\n", + "\n", + "def op(name,\n", + "\n", + "def pb(name, data, bucket_count=None, display_name=None, description=None):\n", + "\n", + "def add(self, value):\n", + "\n", + "def num_in_memory(self):\n", + "\n", + "def num_discarded(self):\n", + "\n", + "def query(self, time_indices):\n", + "\n", + "def add(self, watch_key, tensor_value):\n", + "\n", + "def query(self,\n", + "\n", + "def listen(self, grpc_port):\n", + "\n", + "def is_active(self):\n", + "\n", + "def _serve_health_pills_handler(self, request):\n", + "\n", + "def _obtain_sampled_health_pills(self, run, node_names):\n", + "\n", + "def _tensor_proto_to_health_pill(self, tensor_event, node_name, device,\n", + "\n", + "def _obtain_health_pills_at_step(self, events_directory, node_names, step):\n", + "\n", + "def _process_health_pill_event(self, node_name_set, mapping, target_step,\n", + "\n", + "def _process_health_pill_value(self,\n", + "\n", + "def _serve_numerics_alert_report_handler(self, request):\n", + "\n", + "def _info_to_string(info):\n", + "\n", + "def _info_from_string(info_string):\n", + "\n", + "def cache_key(working_directory, arguments, configure_kwargs):\n", + "\n", + "def _get_info_dir():\n", + "\n", + "def write_info_file(tensorboard_info):\n", + "\n", + "def remove_info_file():\n", + "\n", + "def get_all():\n", + "\n", + "def start(arguments, timeout=datetime.timedelta(seconds=60)):\n", + "\n", + "def _find_matching_instance(cache_key):\n", + "\n", + "def _maybe_read_file(filename):\n", + "\n", + "def process_raw_trace(raw_trace):\n", + "\n", + "def is_active(self):\n", + "\n", + " def compute_is_active():\n", + "\n", + "def _run_dir(self, run):\n", + "\n", + "def generate_run_to_tools(self):\n", + "\n", + "def host_impl(self, run, tool):\n", + "\n", + "def data_impl(self, request):\n", + "\n", + "def run(logdir, run_name,\n", + "\n", + "def run_all(logdir, verbose=False):\n", + "\n", + "def Cleanse(obj, encoding='utf-8'):\n", + "\n", + "def op(name,\n", + "\n", + "def pb(name, data, display_name=None, description=None):\n", + "\n", + "def _GetPurgeMessage(most_recent_step, most_recent_wall_time, event_step,\n", + "\n", + "def _GeneratorFromPath(path):\n", + "\n", + "def _ParseFileVersion(file_version):\n", + "\n", + "def Reload(self):\n", + "\n", + "def RetrievePluginAsset(self, plugin_name, asset_name):\n", + "\n", + "def FirstEventTimestamp(self):\n", + "\n", + "def PluginTagToContent(self, plugin_name):\n", + "\n", + "def Tags(self):\n", + "\n", + "def Graph(self):\n", + "\n", + "def MetaGraph(self):\n", + "\n", + "def RunMetadata(self, tag):\n", + "\n", + "def _MaybePurgeOrphanedData(self, event):\n", + "\n", + "def _CheckForRestartAndMaybePurge(self, event):\n", + "\n", + "def _CheckForOutOfOrderStepAndMaybePurge(self, event):\n", + "\n", + "def _ProcessHistogram(self, tag, wall_time, step, histo):\n", + "\n", + "def _CompressHistogram(self, histo_ev):\n", + "\n", + "def _ProcessImage(self, tag, wall_time, step, image):\n", + "\n", + "def _ProcessAudio(self, tag, wall_time, step, audio):\n", + "\n", + "def _ProcessScalar(self, tag, wall_time, step, scalar):\n", + "\n", + "def _Purge(self, event, by_tags):\n", + "\n", + " def _ExpiredPerTag(value):\n", + "\n", + "def Load(self):\n", + "\n", + "def Load(self):\n", + "\n", + "def scale_sections(sections, scaling_scope):\n", + "\n", + "def on_value_event(self, event):\n", + "\n", + "def _parse_session_run_index(self, event):\n", + "\n", + "def compress_histogram_proto(histo, bps=NORMAL_HISTOGRAM_BPS):\n", + "\n", + "def compress_histogram(buckets, bps=NORMAL_HISTOGRAM_BPS):\n", + "\n", + "def _lerp(x, x0, x1, y0, y1):\n", + "\n", + "def is_active(self):\n", + "\n", + "def _serve_image_metadata(self, request):\n", + "\n", + "def _image_response_for_run(self, run, tag, sample):\n", + "\n", + "def _get_individual_image(self, run, tag, index, sample):\n", + "\n", + "def _serve_individual_image(self, request):\n", + "\n", + "def run_all(logdir, steps, thresholds, verbose=False):\n", + "\n", + "def image(name,\n", + "\n", + "def set_examples(self, examples):\n", + "\n", + "def set_estimator_and_feature_spec(self, estimator, feature_spec):\n", + "\n", + "def set_compare_estimator_and_feature_spec(self, estimator, feature_spec):\n", + "\n", + "def set_custom_predict_fn(self, predict_fn):\n", + "\n", + "def set_compare_custom_predict_fn(self, predict_fn):\n", + "\n", + "def _reshape_conv_array(self, array, section_height, image_width):\n", + "\n", + "def _reshape_irregular_array(self, array, section_height, image_width):\n", + "\n", + "def _arrays_to_sections(self, arrays):\n", + "\n", + "def _sections_to_variance_sections(self, sections_over_time):\n", + "\n", + "def _maybe_clear_deque(self):\n", + "\n", + "def lazy_load(name):\n", + "\n", + " def wrapper(load_fn):\n", + "\n", + " def load_once(self):\n", + "\n", + " def __getattr__(self, attr_name):\n", + "\n", + " def __dir__(self):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def _memoize(f):\n", + "\n", + " def wrapper(arg):\n", + "\n", + "def tf():\n", + "\n", + "def tf2():\n", + "\n", + "def _pywrap_tensorflow():\n", + "\n", + "def create_experiment_summary():\n", + "\n", + "def run(logdir, session_id, hparams, group_name):\n", + "\n", + "def run_all(logdir, verbose=False):\n", + "\n", + "def get_filesystem(filename):\n", + "\n", + "def walk(top, topdown=True, onerror=None):\n", + "\n", + "def read(self, filename, binary_mode=False, size=None, offset=None):\n", + "\n", + "def glob(self, filename):\n", + "\n", + "def listdir(self, dirname):\n", + "\n", + "def stat(self, filename):\n", + "\n", + "def bucket_and_path(self, url):\n", + "\n", + "def exists(self, filename):\n", + "\n", + "def read(self, filename, binary_mode=False, size=None, offset=None):\n", + "\n", + "def glob(self, filename):\n", + "\n", + "def isdir(self, dirname):\n", + "\n", + "def listdir(self, dirname):\n", + "\n", + "def stat(self, filename):\n", + "\n", + "def _get_context():\n", + "\n", + "def start(args_string):\n", + "\n", + " def print_or_update(message):\n", + "\n", + " def format_stream(name, value):\n", + "\n", + "def _time_delta_from_info(info):\n", + "\n", + "def display(port=None, height=None):\n", + "\n", + "def _display(port=None, height=None, print_message=False, display_handle=None):\n", + "\n", + "def _display_colab(port, height, display_handle):\n", + "\n", + "def list():\n", + "\n", + "def IsTensorFlowEventsFile(path):\n", + "\n", + "def ListDirectoryAbsolute(directory):\n", + "\n", + "def _EscapeGlobCharacters(path):\n", + "\n", + "def ListRecursivelyViaGlobbing(top):\n", + "\n", + "def ListRecursivelyViaWalking(top):\n", + "\n", + "def GetLogdirSubdirectories(path):\n", + "\n", + "def audio(name,\n", + "\n", + "def extract_numerics_alert(event):\n", + "\n", + "def first_timestamp(self, event_key=None):\n", + "\n", + "def last_timestamp(self, event_key=None):\n", + "\n", + "def create_jsonable_history(self):\n", + "\n", + "def register(self, numerics_alert):\n", + "\n", + "def report(self, device_name_filter=None, tensor_name_filter=None):\n", + "\n", + "def create_jsonable_registry(self):\n", + "\n", + "def run(logdir, run_name, wave_name, wave_constructor):\n", + "\n", + "def sine_wave(frequency):\n", + "\n", + "def triangle_wave(frequency):\n", + "\n", + "def bisine_wave(frequency):\n", + "\n", + "def bisine_wahwah_wave(frequency):\n", + "\n", + "def run_all(logdir, verbose=False):\n", + "\n", + "def prepare_graph_for_ui(graph, limit_attr_size=1024,\n", + "\n", + "def info_impl(self):\n", + "\n", + " def add_row_item(run, tag=None):\n", + "\n", + "def graph_impl(self, run, tag, is_conceptual, limit_attr_size=None, large_attrs_key=None):\n", + "\n", + "def run_metadata_impl(self, run, tag):\n", + "\n", + "def graph_route(self, request):\n", + "\n", + "def run_metadata_route(self, request):\n", + "\n", + "def load(self, context):\n", + "\n", + "def model_fn(hparams, seed):\n", + "\n", + "def run(data, base_logdir, session_id, group_id, hparams):\n", + "\n", + "def prepare_data():\n", + "\n", + "def run_all(logdir, verbose=False):\n", + "\n", + "def sample_uniform(domain, rng):\n", + "\n", + "def pr_curves_route(self, request):\n", + "\n", + "def pr_curves_impl(self, runs, tag):\n", + "\n", + "def tags_impl(self):\n", + "\n", + "def available_time_entries_impl(self):\n", + "\n", + "def is_active(self):\n", + "\n", + "def _process_tensor_event(self, event, thresholds):\n", + "\n", + "def _make_pr_entry(self, step, wall_time, data_array, thresholds):\n", + "\n", + "def _normalize_hparams(hparams):\n", + "\n", + "def summary_pb(self):\n", + "\n", + "def run_all(logdir, verbose=False, num_summaries=400):\n", + "\n", + "def _parse_positive_int_param(request, param_name):\n", + "\n", + "def add_column(self, column_name, column_values):\n", + "\n", + "def is_active(self):\n", + "\n", + "def configs(self):\n", + "\n", + "def Reload(self):\n", + "\n", + "def Histograms(self, run, tag):\n", + "\n", + "def CompressedHistograms(self, run, tag):\n", + "\n", + "def Images(self, run, tag):\n", + "\n", + "def histogram(name, data, step=None, buckets=None, description=None):\n", + "\n", + "def histogram_pb(tag, data, buckets=None, description=None):\n", + "\n", + "def setup_environment():\n", + "\n", + "def get_default_assets_zip_provider():\n", + "\n", + "def with_port_scanning(cls):\n", + "\n", + " def init(wsgi_app, flags):\n", + "\n", + "def configure(self, argv=('',), **kwargs):\n", + "\n", + "def main(self, ignored_argv=('',)):\n", + "\n", + "def launch(self):\n", + "\n", + "def _register_info(self, server):\n", + "\n", + "def _install_signal_handler(self, signal_number, signal_name):\n", + "\n", + " def handler(handled_signal_number, frame):\n", + "\n", + "def _make_server(self):\n", + "\n", + "def _get_wildcard_address(self, port):\n", + "\n", + "def server_bind(self):\n", + "\n", + "def handle_error(self, request, client_address):\n", + "\n", + "def _events(self):\n", + "\n", + "def _event(self, event):\n", + "\n", + "def op(name,\n", + "\n", + "def pb(name, data, display_name=None, description=None):\n", + "\n", + "def run(inputs, program, outputs):\n", + "\n", + "def main(args):\n", + "\n", + "def initialize_schema(connection):\n", + "\n", + "def _create_id(self):\n", + "\n", + "def _maybe_init_user(self):\n", + "\n", + "def _maybe_init_experiment(self, experiment_name):\n", + "\n", + "def _maybe_init_run(self, experiment_name, run_name):\n", + "\n", + "def _maybe_init_tags(self, run_id, tag_to_metadata):\n", + "\n", + "def write_summaries(self, tagged_data, experiment_name, run_name):\n", + "\n", + "def image_data(verbose=False):\n", + "\n", + "def convolve(image, pixel_filter, channels=3, name=None):\n", + "\n", + "def get_image(verbose=False):\n", + "\n", + "def run_box_to_gaussian(logdir, verbose=False):\n", + "\n", + "def run_sobel(logdir, verbose=False):\n", + "\n", + "def run_all(logdir, verbose=False):\n", + "\n", + "def proto_value_for_feature(example, feature_name):\n", + "\n", + "def parse_original_feature_from_example(example, feature_name):\n", + "\n", + "def wrap_inference_results(inference_result_proto):\n", + "\n", + "def get_numeric_feature_names(example):\n", + "\n", + "def get_categorical_feature_names(example):\n", + "\n", + "def get_numeric_features_to_observed_range(examples):\n", + "\n", + "def get_categorical_features_to_sampling(examples, top_k):\n", + "\n", + "def make_mutant_features(original_feature, index_to_mutate, viz_params):\n", + "\n", + "def make_mutant_tuples(example_protos, original_feature, index_to_mutate,\n", + "\n", + "def mutant_charts_for_feature(example_protos, feature_name, serving_bundles,\n", + "\n", + " def chart_for_index(index_to_mutate):\n", + "\n", + "def make_json_formatted_for_single_chart(mutant_features,\n", + "\n", + "def get_example_features(example):\n", + "\n", + "def run_inference_for_inference_results(examples, serving_bundle):\n", + "\n", + "def get_eligible_features(examples, num_mutants):\n", + "\n", + "def get_label_vocab(vocab_path):\n", + "\n", + "def create_sprite_image(examples):\n", + "\n", + " def generate_image_from_thubnails(thumbnails, thumbnail_dims):\n", + "\n", + " def loop_body(i, encoded_images, images):\n", + "\n", + "def run_inference(examples, serving_bundle):\n", + "\n", + "def Items(self, key):\n", + "\n", + "def AddItem(self, key, item, f=lambda x: x):\n", + "\n", + "def FilterItems(self, filterFn, key=None):\n", + "\n", + "def AddItem(self, item, f=lambda x: x):\n", + "\n", + "def FilterItems(self, filterFn):\n", + "\n", + "def _GetDenseDimensions(list_of_lists):\n", + "\n", + "def make_tensor_proto(values, dtype=None, shape=None, verify_shape=False):\n", + "\n", + "def make_ndarray(tensor):\n", + "\n", + "def op(scalars_layout, collections=None):\n", + "\n", + "def pb(scalars_layout):\n", + "\n", + "def is_convertible_with(self, other):\n", + "\n", + "def merge_with(self, other):\n", + "\n", + "def ndims(self):\n", + "\n", + "def num_elements(self):\n", + "\n", + "def merge_with(self, other):\n", + "\n", + "def concatenate(self, other):\n", + "\n", + "def assert_same_rank(self, other):\n", + "\n", + "def with_rank(self, rank):\n", + "\n", + "def with_rank_at_least(self, rank):\n", + "\n", + "def with_rank_at_most(self, rank):\n", + "\n", + "def is_convertible_with(self, other):\n", + "\n", + "def most_specific_convertible_shape(self, other):\n", + "\n", + "def is_fully_defined(self):\n", + "\n", + "def as_list(self):\n", + "\n", + "def as_proto(self):\n", + "\n", + "def convert_predict_response(pred, serving_bundle):\n", + "\n", + "def convert_prediction_values(values, serving_bundle, model_spec=None):\n", + "\n", + "def _GetPurgeMessage(most_recent_step, most_recent_wall_time, event_step,\n", + "\n", + "def PluginTagToContent(self, plugin_name):\n", + "\n", + "def _ProcessEvent(self, event):\n", + "\n", + "def Tags(self):\n", + "\n", + "def _MaybePurgeOrphanedData(self, event):\n", + "\n", + "def _CheckForOutOfOrderStepAndMaybePurge(self, event):\n", + "\n", + "def _Purge(self, event, by_tags):\n", + "\n", + "def load(self, context):\n", + "\n", + "def _walk_layers(keras_layer):\n", + "\n", + "def _update_dicts(name_scope,\n", + "\n", + "def keras_model_to_graph_def(keras_layer):\n", + "\n", + "def load(self, context):\n", + "\n", + "def is_active(self):\n", + "\n", + "def markdown_to_safe_html(markdown_string):\n", + "\n", + "def as_dtype(type_value):\n", + "\n", + "def real_dtype(self):\n", + "\n", + "def is_integer(self):\n", + "\n", + "def is_floating(self):\n", + "\n", + "def min(self):\n", + "\n", + "def limits(self, clip_negative=True):\n", + "\n", + "def is_compatible_with(self, other):\n", + "\n", + "def listen(self, grpc_port):\n", + "\n", + "def get_plugin_apps(self):\n", + "\n", + "def is_active(self):\n", + "\n", + "def _index_impl(self):\n", + "\n", + "def _serve_audio_metadata(self, request):\n", + "\n", + "def _audio_response_for_run(self, tensor_events, run, tag, sample):\n", + "\n", + "def _query_for_individual_audio(self, run, tag, sample, index):\n", + "\n", + "def _serve_individual_audio(self, request):\n", + "\n", + "def _usage(shorthelp):\n", + "\n", + "def run(main=None, argv=None):\n", + "\n", + "def op(name,\n", + "\n", + "def pb(name, images, max_outputs=3, display_name=None, description=None):\n", + "\n", + "def tensor_size_guidance_from_flags(flags):\n", + "\n", + "def standard_tensorboard_wsgi(flags, plugin_loaders, assets_zip_provider):\n", + "\n", + "def TensorBoardWSGIApp(logdir, plugins, multiplexer, reload_interval,\n", + "\n", + "def parse_event_files_spec(logdir):\n", + "\n", + "def start_reloading_multiplexer(multiplexer, path_to_run, load_interval,\n", + "\n", + " def _reload():\n", + "\n", + "def get_database_info(db_uri):\n", + "\n", + "def create_sqlite_connection_provider(db_uri):\n", + "\n", + "def _serve_plugins_listing(self, request):\n", + "\n", + "def parse_time_indices(s):\n", + "\n", + "def process_buffers_for_display(s, limit=40):\n", + "\n", + "def array_view(array, slicing=None, mapping=None):\n", + "\n", + "def array_to_base64_png(array):\n", + "\n", + "def _safe_copy_proto_list_values(dst_proto_list, src_proto_list, get_key):\n", + "\n", + " def _assert_proto_container_unique_keys(proto_list, get_key):\n", + "\n", + "def combine_graph_defs(to_proto, from_proto):\n", + "\n", + "def scalar(name, data, step=None, description=None):\n", + "\n", + "def scalar_pb(tag, data, description=None):\n", + "\n", + "def dump_data(logdir):\n", + "\n", + "def calc_health_pill(tensor):\n", + "\n", + "def _get_config(self):\n", + "\n", + "def _write_summary(self, session, frame):\n", + "\n", + "def _enough_time_has_passed(self, FPS):\n", + "\n", + "def _update_recording(self, frame, config):\n", + "\n", + "def update(self, session, arrays=None, frame=None):\n", + "\n", + "def gradient_helper(optimizer, loss, var_list=None):\n", + "\n", + "def _create_key_func(extractor, none_is_largest):\n", + "\n", + " def key_func_none_is_largest(session_group):\n", + "\n", + " def key_func_none_is_smallest(session_group):\n", + "\n", + "def _create_extractors(col_params):\n", + "\n", + "def _create_metric_extractor(metric_name):\n", + "\n", + " def extractor_fn(session_or_group):\n", + "\n", + "def _find_metric_value(session_or_group, metric_name):\n", + "\n", + "def _create_hparam_extractor(hparam_name):\n", + "\n", + " def extractor_fn(session_group):\n", + "\n", + "def _create_filters(col_params, extractors):\n", + "\n", + "def _create_filter(col_param, extractor):\n", + "\n", + " def filter_fn(session_group):\n", + "\n", + "def _create_regexp_filter(regex):\n", + "\n", + " def filter_fn(value):\n", + "\n", + "def _create_interval_filter(interval):\n", + "\n", + " def filter_fn(value):\n", + "\n", + "def _value_to_python(value):\n", + "\n", + "def _set_avg_session_metrics(session_group):\n", + "\n", + "def _set_median_session_metrics(session_group, aggregation_metric):\n", + "\n", + "def _set_extremum_session_metrics(session_group, aggregation_metric,\n", + "\n", + "def _measurements(session_group, metric_name):\n", + "\n", + "def run(self):\n", + "\n", + "def _build_session_groups(self):\n", + "\n", + "def _add_session(self, session, start_info, groups_by_name):\n", + "\n", + "def _build_session(self, name, start_info, end_info):\n", + "\n", + "def _build_session_metric_values(self, session_name):\n", + "\n", + "def _aggregate_metrics(self, session_group):\n", + "\n", + "def _sort(self, session_groups):\n", + "\n", + "def recordAnalyzeAudio(duration, outputWavFile, midTermBufferSizeSec, modelName, modelType):\n", + "\n", + "def annotation2files(wavFile, csvFile):\n", + "\n", + "def convertDirMP3ToWav(dirName, Fs, nC, useMp3TagsAsName = False):\n", + "\n", + "def convertFsDirWavToWav(dirName, Fs, nC):\n", + "\n", + "def readAudioFile(path):\n", + "\n", + "def stereo2mono(x):\n", + "\n", + "def selfSimilarityMatrix(featureVectors):\n", + "\n", + "def flags2segs(flags, window):\n", + "\n", + "def segs2flags(seg_start, seg_end, seg_label, win_size):\n", + "\n", + "def computePreRec(cm, class_names):\n", + "\n", + "def readSegmentGT(gt_file):\n", + "\n", + "def plotSegmentationResults(flags_ind, flags_ind_gt, class_names, mt_step, ONLY_EVALUATE=False):\n", + "\n", + "def trainHMM_computeStatistics(features, labels):\n", + "\n", + "def trainHMM_fromFile(wav_file, gt_file, hmm_model_name, mt_win, mt_step):\n", + "\n", + "def trainHMM_fromDir(dirPath, hmm_model_name, mt_win, mt_step):\n", + "\n", + "def mtFileClassification(input_file, model_name, model_type,\n", + "\n", + "def silenceRemoval(x, fs, st_win, st_step, smoothWindow=0.5, weight=0.5, plot=False):\n", + "\n", + "def speakerDiarization(filename, n_speakers, mt_size=2.0, mt_step=0.2, \n", + "\n", + "def speakerDiarizationEvaluateScript(folder_name, ldas):\n", + "\n", + "def musicThumbnailing(x, fs, short_term_size=1.0, short_term_step=0.5, \n", + "\n", + "def generateColorMap():\n", + "\n", + "def levenshtein(str1, s2):\n", + "\n", + "def text_list_to_colors(names):\n", + "\n", + "def text_list_to_colors_simple(names):\n", + "\n", + "def chordialDiagram(fileStr, SM, Threshold, names, namesCategories):\n", + "\n", + "def visualizeFeaturesFolder(folder, dimReductionMethod, priorKnowledge = \"none\"):\n", + "\n", + "def stZCR(frame):\n", + "\n", + "def stEnergyEntropy(frame, n_short_blocks=10):\n", + "\n", + "def stSpectralCentroidAndSpread(X, fs):\n", + "\n", + "def stSpectralEntropy(X, n_short_blocks=10):\n", + "\n", + "def stSpectralFlux(X, X_prev):\n", + "\n", + "def stSpectralRollOff(X, c, fs):\n", + "\n", + "def stHarmonic(frame, fs):\n", + "\n", + "def mfccInitFilterBanks(fs, nfft):\n", + "\n", + "def stMFCC(X, fbank, n_mfcc_feats):\n", + "\n", + "def stChromaFeaturesInit(nfft, fs):\n", + "\n", + "def stChromagram(signal, fs, win, step, PLOT=False):\n", + "\n", + "def beatExtraction(st_features, win_len, PLOT=False):\n", + "\n", + "def stSpectogram(signal, fs, win, step, PLOT=False):\n", + "\n", + "def stFeatureExtraction(signal, fs, win, step):\n", + "\n", + "def mtFeatureExtraction(signal, fs, mt_win, mt_step, st_win, st_step):\n", + "\n", + "def dirWavFeatureExtraction(dirName, mt_win, mt_step, st_win, st_step,\n", + "\n", + "def dirsWavFeatureExtraction(dirNames, mt_win, mt_step, st_win, st_step, compute_beat=False):\n", + "\n", + "def dirWavFeatureExtractionNoAveraging(dirName, mt_win, mt_step, st_win, st_step):\n", + "\n", + "def mtFeatureExtractionToFile(fileName, midTermSize, midTermStep, shortTermSize, shortTermStep, outPutFile,\n", + "\n", + "def market_value(self):\n", + "\n", + "def transaction_cost(self):\n", + "\n", + "def buy_open(id_or_ins, amount, price=None, style=None):\n", + "\n", + "def buy_close(id_or_ins, amount, price=None, style=None, close_today=False):\n", + "\n", + "def sell_open(id_or_ins, amount, price=None, style=None):\n", + "\n", + "def sell_close(id_or_ins, amount, price=None, style=None, close_today=False):\n", + "\n", + "def get_future_contracts(underlying_symbol):\n", + "\n", + "def quantity(self):\n", + "\n", + "def filled_quantity(self):\n", + "\n", + "def frozen_price(self):\n", + "\n", + "def datetime(self):\n", + "\n", + "def value_percent(self):\n", + "\n", + "def is_de_listed(self):\n", + "\n", + "def bought_value(self):\n", + "\n", + "def trading_pnl(self):\n", + "\n", + "def position_pnl(self):\n", + "\n", + "def register_event(self):\n", + "\n", + "def unit_net_value(self):\n", + "\n", + "def daily_returns(self):\n", + "\n", + "def total_value(self):\n", + "\n", + "def positions(self):\n", + "\n", + "def cash(self):\n", + "\n", + "def market_value(self):\n", + "\n", + "def buy_holding_pnl(self):\n", + "\n", + "def sell_holding_pnl(self):\n", + "\n", + "def buy_pnl(self):\n", + "\n", + "def sell_pnl(self):\n", + "\n", + "def buy_open_order_quantity(self):\n", + "\n", + "def sell_open_order_quantity(self):\n", + "\n", + "def buy_close_order_quantity(self):\n", + "\n", + "def sell_close_order_quantity(self):\n", + "\n", + "def buy_avg_holding_price(self):\n", + "\n", + "def sell_avg_holding_price(self):\n", + "\n", + "def is_de_listed(self):\n", + "\n", + "def apply_trade(self, trade):\n", + "\n", + "def _close_holding(self, trade):\n", + "\n", + "def sector_code(self):\n", + "\n", + "def sector_code_name(self):\n", + "\n", + "def industry_code(self):\n", + "\n", + "def industry_name(self):\n", + "\n", + "def concept_names(self):\n", + "\n", + "def board_type(self):\n", + "\n", + "def status(self):\n", + "\n", + "def special_type(self):\n", + "\n", + "def contract_multiplier(self):\n", + "\n", + "def margin_rate(self):\n", + "\n", + "def underlying_order_book_id(self):\n", + "\n", + "def underlying_symbol(self):\n", + "\n", + "def maturity_date(self):\n", + "\n", + "def settlement_method(self):\n", + "\n", + "def listing(self):\n", + "\n", + "def get_trade_commission(self, trade):\n", + "\n", + "def _get_tax(self, order_book_id, _, cost_money):\n", + "\n", + "def prev_close(self):\n", + "\n", + "def _bar_status(self):\n", + "\n", + "def prev_settlement(self):\n", + "\n", + "def submit_order(id_or_ins, amount, side, price=None, position_effect=None):\n", + "\n", + "def cancel_order(order):\n", + "\n", + "def update_universe(id_or_symbols):\n", + "\n", + "def subscribe(id_or_symbols):\n", + "\n", + "def unsubscribe(id_or_symbols):\n", + "\n", + "def get_yield_curve(date=None, tenor=None):\n", + "\n", + "def all_instruments(type=None, date=None):\n", + "\n", + "def current_snapshot(id_or_symbol):\n", + "\n", + "def dividend_receivable(self):\n", + "\n", + "def history_bars(self, instrument, bar_count, frequency, fields, dt, skip_suspended=True,\n", + "\n", + "def order_shares(id_or_ins, amount, price=None, style=None):\n", + "\n", + "def order_lots(id_or_ins, amount, price=None, style=None):\n", + "\n", + "def order_value(id_or_ins, cash_amount, price=None, style=None):\n", + "\n", + "def order_percent(id_or_ins, percent, price=None, style=None):\n", + "\n", + "def order_target_value(id_or_ins, cash_amount, price=None, style=None):\n", + "\n", + "def order_target_percent(id_or_ins, percent, price=None, style=None):\n", + "\n", + "def is_suspended(order_book_id, count=1):\n", + "\n", + "def update_bundle(data_bundle_path, locale):\n", + "\n", + "def run(**kwargs):\n", + "\n", + "def examples(directory):\n", + "\n", + "def generate_config(directory):\n", + "\n", + "def mod(cmd, params):\n", + "\n", + " def list(params):\n", + "\n", + " def install(params):\n", + "\n", + " def uninstall(params):\n", + "\n", + " def enable(params):\n", + "\n", + " def disable(params):\n", + "\n", + "def plot(result_pickle_file_path, show, plot_save_file):\n", + "\n", + "def report(result_pickle_file_path, target_report_csv_path):\n", + "\n", + "def margin(self):\n", + "\n", + "def buy_margin(self):\n", + "\n", + "def sell_margin(self):\n", + "\n", + "def holding_pnl(self):\n", + "\n", + "def realized_pnl(self):\n", + "\n", + "def order(order_book_id, quantity, price=None, style=None):\n", + "\n", + "def clear_cursor(self, body, params=None):\n", + "\n", + "def query(self, body, params=None):\n", + "\n", + "def translate(self, body, params=None):\n", + "\n", + "def log_request_success(self, method, full_url, path, body, status_code, response, duration):\n", + "\n", + "def log_request_fail(self, method, full_url, path, body, duration, status_code=None, response=None, exception=None):\n", + "\n", + "def _raise_error(self, status_code, raw_data):\n", + "\n", + "def _normalize_hosts(hosts):\n", + "\n", + "def ping(self, params=None):\n", + "\n", + "def mget(self, body, doc_type=None, index=None, params=None):\n", + "\n", + "def update(self, index, id, doc_type=\"_doc\", body=None, params=None):\n", + "\n", + "def search(self, index=None, body=None, params=None):\n", + "\n", + "def reindex(self, body, params=None):\n", + "\n", + "def reindex_rethrottle(self, task_id=None, params=None):\n", + "\n", + "def search_shards(self, index=None, params=None):\n", + "\n", + "def search_template(self, index=None, body=None, params=None):\n", + "\n", + "def scroll(self, scroll_id=None, body=None, params=None):\n", + "\n", + "def mtermvectors(self, doc_type=None, index=None, body=None, params=None):\n", + "\n", + "def put_script(self, id, body, context=None, params=None):\n", + "\n", + "def render_search_template(self, id=None, body=None, params=None):\n", + "\n", + "def msearch_template(self, body, index=None, params=None):\n", + "\n", + "def field_caps(self, index=None, body=None, params=None):\n", + "\n", + "def bulk(self, body, doc_type=None, params=None):\n", + "\n", + "def add_connection(self, host):\n", + "\n", + "def get_connection(self):\n", + "\n", + "def sniff_hosts(self, initial=False):\n", + "\n", + "def mark_dead(self, connection):\n", + "\n", + "def perform_request(self, method, url, headers=None, params=None, body=None):\n", + "\n", + "def change_password(self, body, username=None, params=None):\n", + "\n", + "def clear_cached_realms(self, realms, params=None):\n", + "\n", + "def clear_cached_roles(self, name, params=None):\n", + "\n", + "def create_api_key(self, body, params=None):\n", + "\n", + "def delete_privileges(self, application, name, params=None):\n", + "\n", + "def delete_user(self, username, params=None):\n", + "\n", + "def get_privileges(self, application=None, name=None, params=None):\n", + "\n", + "def get_role(self, name=None, params=None):\n", + "\n", + "def get_role_mapping(self, name=None, params=None):\n", + "\n", + "def get_token(self, body, params=None):\n", + "\n", + "def get_user(self, username=None, params=None):\n", + "\n", + "def has_privileges(self, body, user=None, params=None):\n", + "\n", + "def invalidate_api_key(self, body, params=None):\n", + "\n", + "def invalidate_token(self, body, params=None):\n", + "\n", + "def put_privileges(self, body, params=None):\n", + "\n", + "def put_user(self, username, body, params=None):\n", + "\n", + "def delete_lifecycle(self, policy=None, params=None):\n", + "\n", + "def explain_lifecycle(self, index=None, params=None):\n", + "\n", + "def get_lifecycle(self, policy=None, params=None):\n", + "\n", + "def move_to_step(self, index=None, body=None, params=None):\n", + "\n", + "def put_lifecycle(self, policy=None, body=None, params=None):\n", + "\n", + "def remove_policy(self, index=None, params=None):\n", + "\n", + "def retry(self, index=None, params=None):\n", + "\n", + "def post(self, body=None, params=None):\n", + "\n", + "def parse_commits(head, name):\n", + "\n", + "def load_repo(client, path=None, index='git'):\n", + "\n", + "def get_jobs(self, id=None, params=None):\n", + "\n", + "def get_rollup_caps(self, id=None, params=None):\n", + "\n", + "def put_job(self, id, body, params=None):\n", + "\n", + "def info(self, index=None, params=None):\n", + "\n", + "def info(self, node_id=None, metric=None, params=None):\n", + "\n", + "def stats(self, node_id=None, metric=None, index_metric=None, params=None):\n", + "\n", + "def hot_threads(self, node_id=None, params=None):\n", + "\n", + "def usage(self, node_id=None, metric=None, params=None):\n", + "\n", + "def _chunk_actions(actions, chunk_size, max_chunk_bytes, serializer):\n", + "\n", + " def _setup_queues(self):\n", + "\n", + " def _change_doc_index(hits, index):\n", + "\n", + "def get_data_frame_transform(self, transform_id=None, params=None):\n", + "\n", + "def get_data_frame_transform_stats(self, transform_id=None, params=None):\n", + "\n", + "def preview_data_frame_transform(self, body, params=None):\n", + "\n", + "def put_data_frame_transform(self, transform_id, body, params=None):\n", + "\n", + "def stop_data_frame_transform(self, transform_id, params=None):\n", + "\n", + "def allocation(self, node_id=None, params=None):\n", + "\n", + "def count(self, index=None, params=None):\n", + "\n", + "def indices(self, index=None, params=None):\n", + "\n", + "def recovery(self, index=None, params=None):\n", + "\n", + "def shards(self, index=None, params=None):\n", + "\n", + "def segments(self, index=None, params=None):\n", + "\n", + "def thread_pool(self, thread_pool_patterns=None, params=None):\n", + "\n", + "def fielddata(self, fields=None, params=None):\n", + "\n", + "def templates(self, name=None, params=None):\n", + "\n", + "def ack_watch(self, watch_id, action_id=None, params=None):\n", + "\n", + "def activate_watch(self, watch_id, params=None):\n", + "\n", + "def delete_watch(self, id, params=None):\n", + "\n", + "def execute_watch(self, id=None, body=None, params=None):\n", + "\n", + "def put_watch(self, id, body=None, params=None):\n", + "\n", + "def health(self, index=None, params=None):\n", + "\n", + "def state(self, metric=None, index=None, params=None):\n", + "\n", + "def stats(self, node_id=None, params=None):\n", + "\n", + "def reroute(self, body=None, params=None):\n", + "\n", + "def put_settings(self, body=None, params=None):\n", + "\n", + "def allocation_explain(self, body=None, params=None):\n", + "\n", + "def deprecations(self, index=None, params=None):\n", + "\n", + "def get_connection(self):\n", + "\n", + "def follow(self, index, body, params=None):\n", + "\n", + "def follow_info(self, index=None, params=None):\n", + "\n", + "def follow_stats(self, index, params=None):\n", + "\n", + "def get_auto_follow_pattern(self, name=None, params=None):\n", + "\n", + "def put_auto_follow_pattern(self, name, body, params=None):\n", + "\n", + "def resume_follow(self, index, body=None, params=None):\n", + "\n", + "def get_pipeline(self, id=None, params=None):\n", + "\n", + "def delete_calendar_event(self, calendar_id, event_id, params=None):\n", + "\n", + "def delete_filter(self, filter_id, params=None):\n", + "\n", + "def delete_forecast(self, job_id, forecast_id=None, params=None):\n", + "\n", + "def delete_job(self, job_id, params=None):\n", + "\n", + "def delete_model_snapshot(self, job_id, snapshot_id, params=None):\n", + "\n", + "def find_file_structure(self, body, params=None):\n", + "\n", + "def flush_job(self, job_id, body=None, params=None):\n", + "\n", + "def get_buckets(self, job_id, timestamp=None, body=None, params=None):\n", + "\n", + "def get_calendar_events(self, calendar_id, params=None):\n", + "\n", + "def get_calendars(self, calendar_id=None, body=None, params=None):\n", + "\n", + "def get_categories(self, job_id, category_id=None, body=None, params=None):\n", + "\n", + "def get_datafeed_stats(self, datafeed_id=None, params=None):\n", + "\n", + "def get_datafeeds(self, datafeed_id=None, params=None):\n", + "\n", + "def get_filters(self, filter_id=None, params=None):\n", + "\n", + "def get_job_stats(self, job_id=None, params=None):\n", + "\n", + "def get_jobs(self, job_id=None, params=None):\n", + "\n", + "def get_model_snapshots(self, job_id, snapshot_id=None, body=None, params=None):\n", + "\n", + "def post_calendar_events(self, calendar_id, body, params=None):\n", + "\n", + "def post_data(self, job_id, body, params=None):\n", + "\n", + "def preview_datafeed(self, datafeed_id, params=None):\n", + "\n", + "def put_calendar(self, calendar_id, body=None, params=None):\n", + "\n", + "def put_calendar_job(self, calendar_id, job_id, params=None):\n", + "\n", + "def start_datafeed(self, datafeed_id, body=None, params=None):\n", + "\n", + "def update_datafeed(self, datafeed_id, body, params=None):\n", + "\n", + "def update_filter(self, filter_id, body, params=None):\n", + "\n", + "def update_model_snapshot(self, job_id, snapshot_id, body, params=None):\n", + "\n", + "def validate(self, body, params=None):\n", + "\n", + "def validate_detector(self, body, params=None):\n", + "\n", + "def analyze(self, index=None, body=None, params=None):\n", + "\n", + "def refresh(self, index=None, params=None):\n", + "\n", + "def flush(self, index=None, params=None):\n", + "\n", + "def get(self, index, feature=None, params=None):\n", + "\n", + "def exists_type(self, index, doc_type, params=None):\n", + "\n", + "def get_mapping(self, index=None, doc_type=None, params=None):\n", + "\n", + "def get_field_mapping(self, fields, index=None, doc_type=None, params=None):\n", + "\n", + "def put_alias(self, index, name, body=None, params=None):\n", + "\n", + "def exists_alias(self, index=None, name=None, params=None):\n", + "\n", + "def get_alias(self, index=None, name=None, params=None):\n", + "\n", + "def update_aliases(self, body, params=None):\n", + "\n", + "def delete_alias(self, index, name, params=None):\n", + "\n", + "def get_template(self, name=None, params=None):\n", + "\n", + "def get_settings(self, index=None, name=None, params=None):\n", + "\n", + "def stats(self, index=None, metric=None, params=None):\n", + "\n", + "def clear_cache(self, index=None, params=None):\n", + "\n", + "def upgrade(self, index=None, params=None):\n", + "\n", + "def get_upgrade(self, index=None, params=None):\n", + "\n", + "def flush_synced(self, index=None, params=None):\n", + "\n", + "def shard_stores(self, index=None, params=None):\n", + "\n", + "def forcemerge(self, index=None, params=None):\n", + "\n", + "def shrink(self, index, target, body=None, params=None):\n", + "\n", + "def rollover(self, alias, new_index=None, body=None, params=None):\n", + "\n", + "def get(self, repository, snapshot, params=None):\n", + "\n", + "def delete_repository(self, repository, params=None):\n", + "\n", + "def get_repository(self, repository=None, params=None):\n", + "\n", + "def create_repository(self, repository, body, params=None):\n", + "\n", + "def restore(self, repository, snapshot, body=None, params=None):\n", + "\n", + "def status(self, repository=None, snapshot=None, params=None):\n", + "\n", + "def _escape(value):\n", + "\n", + "def _make_path(*parts):\n", + "\n", + "def query_params(*es_query_params):\n", + "\n", + " def _wrapper(func):\n", + "\n", + " def _wrapped(*args, **kwargs):\n", + "\n", + "def get(self, task_id=None, params=None):\n", + "\n", + "def print_hits(results):\n", + "\n", + "def post(self):\n", + "\n", + "def register(self, params, target):\n", + "\n", + "def probe(self, params, lazy=True):\n", + "\n", + "def suggest(self, utility_function):\n", + "\n", + "def _prime_queue(self, init_points):\n", + "\n", + "def maximize(self,\n", + "\n", + "def register(self, params, target):\n", + "\n", + "def probe(self, params):\n", + "\n", + "def random_sample(self):\n", + "\n", + "def max(self):\n", + "\n", + "def res(self):\n", + "\n", + "def set_bounds(self, new_bounds):\n", + "\n", + "def get_data():\n", + "\n", + "def svc_cv(C, gamma, data, targets):\n", + "\n", + "def rfc_cv(n_estimators, min_samples_split, max_features, data, targets):\n", + "\n", + "def optimize_svc(data, targets):\n", + "\n", + " def svc_crossval(expC, expGamma):\n", + "\n", + "def optimize_rfc(data, targets):\n", + "\n", + " def rfc_crossval(n_estimators, min_samples_split, max_features):\n", + "\n", + "def acq_max(ac, gp, y_max, bounds, random_state, n_warmup=100000, n_iter=250):\n", + "\n", + "def load_logs(optimizer, logs):\n", + "\n", + "def ensure_rng(random_state=None):\n", + "\n", + "def expand_abbreviations(template, abbreviations):\n", + "\n", + "def repository_has_cookiecutter_json(repo_directory):\n", + "\n", + "def determine_repo_dir(template, abbreviations, clone_to_dir, checkout,\n", + "\n", + "def find_template(repo_dir):\n", + "\n", + "def is_copy_only_path(path, context):\n", + "\n", + "def apply_overwrites_to_context(context, overwrite_context):\n", + "\n", + "def generate_context(context_file='cookiecutter.json', default_context=None,\n", + "\n", + "def generate_file(project_dir, infile, context, env):\n", + "\n", + "def render_and_create_dir(dirname, context, output_dir, environment,\n", + "\n", + "def _run_hook_from_repo_dir(repo_dir, hook_name, project_dir, context,\n", + "\n", + "def generate_files(repo_dir, context=None, output_dir='.',\n", + "\n", + "def _expand_path(path):\n", + "\n", + "def merge_configs(default, overwrite):\n", + "\n", + "def get_config(config_path):\n", + "\n", + "def get_user_config(config_file=None, default_config=False):\n", + "\n", + "def force_delete(func, path, exc_info):\n", + "\n", + "def make_sure_path_exists(path):\n", + "\n", + "def work_in(dirname=None):\n", + "\n", + "def make_executable(script_path):\n", + "\n", + "def prompt_and_delete(path, no_input=False):\n", + "\n", + "def unzip(zip_uri, is_url, clone_to_dir='.', no_input=False, password=None):\n", + "\n", + "def read_user_yes_no(question, default_value):\n", + "\n", + "def read_user_choice(var_name, options):\n", + "\n", + "def read_user_dict(var_name, default_value):\n", + "\n", + "def render_variable(env, raw, cookiecutter_dict):\n", + "\n", + "def prompt_choice_for_config(cookiecutter_dict, env, key, options, no_input):\n", + "\n", + "def prompt_for_config(context, no_input=False):\n", + "\n", + "def _read_extensions(self, context):\n", + "\n", + "def configure_logger(stream_level='DEBUG', debug_file=None):\n", + "\n", + "def identify_repo(repo_url):\n", + "\n", + "def clone(repo_url, checkout=None, clone_to_dir='.', no_input=False):\n", + "\n", + "def valid_hook(hook_file, hook_name):\n", + "\n", + "def find_hook(hook_name, hooks_dir='hooks'):\n", + "\n", + "def run_script(script_path, cwd='.'):\n", + "\n", + "def run_script_with_context(script_path, cwd, context):\n", + "\n", + "def run_hook(hook_name, project_dir, context):\n", + "\n", + "def version_msg():\n", + "\n", + "def validate_extra_context(ctx, param, value):\n", + "\n", + "def from_function(cls, func):\n", + "\n", + "def replace(self, parameters=_void, return_annotation=_void):\n", + "\n", + "def _bind(self, args, kwargs, partial=False):\n", + "\n", + "def bind_partial(self, *args, **kwargs):\n", + "\n", + "def is_node(objecttype):\n", + "\n", + "def get_complete_version(version=None):\n", + "\n", + "def maybe_thenable(obj, on_resolve):\n", + "\n", + "def get_field_as(value, _as=None):\n", + "\n", + "def yank_fields_from_attrs(attrs, _as=None, sort=True):\n", + "\n", + "def import_string(dotted_path, dotted_attributes=None):\n", + "\n", + "def scan_aggs(search, source_aggs, inner_aggs={}, size=10):\n", + "\n", + " def run_search(**kwargs):\n", + "\n", + "def clean(self):\n", + "\n", + "def __list_fields(cls):\n", + "\n", + "def _clone(self):\n", + "\n", + "def response_class(self, cls):\n", + "\n", + "def update_from_dict(self, d):\n", + "\n", + "def script(self, **kwargs):\n", + "\n", + "def to_dict(self, **kwargs):\n", + "\n", + "def execute(self):\n", + "\n", + "def _collect_fields(self):\n", + "\n", + "def clone(self, name=None, using=None):\n", + "\n", + "def document(self, document):\n", + "\n", + "def analyzer(self, *args, **kwargs):\n", + "\n", + "def search(self, using=None):\n", + "\n", + "def updateByQuery(self, using=None):\n", + "\n", + "def create(self, using=None, **kwargs):\n", + "\n", + "def save(self, using=None):\n", + "\n", + "def analyze(self, using=None, **kwargs):\n", + "\n", + "def refresh(self, using=None, **kwargs):\n", + "\n", + "def flush(self, using=None, **kwargs):\n", + "\n", + "def get(self, using=None, **kwargs):\n", + "\n", + "def open(self, using=None, **kwargs):\n", + "\n", + "def close(self, using=None, **kwargs):\n", + "\n", + "def delete(self, using=None, **kwargs):\n", + "\n", + "def exists(self, using=None, **kwargs):\n", + "\n", + "def exists_type(self, using=None, **kwargs):\n", + "\n", + "def put_mapping(self, using=None, **kwargs):\n", + "\n", + "def get_mapping(self, using=None, **kwargs):\n", + "\n", + "def get_field_mapping(self, using=None, **kwargs):\n", + "\n", + "def put_alias(self, using=None, **kwargs):\n", + "\n", + "def exists_alias(self, using=None, **kwargs):\n", + "\n", + "def get_alias(self, using=None, **kwargs):\n", + "\n", + "def delete_alias(self, using=None, **kwargs):\n", + "\n", + "def get_settings(self, using=None, **kwargs):\n", + "\n", + "def put_settings(self, using=None, **kwargs):\n", + "\n", + "def stats(self, using=None, **kwargs):\n", + "\n", + "def segments(self, using=None, **kwargs):\n", + "\n", + "def validate_query(self, using=None, **kwargs):\n", + "\n", + "def clear_cache(self, using=None, **kwargs):\n", + "\n", + "def recovery(self, using=None, **kwargs):\n", + "\n", + "def upgrade(self, using=None, **kwargs):\n", + "\n", + "def get_upgrade(self, using=None, **kwargs):\n", + "\n", + "def flush_synced(self, using=None, **kwargs):\n", + "\n", + "def shard_stores(self, using=None, **kwargs):\n", + "\n", + "def forcemerge(self, using=None, **kwargs):\n", + "\n", + "def shrink(self, using=None, **kwargs):\n", + "\n", + "def configure(self, **kwargs):\n", + "\n", + "def remove_connection(self, alias):\n", + "\n", + "def create_connection(self, alias='default', **kwargs):\n", + "\n", + "def get_connection(self, alias='default'):\n", + "\n", + "def setup():\n", + "\n", + "def migrate(move_data=True, update_alias=True):\n", + "\n", + "def simulate(self, text, using='default', explain=False, attributes=None):\n", + "\n", + "def get_answers(self):\n", + "\n", + "def get_aggregation(self):\n", + "\n", + "def add_filter(self, filter_values):\n", + "\n", + "def get_values(self, data, filter_values):\n", + "\n", + "def add_filter(self, name, filter_values):\n", + "\n", + "def search(self):\n", + "\n", + "def query(self, search, query):\n", + "\n", + "def aggregate(self, search):\n", + "\n", + "def filter(self, search):\n", + "\n", + "def highlight(self, search):\n", + "\n", + "def sort(self, search):\n", + "\n", + "def build_search(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def params(self, **kwargs):\n", + "\n", + "def index(self, *index):\n", + "\n", + "def doc_type(self, *doc_type, **kwargs):\n", + "\n", + "def using(self, client):\n", + "\n", + "def extra(self, **kwargs):\n", + "\n", + "def _clone(self):\n", + "\n", + "def response_class(self, cls):\n", + "\n", + "def update_from_dict(self, d):\n", + "\n", + "def script_fields(self, **kwargs):\n", + "\n", + "def source(self, fields=None, **kwargs):\n", + "\n", + "def sort(self, *keys):\n", + "\n", + "def highlight_options(self, **kwargs):\n", + "\n", + "def highlight(self, *fields, **kwargs):\n", + "\n", + "def suggest(self, name, text, **kwargs):\n", + "\n", + "def to_dict(self, count=False, **kwargs):\n", + "\n", + "def count(self):\n", + "\n", + "def execute(self, ignore_cache=False):\n", + "\n", + "def scan(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def add(self, search):\n", + "\n", + "def execute(self, ignore_cache=False, raise_on_error=True):\n", + "\n", + " def _set_uid_gid(tarinfo):\n", + "\n", + "def start_kex(self):\n", + "\n", + "def parse_next(self, ptype, m):\n", + "\n", + "def _parse_kexgss_hostkey(self, m):\n", + "\n", + "def _parse_kexgss_continue(self, m):\n", + "\n", + "def _parse_kexgss_complete(self, m):\n", + "\n", + "def _parse_kexgss_init(self, m):\n", + "\n", + "def start_kex(self):\n", + "\n", + "def parse_next(self, ptype, m):\n", + "\n", + "def _parse_kexgss_group(self, m):\n", + "\n", + "def _parse_kexgss_complete(self, m):\n", + "\n", + "def _parse_kexgss_error(self, m):\n", + "\n", + "def from_stat(cls, obj, filename=None):\n", + "\n", + "def generate(bits, progress_func=None):\n", + "\n", + "def _data_in_prefetch_buffers(self, offset):\n", + "\n", + "def seek(self, offset, whence=0):\n", + "\n", + "def stat(self):\n", + "\n", + "def truncate(self, size):\n", + "\n", + "def check(self, hash_algorithm, offset=0, length=0, block_size=0):\n", + "\n", + "def prefetch(self, file_size=None):\n", + "\n", + "def readv(self, chunks):\n", + "\n", + "def _check_exception(self):\n", + "\n", + "def open_only(func):\n", + "\n", + " def _check(self, *args, **kwds):\n", + "\n", + "def exec_command(self, command):\n", + "\n", + "def resize_pty(self, width=80, height=24, width_pixels=0, height_pixels=0):\n", + "\n", + "def update_environment(self, environment):\n", + "\n", + "def set_environment_variable(self, name, value):\n", + "\n", + "def recv_exit_status(self):\n", + "\n", + "def request_forward_agent(self, handler):\n", + "\n", + "def set_combine_stderr(self, combine):\n", + "\n", + "def close(self):\n", + "\n", + "def send_ready(self):\n", + "\n", + "def send(self, s):\n", + "\n", + "def send_stderr(self, s):\n", + "\n", + "def sendall(self, s):\n", + "\n", + "def sendall_stderr(self, s):\n", + "\n", + "def fileno(self):\n", + "\n", + "def shutdown(self, how):\n", + "\n", + "def _wait_for_send_window(self, size):\n", + "\n", + "def convert_errno(e):\n", + "\n", + "def _convert_pflags(self, pflags):\n", + "\n", + "def set_event(self, event):\n", + "\n", + "def feed(self, data):\n", + "\n", + "def read_ready(self):\n", + "\n", + "def read(self, nbytes, timeout=None):\n", + "\n", + "def empty(self):\n", + "\n", + "def close(self):\n", + "\n", + "def parse(self, file_obj):\n", + "\n", + "def lookup(self, hostname):\n", + "\n", + "def get_hostnames(self):\n", + "\n", + "def _expand_variables(self, config, hostname):\n", + "\n", + "def _get_hosts(self, host):\n", + "\n", + "def as_bool(self, key):\n", + "\n", + "def check_channel_subsystem_request(self, channel, name):\n", + "\n", + "def add_prompt(self, prompt, echo=True):\n", + "\n", + "def GSSAuth(auth_method, gss_deleg_creds=True):\n", + "\n", + "def ssh_gss_oids(self, mode=\"client\"):\n", + "\n", + "def ssh_check_mech(self, desired_mech):\n", + "\n", + "def _ssh_build_mic(self, session_id, username, service, auth_method):\n", + "\n", + "def ssh_accept_sec_context(self, hostname, recv_token, username=None):\n", + "\n", + "def ssh_get_mic(self, session_id, gss_kex=False):\n", + "\n", + "def ssh_accept_sec_context(self, hostname, username, recv_token):\n", + "\n", + "def ssh_check_mic(self, mic_token, session_id, username=None):\n", + "\n", + "def credentials_delegated(self):\n", + "\n", + "def from_transport(cls, t, window_size=None, max_packet_size=None):\n", + "\n", + "def listdir_iter(self, path=\".\", read_aheads=50):\n", + "\n", + "def rename(self, oldpath, newpath):\n", + "\n", + "def posix_rename(self, oldpath, newpath):\n", + "\n", + "def mkdir(self, path, mode=o777):\n", + "\n", + "def symlink(self, source, dest):\n", + "\n", + "def chown(self, path, uid, gid):\n", + "\n", + "def utime(self, path, times):\n", + "\n", + "def truncate(self, path, size):\n", + "\n", + "def putfo(self, fl, remotepath, file_size=0, callback=None, confirm=True):\n", + "\n", + "def put(self, localpath, remotepath, callback=None, confirm=True):\n", + "\n", + "def getfo(self, remotepath, fl, callback=None):\n", + "\n", + "def get(self, remotepath, localpath, callback=None):\n", + "\n", + "def _convert_status(self, msg):\n", + "\n", + "def _adjust_cwd(self, path):\n", + "\n", + "def coverage(ctx, opts=\"\"):\n", + "\n", + "def guard(ctx, opts=\"\"):\n", + "\n", + "def release(ctx, sdist=True, wheel=True, sign=True, dry_run=False, index=None):\n", + "\n", + "def set_gss_host(self, gss_host, trust_dns=True, gssapi_requested=True):\n", + "\n", + "def start_client(self, event=None, timeout=None):\n", + "\n", + "def load_server_moduli(filename=None):\n", + "\n", + "def close(self):\n", + "\n", + "def request_port_forward(self, address, port, handler=None):\n", + "\n", + " def default_handler(channel, src_addr, dest_addr_port):\n", + "\n", + "def cancel_port_forward(self, address, port):\n", + "\n", + "def send_ignore(self, byte_count=None):\n", + "\n", + "def accept(self, timeout=None):\n", + "\n", + "def get_exception(self):\n", + "\n", + "def set_subsystem_handler(self, name, handler, *larg, **kwarg):\n", + "\n", + "def auth_password(self, username, password, event=None, fallback=True):\n", + "\n", + " def handler(title, instructions, fields):\n", + "\n", + "def auth_publickey(self, username, key, event=None):\n", + "\n", + "def auth_interactive(self, username, handler, submethods=\"\"):\n", + "\n", + "def auth_interactive_dumb(self, username, handler=None, submethods=\"\"):\n", + "\n", + " def handler(title, instructions, prompt_list):\n", + "\n", + "def auth_gssapi_with_mic(self, username, gss_host, gss_deleg_creds):\n", + "\n", + "def set_log_channel(self, name):\n", + "\n", + "def _next_channel(self):\n", + "\n", + "def _compute_key(self, id, nbytes):\n", + "\n", + "def _ensure_authed(self, ptype, message):\n", + "\n", + "def _activate_outbound(self):\n", + "\n", + "def flush(self):\n", + "\n", + "def readinto(self, buff):\n", + "\n", + "def readlines(self, sizehint=None):\n", + "\n", + "def write(self, data):\n", + "\n", + "def add(self, hostname, keytype, key):\n", + "\n", + "def load(self, filename):\n", + "\n", + "def lookup(self, hostname):\n", + "\n", + " def __init__(self, hostname, entries, hostkeys):\n", + "\n", + " def __iter__(self):\n", + "\n", + " def __len__(self):\n", + "\n", + " def __delitem__(self, key):\n", + "\n", + " def __getitem__(self, key):\n", + "\n", + " def __setitem__(self, key, val):\n", + "\n", + " def keys(self):\n", + "\n", + "def _hostname_matches(self, hostname, entry):\n", + "\n", + "def from_line(cls, line, lineno=None):\n", + "\n", + "def _query_pageant(msg):\n", + "\n", + "def get_remainder(self):\n", + "\n", + "def get_so_far(self):\n", + "\n", + "def get_bytes(self, n):\n", + "\n", + "def add_boolean(self, b):\n", + "\n", + "def add_adaptive_int(self, n):\n", + "\n", + "def add_int64(self, n):\n", + "\n", + "def _roll_random(n):\n", + "\n", + "def read_file(self, filename):\n", + "\n", + "def generate(cls, curve=ec.SECP256R1(), progress_func=None, bits=None):\n", + "\n", + "def from_private_key_file(cls, filename, password=None):\n", + "\n", + "def from_private_key(cls, file_obj, password=None):\n", + "\n", + "def _write_private_key_file(self, filename, key, format, password=None):\n", + "\n", + "def _check_type_and_load_cert(self, msg, key_type, cert_type):\n", + "\n", + "def load_certificate(self, value):\n", + "\n", + "def from_file(cls, filename):\n", + "\n", + "def from_string(cls, string):\n", + "\n", + "def from_message(cls, message):\n", + "\n", + "def make_or_pipe(pipe):\n", + "\n", + "def get_connection(self):\n", + "\n", + "def close(self):\n", + "\n", + "def close(self):\n", + "\n", + "def set_keepalive(self, interval, callback):\n", + "\n", + "def start_handshake(self, timeout):\n", + "\n", + "def handshake_timed_out(self):\n", + "\n", + "def complete_handshake(self):\n", + "\n", + "def close(self):\n", + "\n", + "def _get_next_files(self):\n", + "\n", + "def generate_key_bytes(hash_alg, salt, key, nbytes):\n", + "\n", + "def log_to_file(filename, level=DEBUG):\n", + "\n", + "def send(self, content):\n", + "\n", + "def recv(self, size):\n", + "\n", + "def format_system_message(errno):\n", + "\n", + "def GetTokenInformation(token, information_class):\n", + "\n", + "def get_current_user():\n", + "\n", + "def generate(bits=1024, progress_func=None):\n", + "\n", + "def load_system_host_keys(self, filename=None):\n", + "\n", + "def load_host_keys(self, filename):\n", + "\n", + "def set_missing_host_key_policy(self, policy):\n", + "\n", + "def _families_and_addresses(self, hostname, port):\n", + "\n", + "def close(self):\n", + "\n", + "def _key_from_filepath(self, filename, klass, password):\n", + "\n", + "def language(self, language):\n", + "\n", + "def kernel_type(self, kernel_type):\n", + "\n", + "def authenticate(self):\n", + "\n", + "def read_config_environment(self, config_data=None, quiet=False):\n", + "\n", + "def _load_config(self, config_data):\n", + "\n", + "def read_config_file(self, config_data=None, quiet=False):\n", + "\n", + "def _read_config_file(self):\n", + "\n", + "def _write_config_file(self, config_data, indent=2):\n", + "\n", + "def set_config_value(self, name, value, quiet=False):\n", + "\n", + "def unset_config_value(self, name, quiet=False):\n", + "\n", + "def get_default_download_dir(self, *subdirs):\n", + "\n", + "def print_config_value(self, name, prefix='- ', separator=': '):\n", + "\n", + "def print_config_values(self, prefix='- '):\n", + "\n", + "def competitions_list(self,\n", + "\n", + "def competitions_list_cli(self,\n", + "\n", + "def competition_submit(self, file_name, message, competition, quiet=False):\n", + "\n", + "def competition_submit_cli(self,\n", + "\n", + "def competition_submissions(self, competition):\n", + "\n", + "def competition_submissions_cli(self,\n", + "\n", + "def competition_list_files(self, competition):\n", + "\n", + "def competition_list_files_cli(self,\n", + "\n", + "def competition_download_file(self,\n", + "\n", + "def competition_download_files(self,\n", + "\n", + "def competition_download_cli(self,\n", + "\n", + "def competition_leaderboard_download(self, competition, path, quiet=True):\n", + "\n", + "def competition_leaderboard_view(self, competition):\n", + "\n", + "def competition_leaderboard_cli(self,\n", + "\n", + "def dataset_list(self,\n", + "\n", + "def dataset_list_cli(self,\n", + "\n", + "def dataset_view(self, dataset):\n", + "\n", + "def dataset_list_files(self, dataset):\n", + "\n", + "def dataset_list_files_cli(self,\n", + "\n", + "def dataset_status(self, dataset):\n", + "\n", + "def dataset_status_cli(self, dataset, dataset_opt=None):\n", + "\n", + "def dataset_download_file(self,\n", + "\n", + "def dataset_download_files(self,\n", + "\n", + "def dataset_download_cli(self,\n", + "\n", + "def dataset_upload_file(self, path, quiet):\n", + "\n", + "def dataset_create_version(self,\n", + "\n", + "def dataset_create_version_cli(self,\n", + "\n", + "def dataset_initialize(self, folder):\n", + "\n", + "def dataset_create_new(self,\n", + "\n", + "def dataset_create_new_cli(self,\n", + "\n", + "def download_file(self, response, outfile, quiet=True, chunk_size=1048576):\n", + "\n", + "def kernels_list(self,\n", + "\n", + "def kernels_list_cli(self,\n", + "\n", + "def kernels_initialize(self, folder):\n", + "\n", + "def kernels_initialize_cli(self, folder=None):\n", + "\n", + "def kernels_push(self, folder):\n", + "\n", + "def kernels_push_cli(self, folder):\n", + "\n", + "def kernels_pull(self, kernel, path, metadata=False, quiet=True):\n", + "\n", + "def kernels_pull_cli(self,\n", + "\n", + "def kernels_output(self, kernel, path, force=False, quiet=True):\n", + "\n", + "def kernels_output_cli(self,\n", + "\n", + "def kernels_status(self, kernel):\n", + "\n", + "def kernels_status_cli(self, kernel, kernel_opt=None):\n", + "\n", + "def download_needed(self, response, outfile, quiet=True):\n", + "\n", + "def print_table(self, items, fields):\n", + "\n", + "def print_csv(self, items, fields):\n", + "\n", + "def process_response(self, result):\n", + "\n", + "def is_up_to_date(self, server_version):\n", + "\n", + "def upload_files(self,\n", + "\n", + "def _upload_file(self, file_name, full_path, quiet, request, resources):\n", + "\n", + "def process_column(self, column):\n", + "\n", + "def upload_complete(self, path, url, quiet):\n", + "\n", + "def validate_dataset_string(self, dataset):\n", + "\n", + "def validate_kernel_string(self, kernel):\n", + "\n", + "def validate_resources(self, folder, resources):\n", + "\n", + "def validate_files_exist(self, folder, resources):\n", + "\n", + "def validate_no_duplicate_paths(self, resources):\n", + "\n", + "def convert_to_dataset_file_metadata(self, file_data, path):\n", + "\n", + "def read(self, *args, **kwargs):\n", + "\n", + "def parameters_to_tuples(self, params, collection_formats):\n", + "\n", + "def prepare_post_parameters(self, post_params=None, files=None):\n", + "\n", + "def __deserialize_file(self, response):\n", + "\n", + "def __deserialize_primitive(self, data, klass):\n", + "\n", + "def logger_file(self, value):\n", + "\n", + "def license_name(self, license_name):\n", + "\n", + "def train(net, train_data, test_data):\n", + "\n", + "def embedding(self, sentences, oov_way='avg'):\n", + "\n", + "def data_loader(self, sentences, shuffle=False):\n", + "\n", + "def oov(self, batches, oov_way='avg'):\n", + "\n", + "def get_bert_model(model_name=None, dataset_name=None, vocab=None,\n", + "\n", + "def hybrid_forward(self, F, data, gamma, beta):\n", + "\n", + "def _get_classifier(self, prefix):\n", + "\n", + "def _get_decoder(self, units, vocab_size, embed, prefix):\n", + "\n", + "def _get_embed(self, embed, vocab_size, embed_size, initializer, dropout, prefix):\n", + "\n", + "def _get_pooler(self, units, prefix):\n", + "\n", + "def _encode_sequence(self, inputs, token_types, valid_length=None):\n", + "\n", + "def _decode(self, sequence, masked_positions):\n", + "\n", + "def _ngrams(segment, n):\n", + "\n", + "def _bpe_to_words(sentence, delimiter='@@'):\n", + "\n", + "def _tokenize_mteval_13a(segment):\n", + "\n", + "def _tokenize_mteval_v14_intl(segment):\n", + "\n", + "def compute_bleu(reference_corpus_list, translation_corpus, tokenized=True,\n", + "\n", + "def _compute_precision(references, translation, n):\n", + "\n", + "def _brevity_penalty(ref_length, trans_length):\n", + "\n", + "def _closest_ref_length(references, trans_length):\n", + "\n", + "def _smoothing(precision_fractions, c=1):\n", + "\n", + "def forward(self, true_classes):\n", + "\n", + "def preprocess_dataset(data, min_freq=5, max_vocab_size=None):\n", + "\n", + " def code(sentence):\n", + "\n", + "def wiki(wiki_root, wiki_date, wiki_language, max_vocab_size=None):\n", + "\n", + " def code(shard):\n", + "\n", + "def transform_data_fasttext(data, vocab, idx_to_counts, cbow, ngram_buckets,\n", + "\n", + " def subsample(shard):\n", + "\n", + "def transform_data_word2vec(data, vocab, idx_to_counts, cbow, batch_size,\n", + "\n", + " def subsample(shard):\n", + "\n", + "def cbow_fasttext_batch(centers, contexts, num_tokens, subword_lookup, dtype,\n", + "\n", + "def skipgram_fasttext_batch(centers, contexts, num_tokens, subword_lookup,\n", + "\n", + "def cbow_batch(centers, contexts, num_tokens, dtype, index_dtype):\n", + "\n", + "def skipgram_batch(centers, contexts, num_tokens, dtype, index_dtype):\n", + "\n", + "def skipgram_lookup(indices, subwordidxs, subwordidxsptr, offset=0):\n", + "\n", + "def cbow_lookup(context_row, context_col, subwordidxs, subwordidxsptr,\n", + "\n", + "def src_vocab(self):\n", + "\n", + "def tgt_vocab(self):\n", + "\n", + "def evaluate(data_loader):\n", + "\n", + "def train():\n", + "\n", + "def get_cache_model(name, dataset_name='wikitext-2', window=2000,\n", + "\n", + "def train(args):\n", + "\n", + "def evaluate(args, embedding, vocab, global_step, eval_analogy=False):\n", + "\n", + "def get_field(self, field):\n", + "\n", + "def get_final_text(pred_text, orig_text, tokenizer):\n", + "\n", + " def _strip_spaces(text):\n", + "\n", + "def predictions(dev_dataset,\n", + "\n", + "def get_F1_EM(dataset, predict_data):\n", + "\n", + "def preprocess_data(tokenizer, task, batch_size, dev_batch_size, max_len, pad=False):\n", + "\n", + "def evaluate(dataloader_eval, metric):\n", + "\n", + "def log_train(batch_id, batch_num, metric, step_loss, log_interval, epoch_id, learning_rate):\n", + "\n", + "def log_inference(batch_id, batch_num, metric, step_loss, log_interval):\n", + "\n", + "def train(metric):\n", + "\n", + "def inference(metric):\n", + "\n", + "def preprocess_dataset(dataset, question_max_length, context_max_length):\n", + "\n", + "def _get_answer_spans(answer_list, answer_start_list):\n", + "\n", + "def get_word_level_vocab(self):\n", + "\n", + " def simple_tokenize(source_str, token_delim=' ', seq_delim='\\n'):\n", + "\n", + "def _tokenize(self, text):\n", + "\n", + "def _clean_text(self, text):\n", + "\n", + "def _is_control(self, char):\n", + "\n", + "def _run_split_on_punc(self, text):\n", + "\n", + "def _is_punctuation(self, char):\n", + "\n", + "def _is_whitespace(self, char):\n", + "\n", + "def _whitespace_tokenize(self, text):\n", + "\n", + "def _tokenize_wordpiece(self, text):\n", + "\n", + "def _truncate_seq_pair(self, tokens_a, tokens_b, max_length):\n", + "\n", + "def get_args():\n", + "\n", + "def validate_args(args):\n", + "\n", + "def load_embedding_from_path(args):\n", + "\n", + "def grad_global_norm(parameters, max_norm):\n", + "\n", + " def _norm(array):\n", + "\n", + " def group_by_ctx(arr_list):\n", + "\n", + "def backward(self, loss):\n", + "\n", + "def step(self, batch_size, max_norm=None):\n", + "\n", + "def has_overflow(self, params):\n", + "\n", + "def update_scale(self, overflow):\n", + "\n", + "def stats(self):\n", + "\n", + "def train():\n", + "\n", + "def evaluate():\n", + "\n", + "def load_dataset(data_name):\n", + "\n", + "def get_home_dir():\n", + "\n", + "def read_dataset(args, dataset):\n", + "\n", + "def build_vocab(dataset):\n", + "\n", + "def prepare_data_loader(args, dataset, vocab, test=False):\n", + "\n", + "def mxnet_prefer_gpu():\n", + "\n", + "def init_logger(root_dir, name=\"train.log\"):\n", + "\n", + "def orthonormal_VanillaLSTMBuilder(lstm_layers, input_dims, lstm_hiddens, dropout_x=0., dropout_h=0., debug=False):\n", + "\n", + "def biLSTM(f_lstm, b_lstm, inputs, batch_size=None, dropout_x=0., dropout_h=0.):\n", + "\n", + "def bilinear(x, W, y, input_size, seq_len, batch_size, num_outputs=1, bias_x=False, bias_y=False):\n", + "\n", + "def orthonormal_initializer(output_size, input_size, debug=False):\n", + "\n", + "def arc_argmax(parse_probs, length, tokens_to_keep, ensure_tree=True):\n", + "\n", + "def rel_argmax(rel_probs, length, ensure_tree=True):\n", + "\n", + "def reshape_fortran(tensor, shape):\n", + "\n", + "def update(self, current, values=[], exact=[], strict=[]):\n", + "\n", + "def get_batch(data_source, i, seq_len=None):\n", + "\n", + "def evaluate(data_source, batch_size, params_file_name, ctx=None):\n", + "\n", + "def train():\n", + "\n", + "def register(class_):\n", + "\n", + "def create(kind, name, **kwargs):\n", + "\n", + "def list_evaluation_functions(kind=None):\n", + "\n", + "def evaluate(data_source, batch_size, ctx=None):\n", + "\n", + "def get_model(name, dataset_name='wikitext-2', **kwargs):\n", + "\n", + "def bert_12_768_12(dataset_name=None, vocab=None, pretrained=True, ctx=mx.cpu(),\n", + "\n", + "def hybrid_forward(self, F, inputs, token_types, valid_length=None, masked_positions=None):\n", + "\n", + "def put(self, x):\n", + "\n", + "def from_json(cls, json_str):\n", + "\n", + "def hybrid_forward(self, F, center, context, center_words):\n", + "\n", + "def evaluate(dataloader):\n", + "\n", + "def train():\n", + "\n", + "def hybrid_forward(self, F, inputs, states, i2h_weight,\n", + "\n", + "def clip_grad_global_norm(parameters, max_norm, check_isfinite=True):\n", + "\n", + " def _norm(array):\n", + "\n", + "def train(data_train, model, nsp_loss, mlm_loss, vocab_size, ctx, store):\n", + "\n", + "def forward_backward(self, x):\n", + "\n", + "def log_info(self, logger):\n", + "\n", + "def _add_pret_words(self, pret_embeddings):\n", + "\n", + "def get_pret_embs(self, word_dims=None):\n", + "\n", + "def get_word_embs(self, word_dims):\n", + "\n", + "def get_tag_embs(self, tag_dims):\n", + "\n", + "def word2id(self, xs):\n", + "\n", + "def id2word(self, xs):\n", + "\n", + "def rel2id(self, xs):\n", + "\n", + "def id2rel(self, xs):\n", + "\n", + "def tag2id(self, xs):\n", + "\n", + "def idx_sequence(self):\n", + "\n", + "def get_batches(self, batch_size, shuffle=True):\n", + "\n", + "def create_ngram_set(input_list, ngram_value=2):\n", + "\n", + "def add_ngram(sequences, token_indice, ngram_range=2):\n", + "\n", + "def evaluate_accuracy(data_iterator, net, ctx, loss_fun, num_classes):\n", + "\n", + "def read_input_data(filename):\n", + "\n", + "def parse_args():\n", + "\n", + "def get_label_mapping(train_labels):\n", + "\n", + "def convert_to_sequences(dataset, vocab):\n", + "\n", + "def preprocess_dataset(dataset, labels):\n", + "\n", + "def get_dataloader(train_dataset, train_data_lengths,\n", + "\n", + "def train(args):\n", + "\n", + "def hybrid_forward(self, F, inputs, token_types, valid_length=None):\n", + "\n", + "def encode(self, inputs, states=None, valid_length=None):\n", + "\n", + "def decode_seq(self, inputs, states, valid_length=None):\n", + "\n", + "def decode_step(self, step_input, states):\n", + "\n", + "def create_subword_function(subword_function_name, **kwargs):\n", + "\n", + "def _index_special_tokens(self, unknown_token, special_tokens):\n", + "\n", + "def _index_counter_keys(self, counter, unknown_token, special_tokens, max_size,\n", + "\n", + "def set_embedding(self, *embeddings):\n", + "\n", + "def to_tokens(self, indices):\n", + "\n", + "def to_json(self):\n", + "\n", + "def from_json(cls, json_str):\n", + "\n", + "def train(data_train, model, nsp_loss, mlm_loss, vocab_size, ctx):\n", + "\n", + "def train():\n", + "\n", + " def set_new_lr(step_num, batch_id):\n", + "\n", + "def evaluate():\n", + "\n", + "def _pad_arrs_to_max_length(arrs, pad_axis, pad_val, use_shared_mem, dtype):\n", + "\n", + "def train(self, train_file, dev_file, test_file, save_dir, pretrained_embeddings=None, min_occur_count=2,\n", + "\n", + "def load(self, path):\n", + "\n", + "def evaluate(self, test_file, save_dir=None, logger=None, num_buckets_test=10, test_batch_size=5000):\n", + "\n", + "def parse(self, sentence):\n", + "\n", + "def apply_weight_drop(block, local_param_regex, rate, axes=(),\n", + "\n", + "def _get_rnn_cell(mode, num_layers, input_size, hidden_size,\n", + "\n", + "def _get_rnn_layer(mode, num_layers, input_size, hidden_size, dropout, weight_dropout):\n", + "\n", + "def hybrid_forward(self, F, x, sampled_values, label, w_all, b_all):\n", + "\n", + "def hybrid_forward(self, F, x, sampled_values, label, weight, bias):\n", + "\n", + "def forward(self, x, sampled_values, label):\n", + "\n", + "def _extract_and_flatten_nested_structure(data, flattened=None):\n", + "\n", + "def _reconstruct_flattened_structure(structure, flattened):\n", + "\n", + "def _expand_to_beam_size(data, beam_size, batch_size, state_info=None):\n", + "\n", + "def hybrid_forward(self, F, samples, valid_length, outputs, scores, beam_alive_mask, states):\n", + "\n", + " def _then_func():\n", + "\n", + " def _else_func():\n", + "\n", + "def data(self, ctx=None):\n", + "\n", + "def elmo_2x1024_128_2048cnn_1xhighway(dataset_name=None, pretrained=False, ctx=mx.cpu(),\n", + "\n", + "def hybrid_forward(self, F, inputs):\n", + "\n", + "def hybrid_forward(self, F, inputs, states=None, mask=None):\n", + "\n", + "def awd_lstm_lm_1150(dataset_name=None, vocab=None, pretrained=False, ctx=cpu(),\n", + "\n", + "def standard_lstm_lm_200(dataset_name=None, vocab=None, pretrained=False, ctx=cpu(),\n", + "\n", + "def big_rnn_lm_2048_512(dataset_name=None, vocab=None, pretrained=False, ctx=cpu(),\n", + "\n", + "def _get_cell_type(cell_type):\n", + "\n", + "def _get_context(center_idx, sentence_boundaries, window_size,\n", + "\n", + "def model(dropout, vocab, model_mode, output_size):\n", + "\n", + "def init(textCNN, vocab, model_mode, context, lr):\n", + "\n", + "def preprocess_dataset(dataset, transform, num_workers=8):\n", + "\n", + "def get_model(name, dataset_name='wikitext-2', **kwargs):\n", + "\n", + "def _masked_softmax(F, att_score, mask, dtype):\n", + "\n", + "def _read_by_weight(self, F, att_weights, value):\n", + "\n", + "def translate(self, src_seq, src_valid_length):\n", + "\n", + "def evaluate_official_script(parser, vocab, num_buckets_test, test_batch_size, test_file, output_file,\n", + "\n", + "def parameter_from_numpy(self, name, array):\n", + "\n", + "def parameter_init(self, name, shape, init):\n", + "\n", + "def forward(self, word_inputs, tag_inputs, arc_targets=None, rel_targets=None):\n", + "\n", + " def flatten_numpy(ndarray):\n", + "\n", + "def save_parameters(self, filename):\n", + "\n", + "def _worker_fn(samples, batchify_fn, dataset=None):\n", + "\n", + "def _thread_worker_fn(samples, batchify_fn, dataset):\n", + "\n", + "def create(embedding_name, **kwargs):\n", + "\n", + "def list_sources(embedding_name=None):\n", + "\n", + "def _load_embedding(self, pretrained_file_path, elem_delim,\n", + "\n", + "def _load_embedding_txt(self, pretrained_file_path, elem_delim, encoding='utf8'):\n", + "\n", + "def _load_embedding_serialized(self, pretrained_file_path):\n", + "\n", + "def _check_vector_update(self, tokens, new_embedding):\n", + "\n", + "def _check_source(cls, source_file_hash, source):\n", + "\n", + "def from_file(file_path, elem_delim=' ', encoding='utf8', **kwargs):\n", + "\n", + "def serialize(self, file_path, compress=True):\n", + "\n", + "def deserialize(cls, file_path, **kwargs):\n", + "\n", + "def evaluate(data_source):\n", + "\n", + "def register(class_=None, **kwargs):\n", + "\n", + " def _real_register(class_):\n", + "\n", + "def create(name, **kwargs):\n", + "\n", + "def list_datasets(name=None):\n", + "\n", + "def parse_args():\n", + "\n", + "def get_vocab(args):\n", + "\n", + "def add_parameters(parser):\n", + "\n", + "def validate_args(args):\n", + "\n", + "def iterate_similarity_datasets(args):\n", + "\n", + "def iterate_analogy_datasets(args):\n", + "\n", + "def get_similarity_task_tokens(args):\n", + "\n", + "def get_analogy_task_tokens(args):\n", + "\n", + "def evaluate_similarity(args, token_embedding, ctx, logfile=None,\n", + "\n", + "def evaluate_analogy(args, token_embedding, ctx, logfile=None, global_step=0):\n", + "\n", + "def log_similarity_result(logfile, result):\n", + "\n", + "def get_model_loss(ctx, model, pretrained, dataset_name, dtype, ckpt_dir=None, start_step=None):\n", + "\n", + "def get_pretrain_dataset(data, batch_size, num_ctxes, shuffle, use_avg_len,\n", + "\n", + " def get_dataloader(dataset):\n", + "\n", + "def get_dummy_dataloader(dataloader, target_shape):\n", + "\n", + " def __init__(self, batch):\n", + "\n", + " def __iter__(self):\n", + "\n", + "def save_params(step_num, model, trainer, ckpt_dir):\n", + "\n", + "def log(begin_time, running_num_tks, running_mlm_loss, running_nsp_loss, step_num,\n", + "\n", + "def split_and_load(arrs, ctx):\n", + "\n", + "def forward(data, model, mlm_loss, nsp_loss, vocab_size, dtype):\n", + "\n", + "def evaluate(data_eval, model, nsp_loss, mlm_loss, vocab_size, ctx, log_interval, dtype):\n", + "\n", + "def get_argparser():\n", + "\n", + "def _cache_dataset(dataset, prefix):\n", + "\n", + "def load_translation_data(dataset, bleu, args):\n", + "\n", + "def make_dataloader(data_train, data_val, data_test, args,\n", + "\n", + "def run(self):\n", + "\n", + "def hybrid_forward(self, F, words, weight):\n", + "\n", + "def load_fasttext_format(cls, path, ctx=cpu(), **kwargs):\n", + "\n", + "def logging_config(logpath=None,\n", + "\n", + "def parse_args():\n", + "\n", + "def get_train_data(args):\n", + "\n", + "def train(args):\n", + "\n", + "def log(args, kwargs):\n", + "\n", + "def hybrid_forward(self, F, row, col, counts):\n", + "\n", + "def update(self, labels, preds, masks=None):\n", + "\n", + "def hybrid_forward(self, F, sentence1, sentence2):\n", + "\n", + "def hybrid_forward(self, F, feature_a):\n", + "\n", + "def hybrid_forward(self, F, a, b):\n", + "\n", + "def count_tokens(tokens, to_lower=False, counter=None):\n", + "\n", + "def slice_sequence(sequence, length, pad_last=False, pad_val=C.PAD_TOKEN, overlap=0):\n", + "\n", + "def _slice_pad_length(num_items, length, overlap=0):\n", + "\n", + "def train_valid_split(dataset, valid_ratio=0.05):\n", + "\n", + "def _load_pretrained_vocab(name, root=os.path.join(get_home_dir(), 'models'), cls=None):\n", + "\n", + "def _extract_archive(file, target_dir):\n", + "\n", + "def discard(self, min_freq, unknown_token):\n", + "\n", + "def train():\n", + "\n", + "def hybrid_forward(self, F, inputs, **kwargs):\n", + "\n", + "def hybrid_forward(self, F, inputs, states=None, mask=None):\n", + "\n", + "def main(args):\n", + "\n", + "def _recenter(self):\n", + "\n", + "def _reindex(self):\n", + "\n", + "def get_gnmt_encoder_decoder(cell_type='lstm', attention_cell='scaled_luong', num_layers=2,\n", + "\n", + "def init_state_from_encoder(self, encoder_outputs, encoder_valid_length=None):\n", + "\n", + "def decode_seq(self, inputs, states, valid_length=None):\n", + "\n", + "def transform(instance, tokenizer, max_seq_length, max_predictions_per_seq, do_pad=True):\n", + "\n", + "def write_to_files_np(features, tokenizer, max_seq_length,\n", + "\n", + "def write_to_files_rec(instances, tokenizer, max_seq_length,\n", + "\n", + "def create_training_instances(x):\n", + "\n", + "def create_masked_lm_predictions(tokens, masked_lm_prob,\n", + "\n", + "def truncate_seq_pair(tokens_a, tokens_b, max_num_tokens, rng):\n", + "\n", + "def main():\n", + "\n", + "def convert_vocab(vocab_file):\n", + "\n", + " def swap(token, target_idx, token_to_idx, idx_to_token, swap_idx):\n", + "\n", + "def read_tf_checkpoint(path):\n", + "\n", + "def profile(curr_step, start_step, end_step, profile_name='profile.json',\n", + "\n", + "def load_vocab(vocab_file):\n", + "\n", + "def _position_encoding_init(max_length, dim):\n", + "\n", + "def get_transformer_encoder_decoder(num_layers=2,\n", + "\n", + "def transformer_en_de_512(dataset_name=None, src_vocab=None, tgt_vocab=None, pretrained=False,\n", + "\n", + "def _get_activation(self, act):\n", + "\n", + "def init_state_from_encoder(self, encoder_outputs, encoder_valid_length=None):\n", + "\n", + "def decode_seq(self, inputs, states, valid_length=None):\n", + "\n", + "def forward_backward(self, x):\n", + "\n", + "def parse_args():\n", + "\n", + "def train_model(model, train_data_loader, val_data_loader, embedding, ctx, args):\n", + "\n", + "def main(args):\n", + "\n", + "def hybrid_forward(self, F, candidates_like, prob, alias):\n", + "\n", + " def write(m):\n", + "\n", + " def writer(m):\n", + "\n", + " def stopper():\n", + "\n", + " def writer(m):\n", + "\n", + " def writer(m):\n", + "\n", + " def stopper():\n", + "\n", + " def filter_func(r):\n", + "\n", + "def remove(self, handler_id=None):\n", + "\n", + " def __init__(self, as_decorator):\n", + "\n", + " def __enter__(self_):\n", + "\n", + " def __exit__(self_, type_, value, traceback_):\n", + "\n", + " def __call__(_, function):\n", + "\n", + " def catch_wrapper(*args, **kwargs):\n", + "\n", + " def catch_wrapper(*args, **kwargs):\n", + "\n", + "def opt(self, *, exception=None, record=False, lazy=False, ansi=False, raw=False, depth=0):\n", + "\n", + "def bind(_self, **kwargs):\n", + "\n", + "def level(self, name, no=None, color=None, icon=None):\n", + "\n", + "def configure(self, *, handlers=None, levels=None, extra=None, activation=None):\n", + "\n", + "def parse(file, pattern, *, cast={}, chunk=2 ** 16):\n", + "\n", + " def cast_function(groups):\n", + "\n", + "def log(_self, _level, _message, *args, **kwargs):\n", + "\n", + "def start(self, *args, **kwargs):\n", + "\n", + "def stop(self, *args, **kwargs):\n", + "\n", + "def convert_serializer_field(field, is_input=True):\n", + "\n", + "def perform_import(val, setting_name):\n", + "\n", + "def custom_filterset_factory(model, filterset_base_class=FilterSet, **meta):\n", + "\n", + "def filter(self, qs, value):\n", + "\n", + "def get_filtering_args_from_filterset(filterset_class, type):\n", + "\n", + "def _make_topics_result(f, futmap):\n", + "\n", + "def _make_resource_result(f, futmap):\n", + "\n", + "def _make_futures(futmap_keys, class_check, make_result_fn):\n", + "\n", + "def create_topics(self, new_topics, **kwargs):\n", + "\n", + "def delete_topics(self, topics, **kwargs):\n", + "\n", + "def create_partitions(self, new_partitions, **kwargs):\n", + "\n", + "def describe_configs(self, resources, **kwargs):\n", + "\n", + "def loads(schema_str):\n", + "\n", + "def produce(self, **kwargs):\n", + "\n", + "def poll(self, timeout=None):\n", + "\n", + "def encode_record_with_schema(self, topic, schema, record, is_key=False):\n", + "\n", + "def encode_record_with_schema_id(self, schema_id, record, is_key=False):\n", + "\n", + "def decode_message(self, message, is_key=False):\n", + "\n", + "def acked(err, msg):\n", + "\n", + "def example_create_topics(a, topics):\n", + "\n", + "def example_delete_topics(a, topics):\n", + "\n", + "def example_create_partitions(a, topics):\n", + "\n", + "def example_describe_configs(a, args):\n", + "\n", + "def example_alter_configs(a, args):\n", + "\n", + "def example_delta_alter_configs(a, args):\n", + "\n", + " def __init__(self, waitcnt):\n", + "\n", + " def decr(self):\n", + "\n", + " def wait(self):\n", + "\n", + " def __len__(self):\n", + "\n", + " def delta_alter_configs_done(fut, resource):\n", + "\n", + " def delta_alter_configs(resource, remote_config):\n", + "\n", + "def example_list(a, args):\n", + "\n", + "def _resolve_plugins(plugins):\n", + "\n", + "def on_delivery(err, msg, obj):\n", + "\n", + "def produce(topic, conf):\n", + "\n", + "def consume(topic, conf):\n", + "\n", + "def register(self, subject, avro_schema):\n", + "\n", + "def delete_subject(self, subject):\n", + "\n", + "def get_by_id(self, schema_id):\n", + "\n", + "def get_version(self, subject, avro_schema):\n", + "\n", + "def update_compatibility(self, level, subject=None):\n", + "\n", + "def get_compatibility(self, subject=None):\n", + "\n", + "def download(self, dirpath):\n", + "\n", + "def collect_single_s3(self, path):\n", + "\n", + "def collect_s3(self):\n", + "\n", + "def collect_local(self, path):\n", + "\n", + "def _config(name, key=None, **kwargs):\n", + "\n", + "def add_host(zone, name, ttl, ip, nameserver='127.0.0.1', replace=True,\n", + "\n", + "def delete_host(zone, name, nameserver='127.0.0.1', timeout=5, port=53,\n", + "\n", + "def update(zone, name, ttl, rdtype, data, nameserver='127.0.0.1', timeout=5,\n", + "\n", + "def _set_callables(modules):\n", + "\n", + " def _set_function(cmd_name, doc):\n", + "\n", + " def _cmd(*args, **kw):\n", + "\n", + "def help(module=None, *args):\n", + "\n", + "def playbooks(playbook, rundir=None, check=False, diff=False, extra_vars=None,\n", + "\n", + "def _get_modules_map(self, path=None):\n", + "\n", + "def load_module(self, module):\n", + "\n", + "def get_modules_list(self, pattern=None):\n", + "\n", + "def call(self, module, *args, **kwargs):\n", + "\n", + "def __clean_tmp(sfn):\n", + "\n", + "def _binary_replace(old, new):\n", + "\n", + "def _splitlines_preserving_trailing_newline(str):\n", + "\n", + "def gid_to_group(gid):\n", + "\n", + "def group_to_gid(group):\n", + "\n", + "def get_gid(path, follow_symlinks=True):\n", + "\n", + "def get_group(path, follow_symlinks=True):\n", + "\n", + "def user_to_uid(user):\n", + "\n", + "def get_uid(path, follow_symlinks=True):\n", + "\n", + "def get_mode(path, follow_symlinks=True):\n", + "\n", + "def set_mode(path, mode):\n", + "\n", + "def lchown(path, user, group):\n", + "\n", + "def chown(path, user, group):\n", + "\n", + "def chgrp(path, group):\n", + "\n", + "def _cmp_attrs(path, attrs):\n", + "\n", + "def lsattr(path):\n", + "\n", + "def chattr(*files, **kwargs):\n", + "\n", + "def get_sum(path, form='sha256'):\n", + "\n", + "def get_hash(path, form='sha256', chunk_size=65536):\n", + "\n", + "def get_source_sum(file_name='',\n", + "\n", + " def _invalid_source_hash_format():\n", + "\n", + "def check_hash(path, file_hash):\n", + "\n", + "def find(path, *args, **kwargs):\n", + "\n", + "def _sed_esc(string, escape_all=False):\n", + "\n", + "def sed(path,\n", + "\n", + "def sed_contains(path,\n", + "\n", + "def psed(path,\n", + "\n", + "def _psed(text,\n", + "\n", + "def uncomment(path,\n", + "\n", + "def comment(path,\n", + "\n", + "def comment_line(path,\n", + "\n", + "def _get_flags(flags):\n", + "\n", + "def _add_flags(flags, new_flags):\n", + "\n", + "def _mkstemp_copy(path,\n", + "\n", + "def _starts_till(src, probe, strip_comments=True):\n", + "\n", + " def _strip_comments(txt):\n", + "\n", + " def _to_words(txt):\n", + "\n", + "def _regex_to_static(src, regex):\n", + "\n", + "def _assert_occurrence(probe, target, amount=1):\n", + "\n", + "def _set_line_indent(src, line, indent):\n", + "\n", + "def _set_line_eol(src, line):\n", + "\n", + "def line(path, content=None, match=None, mode=None, location=None,\n", + "\n", + "def replace(path,\n", + "\n", + "def blockreplace(path,\n", + "\n", + " def _add_content(linesep, lines=None, include_marker_start=True,\n", + "\n", + "def search(path,\n", + "\n", + "def patch(originalfile, patchfile, options='', dry_run=False):\n", + "\n", + "def contains(path, text):\n", + "\n", + "def contains_regex(path, regex, lchar=''):\n", + "\n", + "def contains_glob(path, glob_expr):\n", + "\n", + "def append(path, *args, **kwargs):\n", + "\n", + "def prepend(path, *args, **kwargs):\n", + "\n", + "def write(path, *args, **kwargs):\n", + "\n", + "def touch(name, atime=None, mtime=None):\n", + "\n", + "def tail(path, lines):\n", + "\n", + "def seek_read(path, size, offset):\n", + "\n", + "def seek_write(path, data, offset):\n", + "\n", + "def truncate(path, length):\n", + "\n", + "def link(src, path):\n", + "\n", + "def symlink(src, path):\n", + "\n", + "def rename(src, dst):\n", + "\n", + "def copy(src, dst, recurse=False, remove_existing=False):\n", + "\n", + "def lstat(path):\n", + "\n", + "def access(path, mode):\n", + "\n", + "def read(path, binary=False):\n", + "\n", + "def readlink(path, canonicalize=False):\n", + "\n", + "def readdir(path):\n", + "\n", + "def statvfs(path):\n", + "\n", + "def stats(path, hash_type=None, follow_symlinks=True):\n", + "\n", + "def rmdir(path):\n", + "\n", + "def remove(path, **kwargs):\n", + "\n", + "def path_exists_glob(path):\n", + "\n", + "def restorecon(path, recursive=False):\n", + "\n", + "def get_selinux_context(path):\n", + "\n", + "def set_selinux_context(path,\n", + "\n", + "def source_list(source, source_hash, saltenv):\n", + "\n", + " def _get_local_file_source_sum(path):\n", + "\n", + "def extract_hash(hash_fn,\n", + "\n", + " def _add_to_matches(found, line, match_type, value, matched):\n", + "\n", + "def check_perms(name, ret, user, group, mode, attrs=None, follow_symlinks=False, seuser=None,\n", + "\n", + "def get_diff(file1,\n", + "\n", + "def manage_file(name,\n", + "\n", + " def _set_mode_and_make_dirs(name, dir_mode, mode, user, group):\n", + "\n", + "def mkdir(dir_path,\n", + "\n", + "def makedirs_(path,\n", + "\n", + "def makedirs_perms(name,\n", + "\n", + "def get_devmm(name):\n", + "\n", + "def is_chrdev(name):\n", + "\n", + "def mknod_chrdev(name,\n", + "\n", + "def is_blkdev(name):\n", + "\n", + "def is_fifo(name):\n", + "\n", + "def mknod_fifo(name,\n", + "\n", + "def mknod(name,\n", + "\n", + "def list_backups(path, limit=None):\n", + "\n", + "def list_backups_dir(path, limit=None):\n", + "\n", + "def restore_backup(path, backup_id):\n", + "\n", + "def delete_backup(path, backup_id):\n", + "\n", + "def grep(path,\n", + "\n", + "def open_files(by_pid=False):\n", + "\n", + "def move(src, dst):\n", + "\n", + "def diskusage(path):\n", + "\n", + "def set_(key, value, profile=None):\n", + "\n", + "def get(key, profile=None):\n", + "\n", + "def delete(key, profile=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name):\n", + "\n", + "def _remove_network(network):\n", + "\n", + "def pre_fork(self, _):\n", + "\n", + "def _encrypt_private(self, ret, dictkey, target):\n", + "\n", + "def _update_aes(self):\n", + "\n", + "def _auth(self, load):\n", + "\n", + "def which(exe):\n", + "\n", + " def wrapper(function):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def which_bin(exes):\n", + "\n", + " def wrapper(function):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def runner():\n", + "\n", + "def wheel():\n", + "\n", + "def execution():\n", + "\n", + "def file(suffix='', prefix='tmp', parent=None):\n", + "\n", + "def _reformat_low(self, low):\n", + "\n", + "def cmd_async(self, low):\n", + "\n", + "def cmd_sync(self, low, timeout=None, full_return=False):\n", + "\n", + "def print_docs(self):\n", + "\n", + "def run(self):\n", + "\n", + "def _run_runner(self):\n", + "\n", + "def reg(name):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def create_pipeline(name, unique_id, description='', region=None, key=None, keyid=None,\n", + "\n", + "def delete_pipeline(pipeline_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_pipelines(pipeline_ids, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_pipelines(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def pipeline_id_from_name(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def put_pipeline_definition(pipeline_id, pipeline_objects, parameter_objects=None,\n", + "\n", + "def _get_client(region, key, keyid, profile):\n", + "\n", + "def _get_session(region, key, keyid, profile):\n", + "\n", + "def make_image(location, size, fmt):\n", + "\n", + "def convert(orig, dest, fmt):\n", + "\n", + "def ping(host, timeout=False, return_boolean=False):\n", + "\n", + "def netstat():\n", + "\n", + "def traceroute(host):\n", + "\n", + "def nslookup(host):\n", + "\n", + "def get_route(ip):\n", + "\n", + "def dig(host):\n", + "\n", + "def interfaces_names():\n", + "\n", + "def ip_addrs(interface=None, include_loopback=False, cidr=None, type=None):\n", + "\n", + "def ip_addrs6(interface=None, include_loopback=False, cidr=None):\n", + "\n", + "def connect(host, port=None, **kwargs):\n", + "\n", + "def _post_message(user,\n", + "\n", + "def returner(ret):\n", + "\n", + "def _format_entrypoint_target(ep):\n", + "\n", + "def raw_mod(opts, name, functions, mod='modules'):\n", + "\n", + "def engines(opts, functions, runners, utils, proxy=None):\n", + "\n", + "def proxy(opts, functions=None, returners=None, whitelist=None, utils=None):\n", + "\n", + "def returners(opts, functions, whitelist=None, context=None, proxy=None):\n", + "\n", + "def utils(opts, whitelist=None, context=None, proxy=proxy):\n", + "\n", + "def pillars(opts, functions, context=None):\n", + "\n", + "def tops(opts):\n", + "\n", + "def wheels(opts, whitelist=None, context=None):\n", + "\n", + "def outputters(opts):\n", + "\n", + "def auth(opts, whitelist=None):\n", + "\n", + "def fileserver(opts, backends):\n", + "\n", + "def roster(opts, runner=None, utils=None, whitelist=None):\n", + "\n", + "def thorium(opts, functions, runners):\n", + "\n", + "def states(opts, functions, utils, serializers, whitelist=None, proxy=None, context=None):\n", + "\n", + "def beacons(opts, functions, context=None, proxy=None):\n", + "\n", + "def log_handlers(opts):\n", + "\n", + "def ssh_wrapper(opts, functions=None, context=None):\n", + "\n", + "def render(opts, functions, states=None, proxy=None, context=None):\n", + "\n", + "def grain_funcs(opts, proxy=None):\n", + "\n", + "def _load_cached_grains(opts, cfn):\n", + "\n", + "def grains(opts, force_refresh=False, proxy=None):\n", + "\n", + "def call(fun, **kwargs):\n", + "\n", + "def runner(opts, utils=None, context=None, whitelist=None):\n", + "\n", + "def sdb(opts, functions=None, whitelist=None, utils=None):\n", + "\n", + "def pkgdb(opts):\n", + "\n", + "def clouds(opts):\n", + "\n", + "def executors(opts, functions=None, context=None, proxy=None):\n", + "\n", + "def cache(opts, serial):\n", + "\n", + "def _inject_into_mod(mod, name, value, force_lock=False):\n", + "\n", + "def global_injector_decorator(inject_globals):\n", + "\n", + " def inner_decorator(f):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def missing_fun_string(self, function_name):\n", + "\n", + "def _refresh_file_mapping(self):\n", + "\n", + " def _replace_pre_ext(obj):\n", + "\n", + "def clear(self):\n", + "\n", + "def __prep_mod_opts(self, opts):\n", + "\n", + "def _iter_files(self, mod_name):\n", + "\n", + "def _load(self, key):\n", + "\n", + " def _inner_load(mod_name):\n", + "\n", + "def _load_all(self):\n", + "\n", + "def _apply_outputter(self, func, mod):\n", + "\n", + "def _process_virtual(self, mod, module_name, virtual_func='__virtual__'):\n", + "\n", + "def get(string, clean=True):\n", + "\n", + "def records(rec_type=None, fields=None, clean=True):\n", + "\n", + "def _dmi_parse(data, clean=True, fields=None):\n", + "\n", + "def _dmi_data(dmi_raw, clean, fields):\n", + "\n", + "def _dmi_cast(key, val, clean=True):\n", + "\n", + "def _dmidecoder(args=None):\n", + "\n", + "def construct_mapping(self, node, deep=False):\n", + "\n", + "def construct_scalar(self, node):\n", + "\n", + "def ip_address(address):\n", + "\n", + "def ip_network(address, strict=True):\n", + "\n", + "def _split_optional_netmask(address):\n", + "\n", + "def _count_righthand_zero_bits(number, bits):\n", + "\n", + "def _collapse_addresses_recursive(addresses):\n", + "\n", + "def collapse_addresses(addresses):\n", + "\n", + "def _prefix_from_ip_int(self, ip_int):\n", + "\n", + "def _prefix_from_prefix_string(self, prefixlen_str):\n", + "\n", + "def _prefix_from_ip_string(self, ip_str):\n", + "\n", + "def subnets(self, prefixlen_diff=1, new_prefix=None):\n", + "\n", + "def supernet(self, prefixlen_diff=1, new_prefix=None):\n", + "\n", + "def _ip_int_from_string(self, ip_str):\n", + "\n", + "def _parse_octet(self, octet_str):\n", + "\n", + "def _is_valid_netmask(self, netmask):\n", + "\n", + "def is_private(self):\n", + "\n", + "def _explode_shorthand_ip_string(self):\n", + "\n", + "def is_reserved(self):\n", + "\n", + "def is_private(self):\n", + "\n", + "def hosts(self):\n", + "\n", + "def _to_list(obj):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def status():\n", + "\n", + "def status_load():\n", + "\n", + "def status_charge():\n", + "\n", + "def coredump_configured(name, enabled, dump_ip, host_vnic='vmk0', dump_port=6500):\n", + "\n", + "def password_present(name, password):\n", + "\n", + "def ntp_configured(name,\n", + "\n", + "def vmotion_configured(name, enabled, device='vmk0'):\n", + "\n", + "def vsan_configured(name, enabled, add_disks_to_vsan=False):\n", + "\n", + "def ssh_configured(name,\n", + "\n", + "def syslog_configured(name,\n", + "\n", + "def diskgroups_configured(name, diskgroups, erase_disks=False):\n", + "\n", + "def host_cache_configured(name, enabled, datastore, swap_size='100%',\n", + "\n", + "def hostname(name, hostname=None):\n", + "\n", + "def logging_levels(name, remote=None, local=None):\n", + "\n", + "def ntp(name, servers):\n", + "\n", + "def power_configuration(name, policy=None, delayType=None, delayValue=None):\n", + "\n", + "def syslog(name, primary=None, secondary=None):\n", + "\n", + "def user(name, id='', user='', priv='', password='', status='active'):\n", + "\n", + "def init(opts):\n", + "\n", + "def find_credentials():\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def run(self):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _get_cursor(self):\n", + "\n", + "def extract_queries(self, args, kwargs):\n", + "\n", + "def _get_proc_cmdline(proc):\n", + "\n", + "def _get_proc_create_time(proc):\n", + "\n", + "def _get_proc_name(proc):\n", + "\n", + "def _get_proc_status(proc):\n", + "\n", + "def _get_proc_username(proc):\n", + "\n", + "def top(num_processes=5, interval=3):\n", + "\n", + "def proc_info(pid, attrs=None):\n", + "\n", + "def kill_pid(pid, signal=15):\n", + "\n", + "def pkill(pattern, user=None, signal=15, full=False):\n", + "\n", + "def pgrep(pattern, user=None, full=False, pattern_is_regex=False):\n", + "\n", + "def cpu_percent(interval=0.1, per_cpu=False):\n", + "\n", + "def cpu_times(per_cpu=False):\n", + "\n", + "def virtual_memory():\n", + "\n", + "def swap_memory():\n", + "\n", + "def disk_partitions(all=False):\n", + "\n", + "def disk_partition_usage(all=False):\n", + "\n", + "def total_physical_memory():\n", + "\n", + "def boot_time(time_format=None):\n", + "\n", + "def network_io_counters(interface=None):\n", + "\n", + "def disk_io_counters(device=None):\n", + "\n", + "def get_users():\n", + "\n", + "def lsof(name):\n", + "\n", + "def netstat(name):\n", + "\n", + "def ss(name):\n", + "\n", + "def psaux(name):\n", + "\n", + "def present(profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def absent(profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def _diff(state_data, resource_object):\n", + "\n", + "def modules_and_args(modules=True, states=False, names_only=False):\n", + "\n", + "def run_config(path,\n", + "\n", + "def compile_config(path,\n", + "\n", + "def apply_config(path, source=None, salt_env='base'):\n", + "\n", + "def get_config():\n", + "\n", + "def remove_config(reset=False):\n", + "\n", + " def _remove_fs_obj(path):\n", + "\n", + "def restore_config():\n", + "\n", + "def get_config_status():\n", + "\n", + "def set_lcm_config(config_mode=None,\n", + "\n", + "def sense(chip, fahrenheit=False):\n", + "\n", + "def convert_duration(duration):\n", + "\n", + "def present(name, database, duration=\"7d\",\n", + "\n", + "def _dict_subset(keys, master_dict):\n", + "\n", + "def fire_master(data, tag, preload=None, timeout=60):\n", + "\n", + "def fire(data, tag, timeout=None):\n", + "\n", + "def send(tag,\n", + "\n", + "def present(version,\n", + "\n", + "def absent(version,\n", + "\n", + "def _send_splunk(event, index_override=None, sourcetype_override=None):\n", + "\n", + "def _get_salt_params():\n", + "\n", + "def monitored(name, group=None, salt_name=True, salt_params=True, agent_version=1, **params):\n", + "\n", + "def _conn(queue):\n", + "\n", + "def _list_items(queue):\n", + "\n", + "def _list_queues():\n", + "\n", + "def list_items(queue):\n", + "\n", + "def _quote_escape(item):\n", + "\n", + "def delete(queue, items):\n", + "\n", + "def pop(queue, quantity=1, is_runner=False):\n", + "\n", + "def get_all_topics(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_all_subscriptions_by_topic(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def subscribe(topic, protocol, endpoint, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def unsubscribe(topic, subscription_arn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_arn(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def current_ioloop(io_loop):\n", + "\n", + "def _get_top_file_envs():\n", + "\n", + "def _sync(form, saltenv=None, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def update(version=None):\n", + "\n", + "def sync_beacons(saltenv=None, refresh=True, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def sync_sdb(saltenv=None, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def sync_modules(saltenv=None, refresh=True, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def refresh_grains(**kwargs):\n", + "\n", + "def sync_grains(saltenv=None, refresh=True, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def sync_matchers(saltenv=None, refresh=False, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def list_extmods():\n", + "\n", + "def sync_pillar(saltenv=None, refresh=True, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def sync_all(saltenv=None, refresh=True, extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def refresh_pillar(**kwargs):\n", + "\n", + "def is_running(fun):\n", + "\n", + "def clear_cache(days=-1):\n", + "\n", + "def clear_job_cache(hours=24):\n", + "\n", + "def find_cached_job(jid):\n", + "\n", + "def signal_job(jid, sig):\n", + "\n", + "def term_all_jobs():\n", + "\n", + "def kill_all_jobs():\n", + "\n", + "def regen_keys():\n", + "\n", + "def revoke_auth(preserve_minion_cache=False):\n", + "\n", + "def cmd(tgt,\n", + "\n", + "def cmd_iter(tgt,\n", + "\n", + "def runner(name, arg=None, kwarg=None, full_return=False, saltenv='base', jid=None, asynchronous=False, **kwargs):\n", + "\n", + "def wheel(name, *args, **kwargs):\n", + "\n", + "def mmodule(saltenv, fun, *args, **kwargs):\n", + "\n", + "def _session():\n", + "\n", + "def _router_request(router, method, data=None):\n", + "\n", + "def find_device(device=None):\n", + "\n", + "def add_device(device=None, device_class=None, collector='localhost', prod_state=1000):\n", + "\n", + "def set_prod_state(prod_state, device=None):\n", + "\n", + "def _valid_deleted_file(path):\n", + "\n", + "def _deleted_files():\n", + "\n", + "def _format_output(kernel_restart, packages, verbose, restartable, nonrestartable, restartservicecommands,\n", + "\n", + "def _kernel_versions_debian():\n", + "\n", + "def _kernel_versions_redhat():\n", + "\n", + "def _kernel_versions_nilrt():\n", + "\n", + " def _get_kver_from_bin(kbin):\n", + "\n", + "def _check_timeout(start_time, timeout):\n", + "\n", + "def _file_changed_nilrt(full_filepath):\n", + "\n", + "def _sysapi_changed_nilrt():\n", + "\n", + "def restartcheck(ignorelist=None, blacklist=None, excludepid=None, **kwargs):\n", + "\n", + "def default_vsan_policy_configured(name, policy):\n", + "\n", + "def default_storage_policy_assigned(name, policy, datastore):\n", + "\n", + "def _get_client():\n", + "\n", + "def has_instance(name, provider=None):\n", + "\n", + "def get_instance(name, provider=None):\n", + "\n", + "def profile_(profile, names, vm_overrides=None, opts=None, **kwargs):\n", + "\n", + "def map_run(path=None, **kwargs):\n", + "\n", + "def create(provider, names, opts=None, **kwargs):\n", + "\n", + "def volume_list(provider):\n", + "\n", + "def volume_attach(provider, names, **kwargs):\n", + "\n", + "def network_list(provider):\n", + "\n", + "def network_create(provider, names, **kwargs):\n", + "\n", + "def virtual_interface_list(provider, names, **kwargs):\n", + "\n", + "def virtual_interface_create(provider, names, **kwargs):\n", + "\n", + "def show(config_file=False):\n", + "\n", + "def get(name):\n", + "\n", + "def persist(name, value, config='/etc/sysctl.conf'):\n", + "\n", + "def post_message(name,\n", + "\n", + "def check_ip(addr):\n", + "\n", + "def AAAA(host, nameserver=None):\n", + "\n", + "def NS(domain, resolve=True, nameserver=None):\n", + "\n", + "def SPF(domain, record='SPF', nameserver=None):\n", + "\n", + "def MX(domain, resolve=False, nameserver=None):\n", + "\n", + "def TXT(host, nameserver=None):\n", + "\n", + "def show(config_file=False):\n", + "\n", + "def assign(name, value):\n", + "\n", + "def persist(name, value, config='/etc/sysctl.conf'):\n", + "\n", + "def _workout_filename(filename):\n", + "\n", + "def _check_filepath(changes):\n", + "\n", + "def change(name, context=None, changes=None, lens=None,\n", + "\n", + "def _connect(host=None, port=None, db=None, password=None):\n", + "\n", + "def _sconnect(host=None, port=None, password=None):\n", + "\n", + "def bgrewriteaof(host=None, port=None, db=None, password=None):\n", + "\n", + "def bgsave(host=None, port=None, db=None, password=None):\n", + "\n", + "def config_get(pattern='*', host=None, port=None, db=None, password=None):\n", + "\n", + "def config_set(name, value, host=None, port=None, db=None, password=None):\n", + "\n", + "def dbsize(host=None, port=None, db=None, password=None):\n", + "\n", + "def delete(*keys, **connection_args):\n", + "\n", + "def exists(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def expire(key, seconds, host=None, port=None, db=None, password=None):\n", + "\n", + "def expireat(key, timestamp, host=None, port=None, db=None, password=None):\n", + "\n", + "def flushall(host=None, port=None, db=None, password=None):\n", + "\n", + "def flushdb(host=None, port=None, db=None, password=None):\n", + "\n", + "def get_key(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def hexists(key, field, host=None, port=None, db=None, password=None):\n", + "\n", + "def hgetall(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def hincrby(key, field, increment=1, host=None, port=None, db=None, password=None):\n", + "\n", + "def hlen(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def hmget(key, *fields, **options):\n", + "\n", + "def hmset(key, **fieldsvals):\n", + "\n", + "def hset(key, field, value, host=None, port=None, db=None, password=None):\n", + "\n", + "def hvals(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def hscan(key, cursor=0, match=None, count=None, host=None, port=None, db=None, password=None):\n", + "\n", + "def info(host=None, port=None, db=None, password=None):\n", + "\n", + "def keys(pattern='*', host=None, port=None, db=None, password=None):\n", + "\n", + "def key_type(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def lastsave(host=None, port=None, db=None, password=None):\n", + "\n", + "def llen(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def ping(host=None, port=None, db=None, password=None):\n", + "\n", + "def save(host=None, port=None, db=None, password=None):\n", + "\n", + "def set_key(key, value, host=None, port=None, db=None, password=None):\n", + "\n", + "def shutdown(host=None, port=None, db=None, password=None):\n", + "\n", + "def slaveof(master_host=None, master_port=None, host=None, port=None, db=None,\n", + "\n", + "def smembers(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def time(host=None, port=None, db=None, password=None):\n", + "\n", + "def zcard(key, host=None, port=None, db=None, password=None):\n", + "\n", + "def zrange(key, start, stop, host=None, port=None, db=None, password=None):\n", + "\n", + "def sentinel_get_master_ip(master, host=None, port=None, password=None):\n", + "\n", + "def get_master_ip(host=None, port=None, password=None):\n", + "\n", + "def _get_conn(key=None,\n", + "\n", + "def create_file_system(name,\n", + "\n", + "def create_mount_target(filesystemid,\n", + "\n", + "def create_tags(filesystemid,\n", + "\n", + "def delete_file_system(filesystemid,\n", + "\n", + "def delete_mount_target(mounttargetid,\n", + "\n", + "def delete_tags(filesystemid,\n", + "\n", + "def get_file_systems(filesystemid=None,\n", + "\n", + "def get_mount_targets(filesystemid=None,\n", + "\n", + "def get_tags(filesystemid,\n", + "\n", + "def set_security_groups(mounttargetid,\n", + "\n", + "def installed(name, source):\n", + "\n", + "def uninstalled(name):\n", + "\n", + "def send(kwargs, opts):\n", + "\n", + "def list_cidr_ips(cidr):\n", + "\n", + "def list_cidr_ips_ipv6(cidr):\n", + "\n", + "def cidr_netmask(cidr):\n", + "\n", + "def cidr_broadcast(cidr):\n", + "\n", + "def restart_service(service_name, minimum_running_time=None):\n", + "\n", + "def _get_options(ret=None):\n", + "\n", + "def _get_serv(ret=None, commit=False):\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids_filter(count, filter_find_job=True):\n", + "\n", + "def get_minions():\n", + "\n", + "def _purge_jobs(timestamp):\n", + "\n", + "def _archive_jobs(timestamp):\n", + "\n", + "def clean_old_jobs():\n", + "\n", + "def _verify_options(options):\n", + "\n", + "def returner(ret):\n", + "\n", + "def error(self, msg):\n", + "\n", + "def check_running(self):\n", + "\n", + "def find_existing_configs(self, default):\n", + "\n", + "def setup_config(self, cfg=None):\n", + "\n", + "def coalesce(name, **kwargs):\n", + "\n", + "def datacenter_configured(name):\n", + "\n", + "def _container_path(model,\n", + "\n", + "def setval(key, val, dict_=None, delim=DEFAULT_TARGET_DELIM):\n", + "\n", + "def traverse(data, key, default=None, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def dictupdate(dest, upd, recursive_update=True, merge_lists=False):\n", + "\n", + "def defaults(model,\n", + "\n", + "def render_field(dictionary,\n", + "\n", + "def render_fields(dictionary,\n", + "\n", + "def installed(name,\n", + "\n", + "def removed(name, features=None, remove_payload=False, restart=False):\n", + "\n", + "def _check_cors_origin(origin, allowed_origins):\n", + "\n", + "def clean_by_request(self, request):\n", + "\n", + "def get_event(self,\n", + "\n", + " def handle_future(future):\n", + "\n", + "def _timeout_future(self, tag, matcher, future):\n", + "\n", + "def _handle_event_socket_recv(self, raw):\n", + "\n", + "def _verify_client(self, low):\n", + "\n", + "def initialize(self):\n", + "\n", + "def token(self):\n", + "\n", + "def _verify_auth(self):\n", + "\n", + "def prepare(self):\n", + "\n", + " def find_acceptable_content_type(parsed_accept_header):\n", + "\n", + "def serialize(self, data):\n", + "\n", + "def _form_loader(self, _):\n", + "\n", + "def deserialize(self, data):\n", + "\n", + "def _get_lowstate(self):\n", + "\n", + "def set_default_headers(self):\n", + "\n", + "def options(self, *args, **kwargs):\n", + "\n", + "def get(self):\n", + "\n", + "def post(self):\n", + "\n", + "def get(self):\n", + "\n", + "def disbatch(self):\n", + "\n", + "def _disbatch_local(self, chunk):\n", + "\n", + " def subscribe_minion(minion):\n", + "\n", + " def more_todo():\n", + "\n", + " def cancel_inflight_futures():\n", + "\n", + "def job_not_running(self, jid, tgt, tgt_type, minions, is_finished):\n", + "\n", + "def _disbatch_local_async(self, chunk):\n", + "\n", + "def _disbatch_runner(self, chunk):\n", + "\n", + "def _disbatch_runner_async(self, chunk):\n", + "\n", + "def post(self):\n", + "\n", + "def get(self):\n", + "\n", + "def beacon(config):\n", + "\n", + "def absent(name):\n", + "\n", + "def managed(name, **kwargs):\n", + "\n", + "def _write_proxy_conf(proxyfile):\n", + "\n", + "def _proxy_conf_file(proxyfile, test):\n", + "\n", + "def _is_proxy_running(proxyname):\n", + "\n", + "def _proxy_process(proxyname, test):\n", + "\n", + "def configure_proxy(proxyname, start=True):\n", + "\n", + "def publish_minions(self):\n", + "\n", + "def publish(self, key, data):\n", + "\n", + "def process_minion_update(self, event_data):\n", + "\n", + "def process_ret_job_event(self, event_data):\n", + "\n", + "def process_new_job_event(self, event_data):\n", + "\n", + "def process_key_event(self, event_data):\n", + "\n", + "def process_presence_events(self, salt_data, token, opts):\n", + "\n", + "def process(self, salt_data, token, opts):\n", + "\n", + "def get(tgt, fun, tgt_type='glob', roster='flat'):\n", + "\n", + "def wait_for(func, timeout=10, step=1, default=None, func_args=(), func_kwargs=None):\n", + "\n", + "def get_enabled():\n", + "\n", + "def get_all():\n", + "\n", + "def enable(name, **kwargs):\n", + "\n", + "def disable(name, **kwargs):\n", + "\n", + "def _get_kwargs(profile=None, **connection_args):\n", + "\n", + " def get(key, default=None):\n", + "\n", + "def api_version(profile=None, **connection_args):\n", + "\n", + "def auth(profile=None, **connection_args):\n", + "\n", + "def ec2_credentials_create(user_id=None, name=None,\n", + "\n", + "def ec2_credentials_delete(user_id=None, name=None, access_key=None,\n", + "\n", + "def ec2_credentials_get(user_id=None, name=None, access=None,\n", + "\n", + "def ec2_credentials_list(user_id=None, name=None, profile=None,\n", + "\n", + "def endpoint_get(service, region=None, profile=None, interface=None, **connection_args):\n", + "\n", + "def endpoint_list(profile=None, **connection_args):\n", + "\n", + "def endpoint_create(service, publicurl=None, internalurl=None, adminurl=None,\n", + "\n", + "def endpoint_delete(service, region=None, profile=None, interface=None, **connection_args):\n", + "\n", + "def role_create(name, profile=None, **connection_args):\n", + "\n", + "def role_delete(role_id=None, name=None, profile=None,\n", + "\n", + "def role_get(role_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def role_list(profile=None, **connection_args):\n", + "\n", + "def service_create(name, service_type, description=None, profile=None,\n", + "\n", + "def service_delete(service_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def service_get(service_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def service_list(profile=None, **connection_args):\n", + "\n", + "def tenant_create(name, description=None, enabled=True, profile=None,\n", + "\n", + "def tenant_delete(tenant_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def project_delete(project_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def tenant_get(tenant_id=None, name=None, profile=None,\n", + "\n", + "def project_get(project_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def tenant_list(profile=None, **connection_args):\n", + "\n", + "def project_list(profile=None, **connection_args):\n", + "\n", + "def tenant_update(tenant_id=None, name=None, description=None,\n", + "\n", + "def project_update(project_id=None, name=None, description=None,\n", + "\n", + "def token_get(profile=None, **connection_args):\n", + "\n", + "def user_list(profile=None, **connection_args):\n", + "\n", + "def user_get(user_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def user_create(name, password, email, tenant_id=None,\n", + "\n", + "def user_delete(user_id=None, name=None, profile=None, **connection_args):\n", + "\n", + "def user_update(user_id=None, name=None, email=None, enabled=None,\n", + "\n", + "def user_verify_password(user_id=None, name=None, password=None,\n", + "\n", + "def user_password_update(user_id=None, name=None, password=None,\n", + "\n", + "def user_role_add(user_id=None, user=None, tenant_id=None,\n", + "\n", + "def user_role_list(user_id=None, tenant_id=None, user_name=None,\n", + "\n", + "def _item_list(profile=None, **connection_args):\n", + "\n", + "def _get_ssh_config_file(opts):\n", + "\n", + "def parse_ssh_config(lines):\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def ret_glob_minions(self):\n", + "\n", + "def get_data(self, minion):\n", + "\n", + "def pack(self):\n", + "\n", + "def reactivate(domain_name):\n", + "\n", + "def renew(domain_name, years, promotion_code=None):\n", + "\n", + "def create(domain_name, years, **kwargs):\n", + "\n", + " def add_to_opts(opts_dict, kwargs, value, suffix, prefices):\n", + "\n", + "def check(*domains_to_check):\n", + "\n", + "def get_info(domain_name):\n", + "\n", + "def get_tld_list():\n", + "\n", + "def get_list(list_type=None,\n", + "\n", + "def ext_pillar(minion_id, pillar, **kwargs):\n", + "\n", + "def _set_status(m,\n", + "\n", + "def _invalid(m, comment=INVALID_RESPONSE, out=None):\n", + "\n", + "def _valid(m, comment=VALID_RESPONSE, out=None):\n", + "\n", + "def _Popen(command,\n", + "\n", + "def _find_cfgs(path, cfgs=None):\n", + "\n", + "def _get_bootstrap_content(directory='.'):\n", + "\n", + "def _get_buildout_ver(directory='.'):\n", + "\n", + "def _get_bootstrap_url(directory):\n", + "\n", + "def upgrade_bootstrap(directory='.',\n", + "\n", + "def bootstrap(directory='.',\n", + "\n", + "def run_buildout(directory='.',\n", + "\n", + "def buildout(directory='.',\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def check_password(username, password, encrypted=False, **kwargs):\n", + "\n", + "def cmd(command, *args, **kwargs):\n", + "\n", + "def get_roles(username, **kwargs):\n", + "\n", + "def get_user(username, **kwargs):\n", + "\n", + "def grains(**kwargs):\n", + "\n", + "def sendline(command, method='cli_show_ascii', **kwargs):\n", + "\n", + "def show(commands, raw_text=True, **kwargs):\n", + "\n", + "def show_ver(**kwargs):\n", + "\n", + "def show_run(**kwargs):\n", + "\n", + "def config(commands=None,\n", + "\n", + "def delete_config(lines, **kwargs):\n", + "\n", + "def set_password(username,\n", + "\n", + "def set_role(username, role, **kwargs):\n", + "\n", + "def unset_role(username, role, **kwargs):\n", + "\n", + "def _configure_device(commands, **kwargs):\n", + "\n", + "def _nxapi_config(commands, methods='cli_conf', bsb_arg=None, **kwargs):\n", + "\n", + "def _nxapi_request(commands,\n", + "\n", + "def compress(data, compresslevel=9):\n", + "\n", + "def compress_file(fh_, compresslevel=9, chunk_size=1048576):\n", + "\n", + "def _root(path, root):\n", + "\n", + "def _canonical_unit_name(name):\n", + "\n", + "def _check_available(name):\n", + "\n", + "def _check_for_unit_changes(name):\n", + "\n", + "def _check_unmask(name, unmask, unmask_runtime, root=None):\n", + "\n", + "def _clear_context():\n", + "\n", + "def _default_runlevel():\n", + "\n", + "def _get_systemd_services(root):\n", + "\n", + "def _get_sysv_services(root, systemd_services=None):\n", + "\n", + "def _get_service_exec():\n", + "\n", + "def _runlevel():\n", + "\n", + "def _strip_scope(msg):\n", + "\n", + "def _systemctl_cmd(action, name=None, systemd_scope=False, no_block=False,\n", + "\n", + "def _systemctl_status(name):\n", + "\n", + "def _sysv_enabled(name, root):\n", + "\n", + "def _untracked_custom_unit_found(name, root=None):\n", + "\n", + "def systemctl_reload():\n", + "\n", + "def get_running():\n", + "\n", + "def get_static(root=None):\n", + "\n", + "def get_all(root=None):\n", + "\n", + "def unmask_(name, runtime=False, root=None):\n", + "\n", + "def mask(name, runtime=False, root=None):\n", + "\n", + "def masked(name, runtime=False, root=None):\n", + "\n", + "def stop(name, no_block=False):\n", + "\n", + "def restart(name, no_block=False, unmask=False, unmask_runtime=False):\n", + "\n", + "def enable(name, no_block=False, unmask=False, unmask_runtime=False,\n", + "\n", + "def show(name, root=None):\n", + "\n", + "def execs(root=None):\n", + "\n", + "def keys(name, basepath='/etc/pki', **kwargs):\n", + "\n", + "def _virt_call(domain, function, section, comment,\n", + "\n", + "def stopped(name, connection=None, username=None, password=None):\n", + "\n", + "def powered_off(name, connection=None, username=None, password=None):\n", + "\n", + "def running(name,\n", + "\n", + "def snapshot(name, suffix=None, connection=None, username=None, password=None):\n", + "\n", + "def rebooted(name, connection=None, username=None, password=None):\n", + "\n", + "def network_running(name,\n", + "\n", + "def pool_running(name,\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def _is_svc(svc_path):\n", + "\n", + "def status_autostart(name):\n", + "\n", + "def get_svc_broken_path(name='*'):\n", + "\n", + "def add_svc_avail_path(path):\n", + "\n", + "def _get_svc_path(name='*', status=None):\n", + "\n", + "def _get_svc_list(name='*', status=None):\n", + "\n", + "def get_svc_alias():\n", + "\n", + "def show(name):\n", + "\n", + "def enable(name, start=False, **kwargs):\n", + "\n", + "def disable(name, stop=False, **kwargs):\n", + "\n", + "def remove(name):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _init(creds, bucket, multiple_env, environment, prefix, s3_cache_expire):\n", + "\n", + "def _get_cache_dir():\n", + "\n", + "def _get_buckets_cache_filename(bucket, prefix):\n", + "\n", + "def _refresh_buckets_cache_file(creds, cache_file, multiple_env, environment, prefix):\n", + "\n", + " def __get_s3_meta():\n", + "\n", + " def __get_pillar_files_from_s3_meta(s3_meta):\n", + "\n", + " def __get_pillar_environments(files):\n", + "\n", + "def _read_buckets_cache_file(cache_file):\n", + "\n", + "def _find_files(metadata):\n", + "\n", + "def _get_file_from_s3(creds, metadata, saltenv, bucket, path,\n", + "\n", + "def _arg2opt(arg):\n", + "\n", + "def _parse_conf(conf_file=default_conf):\n", + "\n", + "def _parse_options(entry, options, include_unset=True):\n", + "\n", + "def show_conf(conf_file=default_conf, name=None):\n", + "\n", + "def list_conf(conf_file=default_conf, log_file=None, include_unset=False):\n", + "\n", + "def show_args():\n", + "\n", + "def rotate(name, pattern=None, conf_file=default_conf, **kwargs):\n", + "\n", + "def remove(name, conf_file=default_conf):\n", + "\n", + "def get_encodings():\n", + "\n", + "def split_locale(loc):\n", + "\n", + " def split(st, char):\n", + "\n", + "def join_locale(comps):\n", + "\n", + "def normalize_locale(loc):\n", + "\n", + "def _remove_dots(src):\n", + "\n", + "def _get_conn(ret):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def _cert_file(name, cert_type):\n", + "\n", + "def _expires(name):\n", + "\n", + "def _renew_by(name, window=None):\n", + "\n", + "def cert(name,\n", + "\n", + "def info(name):\n", + "\n", + "def needs_renewal(name, window=None):\n", + "\n", + "def _analyse_overview_field(content):\n", + "\n", + "def _count_spaces_startswith(line):\n", + "\n", + "def _analyse_status_type(line):\n", + "\n", + "def _add_res(line):\n", + "\n", + "def _add_volume(line):\n", + "\n", + "def _add_peernode(line):\n", + "\n", + "def _line_parser(line):\n", + "\n", + "def overview():\n", + "\n", + "def status(name='all'):\n", + "\n", + "def _parse_return_code_powershell(string):\n", + "\n", + "def _psrdp(cmd):\n", + "\n", + "def list_sessions(logged_in_users_only=False):\n", + "\n", + "def get_session(session_id):\n", + "\n", + "def disconnect_session(session_id):\n", + "\n", + "def logoff_session(session_id):\n", + "\n", + "def envs(backend=None, sources=False):\n", + "\n", + "def clear_file_list_cache(saltenv=None, backend=None):\n", + "\n", + "def file_list(saltenv='base', backend=None):\n", + "\n", + "def symlink_list(saltenv='base', backend=None):\n", + "\n", + "def dir_list(saltenv='base', backend=None):\n", + "\n", + "def empty_dir_list(saltenv='base', backend=None):\n", + "\n", + "def update(backend=None):\n", + "\n", + "def clear_cache(backend=None):\n", + "\n", + "def clear_lock(backend=None, remote=None):\n", + "\n", + "def lock(backend=None, remote=None):\n", + "\n", + "def run(self):\n", + "\n", + "def _check_minions_directories(self):\n", + "\n", + "def gen_keys(self, keydir=None, keyname=None, keysize=None, user=None):\n", + "\n", + "def gen_signature(self, privkey, pubkey, sig_path):\n", + "\n", + "def gen_keys_signature(self, priv, pub, signature_path, auto_create=False, keysize=None):\n", + "\n", + "def check_minion_cache(self, preserve_minions=None):\n", + "\n", + "def check_master(self):\n", + "\n", + "def name_match(self, match, full=False):\n", + "\n", + "def dict_match(self, match_dict):\n", + "\n", + "def local_keys(self):\n", + "\n", + "def list_keys(self):\n", + "\n", + "def all_keys(self):\n", + "\n", + "def list_status(self, match):\n", + "\n", + "def key_str(self, match):\n", + "\n", + "def accept(self, match=None, match_dict=None, include_rejected=False, include_denied=False):\n", + "\n", + "def accept_all(self):\n", + "\n", + "def delete_key(self,\n", + "\n", + "def delete_den(self):\n", + "\n", + "def delete_all(self):\n", + "\n", + "def reject_all(self):\n", + "\n", + "def finger(self, match, hash_type=None):\n", + "\n", + "def finger_all(self, hash_type=None):\n", + "\n", + "def __catalina_home():\n", + "\n", + "def _get_credentials():\n", + "\n", + "def _auth(uri):\n", + "\n", + "def extract_war_version(war):\n", + "\n", + "def _wget(cmd, opts=None, url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def _simple_cmd(cmd, app, url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def ls(url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def status_webapp(app, url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def serverinfo(url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def deploy_war(war,\n", + "\n", + "def passwd(passwd,\n", + "\n", + "def version():\n", + "\n", + "def fullversion():\n", + "\n", + "def signal(signal=None):\n", + "\n", + "def _get_options(ret=None):\n", + "\n", + "def _get_appoptics(options):\n", + "\n", + "def returner(ret):\n", + "\n", + "def present(host, service_root, trigger_desc, service_name=None, **kwargs):\n", + "\n", + "def absent(host, service_root, service_name=None, **kwargs):\n", + "\n", + "def filetree(collector, *paths):\n", + "\n", + "def _get_powercfg_minute_values(scheme, guid, subguid, safe_name):\n", + "\n", + "def _set_powercfg_value(scheme, sub_group, setting_guid, power, value):\n", + "\n", + "def set_monitor_timeout(timeout, power='ac', scheme=None):\n", + "\n", + "def set_disk_timeout(timeout, power='ac', scheme=None):\n", + "\n", + "def set_standby_timeout(timeout, power='ac', scheme=None):\n", + "\n", + "def set_hibernate_timeout(timeout, power='ac', scheme=None):\n", + "\n", + "def present(profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def _diff(state_data, resource_object):\n", + "\n", + "def _cron_id(cron):\n", + "\n", + "def _cron_matched(cron, cmd, identifier=None):\n", + "\n", + "def _render_tab(lst):\n", + "\n", + "def _get_cron_cmdstr(path, user=None):\n", + "\n", + "def write_cron_file(user, path):\n", + "\n", + "def _write_cron_lines(user, lines):\n", + "\n", + "def _date_time_match(cron, **kwargs):\n", + "\n", + "def raw_cron(user):\n", + "\n", + "def list_tab(user):\n", + "\n", + "def get_entry(user, identifier=None, cmd=None):\n", + "\n", + "def set_special(user,\n", + "\n", + "def _get_cron_date_time(**kwargs):\n", + "\n", + "def set_job(user,\n", + "\n", + "def rm_special(user, cmd, special=None, identifier=None):\n", + "\n", + "def rm_job(user,\n", + "\n", + "def set_env(user, name, value=None):\n", + "\n", + "def rm_env(user, name):\n", + "\n", + "def exists(Bucket,\n", + "\n", + "def create(Bucket,\n", + "\n", + "def delete(Bucket, MFA=None, RequestPayer=None, Force=False,\n", + "\n", + "def delete_objects(Bucket, Delete, MFA=None, RequestPayer=None,\n", + "\n", + "def describe(Bucket,\n", + "\n", + "def empty(Bucket, MFA=None, RequestPayer=None, region=None, key=None,\n", + "\n", + "def list(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_object_versions(Bucket, Delimiter=None, EncodingType=None, Prefix=None,\n", + "\n", + "def list_objects(Bucket, Delimiter=None, EncodingType=None, Prefix=None,\n", + "\n", + "def put_acl(Bucket,\n", + "\n", + "def put_cors(Bucket,\n", + "\n", + "def put_lifecycle_configuration(Bucket,\n", + "\n", + "def put_logging(Bucket,\n", + "\n", + "def put_notification_configuration(Bucket,\n", + "\n", + "def put_policy(Bucket, Policy,\n", + "\n", + "def put_replication(Bucket, Role, Rules,\n", + "\n", + "def put_request_payment(Bucket, Payer,\n", + "\n", + "def put_tagging(Bucket,\n", + "\n", + "def put_versioning(Bucket, Status, MFADelete=None, MFA=None,\n", + "\n", + "def put_website(Bucket, ErrorDocument=None, IndexDocument=None,\n", + "\n", + "def delete_cors(Bucket,\n", + "\n", + "def delete_lifecycle_configuration(Bucket,\n", + "\n", + "def delete_replication(Bucket,\n", + "\n", + "def delete_tagging(Bucket,\n", + "\n", + "def delete_website(Bucket,\n", + "\n", + "def user_is_blacklisted(self, user):\n", + "\n", + "def present(profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def _diff(state_data, resource_object):\n", + "\n", + "def _escalation_rules_to_string(escalation_rules):\n", + "\n", + "def _check_perms_changes(name, newperms, runas=None, existing=None):\n", + "\n", + "def _get_current_tags(name, runas=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def pause(jid, state_id=None, duration=None):\n", + "\n", + "def resume(jid, state_id=None):\n", + "\n", + "def soft_kill(jid, state_id=None):\n", + "\n", + "def orchestrate(mods,\n", + "\n", + "def orchestrate_single(fun, name, test=None, queue=False, pillar=None, **kwargs):\n", + "\n", + "def orchestrate_high(data, test=None, queue=False, pillar=None, **kwargs):\n", + "\n", + "def orchestrate_show_sls(mods,\n", + "\n", + "def event(tagmatch='*',\n", + "\n", + "def send_msg(recipient,\n", + "\n", + "def add_distinguished_name(list_name, item_name):\n", + "\n", + "def add_distinguished_name_list(list_name):\n", + "\n", + "def add_domain_name(list_name, item_name):\n", + "\n", + "def add_domain_name_list(list_name):\n", + "\n", + "def add_ip_address(list_name, item_name):\n", + "\n", + "def add_ip_address_list(list_name):\n", + "\n", + "def get_distinguished_name_list(list_name):\n", + "\n", + "def get_domain_list(list_name):\n", + "\n", + "def get_ip_address_list(list_name):\n", + "\n", + "def runas(cmdLine, username, password=None, cwd=None):\n", + "\n", + "def runas_unpriv(cmd, username, password, cwd=None):\n", + "\n", + "def match(tgt, functions=None, opts=None):\n", + "\n", + "def _find_image(name):\n", + "\n", + "def image_present(name, visibility='public', protected=None,\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def get_minions():\n", + "\n", + "def present(name, owner=None, grants=None, **kwargs):\n", + "\n", + "def set_change_request_state(change_id, state='approved'):\n", + "\n", + "def delete_record(table, sys_id):\n", + "\n", + "def non_structured_query(table, query=None, **kwargs):\n", + "\n", + "def update_record_field(table, sys_id, field, value):\n", + "\n", + "def _parse_pkg_string(pkg):\n", + "\n", + "def installed(name,\n", + "\n", + "def removed(name,\n", + "\n", + "def beacon(config):\n", + "\n", + "def _get_credentials(server=None,\n", + "\n", + "def create_issue(project,\n", + "\n", + "def assign_issue(issue_key,\n", + "\n", + "def add_comment(issue_key,\n", + "\n", + "def issue_closed(issue_key,\n", + "\n", + "def _remove_complex_types(dictionary):\n", + "\n", + "def run(**kwargs):\n", + "\n", + "def _call_function(name, returner=None, **kwargs):\n", + "\n", + "def _run(name, **kwargs):\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def db_list(user=None, password=None, host=None, port=None):\n", + "\n", + "def db_exists(name, user=None, password=None, host=None, port=None):\n", + "\n", + "def db_create(name, user=None, password=None, host=None, port=None):\n", + "\n", + "def db_remove(name, user=None, password=None, host=None, port=None):\n", + "\n", + "def user_list(database=None, user=None, password=None, host=None, port=None):\n", + "\n", + "def user_exists(name, database=None, user=None, password=None, host=None, port=None):\n", + "\n", + "def user_create(name,\n", + "\n", + "def user_chpass(name,\n", + "\n", + "def user_remove(name,\n", + "\n", + "def retention_policy_get(database,\n", + "\n", + "def retention_policy_exists(database,\n", + "\n", + "def retention_policy_add(database,\n", + "\n", + "def retention_policy_alter(database,\n", + "\n", + "def query(database,\n", + "\n", + "def sync_with_handlers(self, handlers=()):\n", + "\n", + "def handleError(self, record):\n", + "\n", + "def handleError(self, record):\n", + "\n", + "def beacon(config):\n", + "\n", + "def present(name, value, config=None):\n", + "\n", + "def opts():\n", + "\n", + "def _cmd(**kwargs):\n", + "\n", + "def _wrapper(orig, pre='', post='', err_=None, run_args=None, **kwargs):\n", + "\n", + "def fetch(**kwargs):\n", + "\n", + "def update(**kwargs):\n", + "\n", + "def uninstalled(name):\n", + "\n", + "def add_remote(name, location):\n", + "\n", + "def list_nictags(include_etherstubs=True):\n", + "\n", + "def vms(nictag):\n", + "\n", + "def exists(*nictag, **kwargs):\n", + "\n", + "def add(name, mac, mtu=1500):\n", + "\n", + "def update(name, mac=None, mtu=None):\n", + "\n", + "def delete(name, force=False):\n", + "\n", + "def init(cnf):\n", + "\n", + "def _query(lamp_id, state, action='', method='GET'):\n", + "\n", + "def _set(lamp_id, state, method=\"state\"):\n", + "\n", + "def _get_devices(params):\n", + "\n", + "def call_lights(*args, **kwargs):\n", + "\n", + "def call_switch(*args, **kwargs):\n", + "\n", + "def call_blink(*args, **kwargs):\n", + "\n", + "def call_ping(*args, **kwargs):\n", + "\n", + "def call_status(*args, **kwargs):\n", + "\n", + "def call_rename(*args, **kwargs):\n", + "\n", + "def call_alert(*args, **kwargs):\n", + "\n", + "def call_color(*args, **kwargs):\n", + "\n", + "def call_brightness(*args, **kwargs):\n", + "\n", + "def call_temperature(*args, **kwargs):\n", + "\n", + "def _get_branch(repo, name):\n", + "\n", + "def _get_bookmark(repo, name):\n", + "\n", + "def _get_tag(repo, name):\n", + "\n", + "def _get_ref(repo, name):\n", + "\n", + "def init():\n", + "\n", + "def lock(remote=None):\n", + "\n", + " def _do_lock(repo):\n", + "\n", + "def update():\n", + "\n", + "def envs(ignore_cache=False):\n", + "\n", + "def file_hash(load, fnd):\n", + "\n", + "def _file_lists(load, form):\n", + "\n", + "def _get_file_list(load):\n", + "\n", + "def _get_dir_list(load):\n", + "\n", + "def factory(opts, **kwargs):\n", + "\n", + "def cache(self, bank, key, fun, loop_fun=None, **kwargs):\n", + "\n", + "def store(self, bank, key, data):\n", + "\n", + "def fetch(self, bank, key):\n", + "\n", + "def list(self, bank):\n", + "\n", + "def error(name=None, message=''):\n", + "\n", + "def _determine_termination_policies(termination_policies, termination_policies_from_pillar):\n", + "\n", + "def _determine_scaling_policies(scaling_policies, scaling_policies_from_pillar):\n", + "\n", + "def _determine_scheduled_actions(scheduled_actions, scheduled_actions_from_pillar):\n", + "\n", + "def _determine_notification_info(notification_arn,\n", + "\n", + "def _alarms_present(name, min_size_equals_max_size, alarms, alarms_from_pillar, region, key, keyid, profile):\n", + "\n", + "def _setup_conn_old(**kwargs):\n", + "\n", + "def _setup_conn(**kwargs):\n", + "\n", + "def ping(**kwargs):\n", + "\n", + "def nodes(**kwargs):\n", + "\n", + "def node(name, **kwargs):\n", + "\n", + "def node_add_label(node_name, label_name, label_value, **kwargs):\n", + "\n", + "def namespaces(**kwargs):\n", + "\n", + "def deployments(namespace='default', **kwargs):\n", + "\n", + "def services(namespace='default', **kwargs):\n", + "\n", + "def pods(namespace='default', **kwargs):\n", + "\n", + "def configmaps(namespace='default', **kwargs):\n", + "\n", + "def show_deployment(name, namespace='default', **kwargs):\n", + "\n", + "def show_namespace(name, **kwargs):\n", + "\n", + "def show_secret(name, namespace='default', decode=False, **kwargs):\n", + "\n", + "def delete_deployment(name, namespace='default', **kwargs):\n", + "\n", + "def delete_service(name, namespace='default', **kwargs):\n", + "\n", + "def delete_pod(name, namespace='default', **kwargs):\n", + "\n", + "def replace_deployment(name,\n", + "\n", + "def replace_service(name,\n", + "\n", + "def __create_object_body(kind,\n", + "\n", + "def __read_and_render_yaml_file(source,\n", + "\n", + "def __dict_to_object_meta(name, namespace, metadata):\n", + "\n", + "def __dict_to_deployment_spec(spec):\n", + "\n", + "def __dict_to_pod_spec(spec):\n", + "\n", + "def __dict_to_service_spec(spec):\n", + "\n", + "def __enforce_only_strings_dict(dictionary):\n", + "\n", + "def accept(self, pub):\n", + "\n", + "def authorize(self):\n", + "\n", + "def patch(patch_inspect=True):\n", + "\n", + "def parse_auth(rule):\n", + "\n", + "def parse_iscsiname(rule):\n", + "\n", + "def parse_partition(rule):\n", + "\n", + "def parse_raid(rule):\n", + "\n", + "def parse_services(rule):\n", + "\n", + "def parse_updates(rule):\n", + "\n", + "def parse_volgroup(rule):\n", + "\n", + "def mksls(src, dst=None):\n", + "\n", + "def _validate_sleep(minutes):\n", + "\n", + "def set_sleep(minutes):\n", + "\n", + "def get_computer_sleep():\n", + "\n", + "def set_computer_sleep(minutes):\n", + "\n", + "def get_display_sleep():\n", + "\n", + "def set_display_sleep(minutes):\n", + "\n", + "def get_harddisk_sleep():\n", + "\n", + "def set_harddisk_sleep(minutes):\n", + "\n", + "def get_wake_on_modem():\n", + "\n", + "def set_wake_on_modem(enabled):\n", + "\n", + "def get_wake_on_network():\n", + "\n", + "def set_wake_on_network(enabled):\n", + "\n", + "def get_restart_power_failure():\n", + "\n", + "def set_restart_power_failure(enabled):\n", + "\n", + "def get_restart_freeze():\n", + "\n", + "def set_restart_freeze(enabled):\n", + "\n", + "def get_sleep_on_power_button():\n", + "\n", + "def set_sleep_on_power_button(enabled):\n", + "\n", + "def get_conn(conn_type):\n", + "\n", + "def swarm_init(advertise_addr=str,\n", + "\n", + "def joinswarm(remote_addr=int,\n", + "\n", + "def leave_swarm(force=bool):\n", + "\n", + "def service_create(image=str,\n", + "\n", + "def swarm_service_info(service_name=str):\n", + "\n", + "def remove_service(service=str):\n", + "\n", + "def node_ls(server=str):\n", + "\n", + "def remove_node(node_id=str, force=bool):\n", + "\n", + "def update_node(availability=str,\n", + "\n", + "def _sort_policy(doc):\n", + "\n", + "def beacon(config):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def ping():\n", + "\n", + "def set_data_value(datastore, path, data):\n", + "\n", + "def _grains():\n", + "\n", + "def _get_available(recommended=False, restart=False):\n", + "\n", + "def ignore(name):\n", + "\n", + "def list_ignored():\n", + "\n", + "def schedule_enabled():\n", + "\n", + "def schedule_enable(enable):\n", + "\n", + "def update_all(recommended=False, restart=True):\n", + "\n", + "def update(name):\n", + "\n", + "def list_downloads():\n", + "\n", + "def download(name):\n", + "\n", + "def download_all(recommended=False, restart=True):\n", + "\n", + "def get_catalog():\n", + "\n", + "def set_catalog(url):\n", + "\n", + "def reset_catalog():\n", + "\n", + "def get_(key, recurse=False, profile=None, **kwargs):\n", + "\n", + "def set_(key, value, profile=None, ttl=None, directory=False, **kwargs):\n", + "\n", + "def update(fields, path='', profile=None, **kwargs):\n", + "\n", + "def watch(key, recurse=False, profile=None, timeout=0, index=None, **kwargs):\n", + "\n", + "def ls_(path='/', profile=None, **kwargs):\n", + "\n", + "def rm_(key, recurse=False, profile=None, **kwargs):\n", + "\n", + "def tree(path='/', profile=None, **kwargs):\n", + "\n", + "def creds(provider):\n", + "\n", + "def sig2(method, endpoint, params, provider, aws_api_version):\n", + "\n", + "def sig4(method, endpoint, params, prov_dict,\n", + "\n", + "def _sig_key(key, date_stamp, regionName, serviceName):\n", + "\n", + "def query(params=None, setname=None, requesturl=None, location=None,\n", + "\n", + "def get_region_from_metadata():\n", + "\n", + "def get_location(opts=None, provider=None):\n", + "\n", + "def extract_masters(opts, masters='master', port=None, raise_if_empty=True):\n", + "\n", + "def parse_hostname(hostname, default_port):\n", + "\n", + "def find_objects(config=None, config_path=None, regex=None, saltenv='base'):\n", + "\n", + "def find_lines(config=None, config_path=None, regex=None, saltenv='base'):\n", + "\n", + "def find_lines_w_child(config=None,\n", + "\n", + "def find_objects_wo_child(config=None,\n", + "\n", + "def find_lines_wo_child(config=None,\n", + "\n", + "def filter_lines(config=None,\n", + "\n", + "def profile(name):\n", + "\n", + "def _get_connection():\n", + "\n", + "def _verify_views():\n", + "\n", + "def prep_jid(nocache=False, passed_jid=None):\n", + "\n", + "def returner(load):\n", + "\n", + "def save_load(jid, clear_load, minion=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_jids():\n", + "\n", + "def _format_jid_instance(jid, job):\n", + "\n", + "def _get_redis_cache_opts():\n", + "\n", + "def _get_redis_server(opts=None):\n", + "\n", + "def _get_redis_keys_opts():\n", + "\n", + "def _get_bank_redis_key(bank):\n", + "\n", + "def _get_key_redis_key(bank, key):\n", + "\n", + "def _get_bank_keys_redis_key(bank):\n", + "\n", + "def _build_bank_hier(bank, redis_pipe):\n", + "\n", + "def _get_banks_to_remove(redis_server, bank, path=''):\n", + "\n", + "def store(bank, key, data):\n", + "\n", + "def fetch(bank, key):\n", + "\n", + "def flush(bank, key=None):\n", + "\n", + "def list_(bank):\n", + "\n", + "def contains(bank, key):\n", + "\n", + "def check_vpc(vpc_id=None, vpc_name=None, region=None, key=None,\n", + "\n", + "def _create_resource(resource, name=None, tags=None, region=None, key=None,\n", + "\n", + "def _delete_resource(resource, name=None, resource_id=None, region=None,\n", + "\n", + "def _get_resource(resource, name=None, resource_id=None, region=None,\n", + "\n", + "def _find_resources(resource, name=None, resource_id=None, tags=None,\n", + "\n", + "def _get_resource_id(resource, name, region=None, key=None,\n", + "\n", + "def get_resource_id(resource, name=None, resource_id=None, region=None,\n", + "\n", + "def resource_exists(resource, name=None, resource_id=None, tags=None,\n", + "\n", + "def _get_id(vpc_name=None, cidr=None, tags=None, region=None, key=None,\n", + "\n", + "def get_id(name=None, cidr=None, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def exists(vpc_id=None, name=None, cidr=None, tags=None, region=None, key=None,\n", + "\n", + "def create(cidr_block, instance_tenancy=None, vpc_name=None,\n", + "\n", + "def delete(vpc_id=None, name=None, vpc_name=None, tags=None,\n", + "\n", + "def describe(vpc_id=None, vpc_name=None, region=None, key=None,\n", + "\n", + "def describe_vpcs(vpc_id=None, name=None, cidr=None, tags=None,\n", + "\n", + "def _find_subnets(subnet_name=None, vpc_id=None, cidr=None, tags=None, conn=None):\n", + "\n", + "def create_subnet(vpc_id=None, cidr_block=None, vpc_name=None,\n", + "\n", + "def delete_subnet(subnet_id=None, subnet_name=None, region=None, key=None,\n", + "\n", + "def subnet_exists(subnet_id=None, name=None, subnet_name=None, cidr=None,\n", + "\n", + "def get_subnet_association(subnets, region=None, key=None, keyid=None,\n", + "\n", + "def describe_subnet(subnet_id=None, subnet_name=None, region=None,\n", + "\n", + "def describe_subnets(subnet_ids=None, subnet_names=None, vpc_id=None, cidr=None,\n", + "\n", + "def create_internet_gateway(internet_gateway_name=None, vpc_id=None,\n", + "\n", + "def delete_internet_gateway(internet_gateway_id=None,\n", + "\n", + "def _find_nat_gateways(nat_gateway_id=None, subnet_id=None, subnet_name=None, vpc_id=None, vpc_name=None,\n", + "\n", + "def nat_gateway_exists(nat_gateway_id=None, subnet_id=None, subnet_name=None,\n", + "\n", + "def describe_nat_gateways(nat_gateway_id=None, subnet_id=None, subnet_name=None,\n", + "\n", + "def create_nat_gateway(subnet_id=None,\n", + "\n", + "def delete_nat_gateway(nat_gateway_id,\n", + "\n", + "def create_customer_gateway(vpn_connection_type, ip_address, bgp_asn,\n", + "\n", + "def delete_customer_gateway(customer_gateway_id=None, customer_gateway_name=None,\n", + "\n", + "def customer_gateway_exists(customer_gateway_id=None, customer_gateway_name=None,\n", + "\n", + "def create_dhcp_options(domain_name=None, domain_name_servers=None, ntp_servers=None,\n", + "\n", + "def get_dhcp_options(dhcp_options_name=None, dhcp_options_id=None,\n", + "\n", + "def delete_dhcp_options(dhcp_options_id=None, dhcp_options_name=None,\n", + "\n", + "def associate_dhcp_options_to_vpc(dhcp_options_id, vpc_id=None, vpc_name=None,\n", + "\n", + "def dhcp_options_exists(dhcp_options_id=None, name=None, dhcp_options_name=None,\n", + "\n", + "def create_network_acl(vpc_id=None, vpc_name=None, network_acl_name=None,\n", + "\n", + "def delete_network_acl(network_acl_id=None, network_acl_name=None, disassociate=False,\n", + "\n", + "def network_acl_exists(network_acl_id=None, name=None, network_acl_name=None,\n", + "\n", + "def associate_network_acl_to_subnet(network_acl_id=None, subnet_id=None,\n", + "\n", + "def disassociate_network_acl(subnet_id=None, vpc_id=None, subnet_name=None, vpc_name=None,\n", + "\n", + "def create_network_acl_entry(network_acl_id=None, rule_number=None, protocol=None,\n", + "\n", + "def delete_network_acl_entry(network_acl_id=None, rule_number=None, egress=None,\n", + "\n", + "def create_route_table(vpc_id=None, vpc_name=None, route_table_name=None,\n", + "\n", + "def delete_route_table(route_table_id=None, route_table_name=None,\n", + "\n", + "def route_table_exists(route_table_id=None, name=None, route_table_name=None,\n", + "\n", + "def route_exists(destination_cidr_block, route_table_name=None, route_table_id=None,\n", + "\n", + "def associate_route_table(route_table_id=None, subnet_id=None,\n", + "\n", + "def disassociate_route_table(association_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def replace_route_table_association(association_id, route_table_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_route(route_table_id=None, destination_cidr_block=None,\n", + "\n", + "def delete_route(route_table_id=None, destination_cidr_block=None,\n", + "\n", + "def replace_route(route_table_id=None, destination_cidr_block=None,\n", + "\n", + "def describe_route_table(route_table_id=None, route_table_name=None,\n", + "\n", + "def describe_route_tables(route_table_id=None, route_table_name=None,\n", + "\n", + "def _get_subnet_explicit_route_table(subnet_id, vpc_id, conn=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def request_vpc_peering_connection(requester_vpc_id=None, requester_vpc_name=None,\n", + "\n", + "def _get_peering_connection_ids(name, conn):\n", + "\n", + "def describe_vpc_peering_connection(name,\n", + "\n", + "def _vpc_peering_conn_id_for_name(name, conn):\n", + "\n", + "def delete_vpc_peering_connection(conn_id=None, conn_name=None, region=None,\n", + "\n", + "def is_peering_connection_pending(conn_id=None, conn_name=None, region=None,\n", + "\n", + "def peering_connection_pending_from_vpc(conn_id=None, conn_name=None, vpc_id=None,\n", + "\n", + "def cache_id(service, name, sub_resource=None, resource_id=None,\n", + "\n", + "def get_connection(service, module=None, region=None, key=None, keyid=None,\n", + "\n", + "def exactly_n(l, n=1):\n", + "\n", + "def assign_funcs(modname, service, module=None, pack=None):\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def update(dest, upd, recursive_update=True, merge_lists=False):\n", + "\n", + "def get_bnum(opts, minions, quiet):\n", + "\n", + "def __gather_minions(self):\n", + "\n", + "def run(self):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def send_msg(name, recipient, profile):\n", + "\n", + "def send_msg_multi(name,\n", + "\n", + "def zone_present(domain, type, profile):\n", + "\n", + "def zone_absent(domain, profile):\n", + "\n", + "def record_present(name, zone, type, data, profile):\n", + "\n", + "def record_absent(name, zone, type, data, profile):\n", + "\n", + "def hash(value, algorithm='sha512'):\n", + "\n", + "def str_encode(value, encoder='base64'):\n", + "\n", + "def shadow_hash(crypt_salt=None, password=None, algorithm='sha512'):\n", + "\n", + "def rand_int(start=1, end=10, seed=None):\n", + "\n", + "def seed(range=10, hash=None):\n", + "\n", + "def __get_connection_info():\n", + "\n", + "def auth(username, password):\n", + "\n", + "def create(name, **params):\n", + "\n", + "def delete(name):\n", + "\n", + "def checks_list():\n", + "\n", + "def cert(name,\n", + "\n", + "def _vagrant_call(node, function, section, comment, status_when_done=None, **kwargs):\n", + "\n", + "def running(name, **kwargs):\n", + "\n", + "def _find_init_change(name, ret, **kwargs):\n", + "\n", + "def initialized(name, **kwargs):\n", + "\n", + "def _get_gecos(name):\n", + "\n", + "def add(name,\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def chuid(name, uid):\n", + "\n", + "def chloginclass(name, loginclass, root=None):\n", + "\n", + "def info(name):\n", + "\n", + "def get_loginclass(name):\n", + "\n", + "def rename(name, new_name):\n", + "\n", + "def init(opts):\n", + "\n", + "def rpc(commands, method='cli', **kwargs):\n", + "\n", + "def communicator(func):\n", + "\n", + " def _call(queue, args, kwargs):\n", + "\n", + "def enter_mainloop(target,\n", + "\n", + "def create_multiprocessing(parallel_data, queue=None):\n", + "\n", + "def destroy_multiprocessing(parallel_data, queue=None):\n", + "\n", + "def run_parallel_map_providers_query(data, queue=None):\n", + "\n", + "def _opts_defaults(self, **kwargs):\n", + "\n", + "def low(self, fun, low):\n", + "\n", + "def list_sizes(self, provider=None):\n", + "\n", + "def list_images(self, provider=None):\n", + "\n", + "def list_locations(self, provider=None):\n", + "\n", + "def min_query(self, query_type='list_nodes_min'):\n", + "\n", + "def profile(self, profile, names, vm_overrides=None, **kwargs):\n", + "\n", + "def map_run(self, path=None, **kwargs):\n", + "\n", + "def destroy(self, names):\n", + "\n", + "def create(self, provider, names, **kwargs):\n", + "\n", + "def extra_action(self, names, provider, action, **kwargs):\n", + "\n", + "def get_configured_providers(self):\n", + "\n", + "def lookup_providers(self, lookup):\n", + "\n", + "def lookup_profiles(self, provider, lookup):\n", + "\n", + "def map_providers(self, query='list_nodes', cached=False):\n", + "\n", + "def map_providers_parallel(self, query='list_nodes', cached=False):\n", + "\n", + "def _optimize_providers(self, providers):\n", + "\n", + "def image_list(self, lookup='all'):\n", + "\n", + "def provider_list(self, lookup='all'):\n", + "\n", + "def profile_list(self, provider, lookup='all'):\n", + "\n", + "def create_all(self):\n", + "\n", + "def destroy(self, names, cached=False):\n", + "\n", + "def reboot(self, names):\n", + "\n", + "def create(self, vm_, local_master=True):\n", + "\n", + "def vm_config(name, main, provider, profile, overrides):\n", + "\n", + "def extras(self, extra_):\n", + "\n", + "def run_profile(self, profile, names, vm_overrides=None):\n", + "\n", + "def do_action(self, names, kwargs):\n", + "\n", + "def do_function(self, prov, func, kwargs):\n", + "\n", + "def __filter_non_working_providers(self):\n", + "\n", + "def read(self):\n", + "\n", + "def map_data(self, cached=False):\n", + "\n", + " def get_matching_by_name(name):\n", + "\n", + "def run_map(self, dmap):\n", + "\n", + "def _get_user_info(user=None):\n", + "\n", + "def _get_user_gnupghome(user):\n", + "\n", + "def _create_gpg(user=None, gnupghome=None):\n", + "\n", + "def _list_keys(user=None, gnupghome=None, secret=False):\n", + "\n", + "def _search_keys(text, keyserver, user=None):\n", + "\n", + "def search_keys(text, keyserver=None, user=None):\n", + "\n", + "def list_keys(user=None, gnupghome=None):\n", + "\n", + "def create_key(key_type='RSA',\n", + "\n", + "def delete_key(keyid=None,\n", + "\n", + "def get_key(keyid=None, fingerprint=None, user=None, gnupghome=None):\n", + "\n", + "def import_key(text=None,\n", + "\n", + "def export_key(keyids=None, secret=False, user=None, gnupghome=None):\n", + "\n", + "def receive_keys(keyserver=None, keys=None, user=None, gnupghome=None):\n", + "\n", + "def trust_key(keyid=None,\n", + "\n", + "def sign(user=None,\n", + "\n", + "def verify(text=None,\n", + "\n", + "def encrypt(user=None,\n", + "\n", + "def decrypt(user=None,\n", + "\n", + "def pack(o, stream, **kwargs):\n", + "\n", + " def _enc_func(obj):\n", + "\n", + "def unpack(stream, **kwargs):\n", + "\n", + "def unpackb(packed, **kwargs):\n", + "\n", + "def timeout(name, delete=0, reject=0):\n", + "\n", + "def _get_notifier(config):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def _gem(command, ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def uninstall(gems, ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def update(gems, ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def update_system(version='', ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def version(ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def list_(prefix='', ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def list_upgrades(ruby=None,\n", + "\n", + "def sources_add(source_uri, ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def sources_remove(source_uri, ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def sources_list(ruby=None, runas=None, gem_bin=None):\n", + "\n", + "def generate_ticket(name, output=None, grain=None, key=None, overwrite=True):\n", + "\n", + "def generate_cert(name):\n", + "\n", + "def save_cert(name, master):\n", + "\n", + "def request_cert(name, master, ticket, port=\"5665\"):\n", + "\n", + "def node_setup(name, master, ticket):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def boot(name=None, kwargs=None, call=None):\n", + "\n", + "def clone(kwargs=None, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def create_config(kwargs=None, call=None):\n", + "\n", + "def create_disk_from_distro(vm_, linode_id, swap_size=None):\n", + "\n", + "def create_swap_disk(vm_, linode_id, swap_size=None):\n", + "\n", + "def create_data_disk(vm_=None, linode_id=None, data_size=None):\n", + "\n", + "def create_private_ip(linode_id):\n", + "\n", + "def get_config_id(kwargs=None, call=None):\n", + "\n", + "def get_disk_size(vm_, swap, linode_id):\n", + "\n", + "def get_data_disk_size(vm_, swap, linode_id):\n", + "\n", + "def get_distribution_id(vm_):\n", + "\n", + "def get_ips(linode_id=None):\n", + "\n", + "def get_linode(kwargs=None, call=None):\n", + "\n", + "def get_linode_id_from_name(name):\n", + "\n", + "def get_password(vm_):\n", + "\n", + "def _decode_linode_plan_label(label):\n", + "\n", + "def get_plan_id(kwargs=None, call=None):\n", + "\n", + "def get_vm_size(vm_):\n", + "\n", + "def list_nodes_min(call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def show_pricing(kwargs=None, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def update_linode(linode_id, update_args=None):\n", + "\n", + "def _clean_data(api_response):\n", + "\n", + "def _list_linodes(full=False):\n", + "\n", + "def _query(action=None,\n", + "\n", + "def _wait_for_job(linode_id, job_id, timeout=300, quiet=True):\n", + "\n", + "def _wait_for_status(linode_id, status=None, timeout=300, quiet=True):\n", + "\n", + "def _get_status_descr_by_id(status_id):\n", + "\n", + "def _validate_name(name):\n", + "\n", + "def load_term_config(filter_name,\n", + "\n", + "def load_filter_config(filter_name,\n", + "\n", + "def load_policy_config(filters=None,\n", + "\n", + "def get_filter_pillar(filter_name,\n", + "\n", + "def get_term_pillar(filter_name,\n", + "\n", + "def _get_blade():\n", + "\n", + "def _get_fs(name, blade):\n", + "\n", + "def _get_snapshot(name, suffix, blade):\n", + "\n", + "def _get_deleted_fs(name, blade):\n", + "\n", + "def started(name=None,\n", + "\n", + "def cmd(self,\n", + "\n", + "def cmd_sync(self, low):\n", + "\n", + "def set_(name, target, module_parameter=None, action_parameter=None):\n", + "\n", + "def _filter_list(input_list, search_key, search_value):\n", + "\n", + "def _filter_dict(input_dict, search_key, search_value):\n", + "\n", + "def _explicit_close(napalm_device):\n", + "\n", + "def _config_logic(napalm_device,\n", + "\n", + "def load_config(filename=None,\n", + "\n", + "def load_template(template_name=None,\n", + "\n", + "def cancel_commit(jid):\n", + "\n", + "def confirm_commit(jid):\n", + "\n", + "def save_config(source=None,\n", + "\n", + "def replace_pattern(pattern,\n", + "\n", + "def blockreplace(marker_start,\n", + "\n", + "def patch(patchfile,\n", + "\n", + "def run(self):\n", + "\n", + "def blade_idrac(name, idrac_password=None, idrac_ipmi=None,\n", + "\n", + "def chassis(name, chassis_name=None, password=None, datacenter=None,\n", + "\n", + "def switch(name, ip=None, netmask=None, gateway=None, dhcp=None,\n", + "\n", + "def _firmware_update(firmwarefile='', host='',\n", + "\n", + "def firmware_update(hosts=None, directory=''):\n", + "\n", + "def _set_tcp_keepalive(sock, opts):\n", + "\n", + "def _crypted_transfer(self, load, tries=3, timeout=60):\n", + "\n", + " def _do_transfer():\n", + "\n", + "def send_id(self, tok, force_auth):\n", + "\n", + " def _do_transfer():\n", + "\n", + "def on_recv(self, callback):\n", + "\n", + " def wrap_callback(body):\n", + "\n", + "def pre_fork(self, process_manager):\n", + "\n", + "def post_fork(self, payload_handler, io_loop):\n", + "\n", + "def handle_message(self, stream, header, payload):\n", + "\n", + "def handle_stream(self, stream, address):\n", + "\n", + "def shutdown(self):\n", + "\n", + "def _connect(self):\n", + "\n", + "def on_recv(self, callback):\n", + "\n", + " def wrap_recv(header, body):\n", + "\n", + "def send(self, msg, timeout=None, callback=None, raw=False):\n", + "\n", + " def handle_future(future):\n", + "\n", + "def _publish_daemon(self, **kwargs):\n", + "\n", + "def pre_fork(self, process_manager, kwargs=None):\n", + "\n", + "def publish(self, load):\n", + "\n", + "def _error_msg_iface(iface, option, expected):\n", + "\n", + "def _error_msg_routes(iface, option, expected):\n", + "\n", + "def _error_msg_network(option, expected):\n", + "\n", + "def _raise_error_iface(iface, option, expected):\n", + "\n", + "def _raise_error_network(option, expected):\n", + "\n", + "def _raise_error_routes(iface, option, expected):\n", + "\n", + "def _read_file(path):\n", + "\n", + "def _parse_current_network_settings():\n", + "\n", + "def __int(value):\n", + "\n", + "def __float(value):\n", + "\n", + "def __ipv4_netmask(value):\n", + "\n", + "def __ipv6_netmask(value):\n", + "\n", + "def __within2(value, within=None, errmsg=None, dtype=None):\n", + "\n", + "def __space_delimited_list(value):\n", + "\n", + "def _validate_interface_option(attr, value, addrfam='inet'):\n", + "\n", + "def _parse_interfaces(interface_files=None):\n", + "\n", + "def _parse_ethtool_opts(opts, iface):\n", + "\n", + "def _parse_ethtool_pppoe_opts(opts, iface):\n", + "\n", + "def _parse_settings_bond(opts, iface):\n", + "\n", + "def _parse_settings_bond_2(opts, iface, bond_def):\n", + "\n", + "def _parse_bridge_opts(opts, iface):\n", + "\n", + "def _parse_settings_eth(opts, iface_type, enabled, iface):\n", + "\n", + "def _parse_settings_source(opts, iface_type, enabled, iface):\n", + "\n", + "def _parse_network_settings(opts, current):\n", + "\n", + "def _parse_routes(iface, opts):\n", + "\n", + "def _write_file(iface, data, folder, pattern):\n", + "\n", + "def _write_file_network(data, filename, create=False):\n", + "\n", + "def _read_temp(data):\n", + "\n", + "def _read_temp_ifaces(iface, data):\n", + "\n", + "def _write_file_ifaces(iface, data, **settings):\n", + "\n", + "def _write_file_ppp_ifaces(iface, data):\n", + "\n", + "def build_bond(iface, **settings):\n", + "\n", + "def build_interface(iface, iface_type, enabled, **settings):\n", + "\n", + "def build_routes(iface, **settings):\n", + "\n", + "def get_bond(iface):\n", + "\n", + "def get_interface(iface):\n", + "\n", + "def get_network_settings():\n", + "\n", + "def get_routes(iface):\n", + "\n", + "def apply_network_settings(**settings):\n", + "\n", + "def build_network_settings(**settings):\n", + "\n", + "def setval(key, val, false_unsets=False, permanent=False):\n", + "\n", + "def setenv(environ, false_unsets=False, clear_all=False, update_minion=False, permanent=False):\n", + "\n", + "def get(key, default=''):\n", + "\n", + "def has_value(key, value=None):\n", + "\n", + "def item(keys, default=''):\n", + "\n", + "def _extract_key_val(kv, delimiter='='):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def pillar_dir(self):\n", + "\n", + "def ext_pillar(hyper_id, pillar, name, key):\n", + "\n", + "def pv_present(name, **kwargs):\n", + "\n", + "def pv_absent(name):\n", + "\n", + "def vg_present(name, devices=None, **kwargs):\n", + "\n", + "def lv_present(name,\n", + "\n", + "def lv_absent(name, vgname=None):\n", + "\n", + "def get_conn(profile):\n", + "\n", + "def _delivery_report(err, msg):\n", + "\n", + "def returner(ret):\n", + "\n", + "def installed(name,\n", + "\n", + "def update(name,\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def group_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_replication_group(name, primary_cluster_id, replication_group_description,\n", + "\n", + "def describe_replication_group(name, region=None, key=None, keyid=None,\n", + "\n", + "def get_config(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_node_host(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_group_host(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_all_cache_subnet_groups(name=None, region=None, key=None,\n", + "\n", + "def list_cache_subnet_groups(name=None, region=None, key=None,\n", + "\n", + "def subnet_group_exists(name, tags=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_subnet_group(name, description, subnet_ids=None, subnet_names=None, tags=None,\n", + "\n", + "def get_cache_subnet_group(name, region=None, key=None, keyid=None,\n", + "\n", + "def delete_subnet_group(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create(name, num_cache_nodes=None, engine=None, cache_node_type=None,\n", + "\n", + "def delete(name, wait=False, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_cache_security_group(name, description, region=None, key=None,\n", + "\n", + "def delete_cache_security_group(name, region=None, key=None, keyid=None,\n", + "\n", + "def authorize_cache_security_group_ingress(name, ec2_security_group_name,\n", + "\n", + "def try_printout(data, out, opts, **kwargs):\n", + "\n", + "def get_progress(opts, out, progress):\n", + "\n", + "def update_progress(opts, progress, progress_iter, out):\n", + "\n", + "def display_output(data, out=None, opts=None, **kwargs):\n", + "\n", + "def get_printout(out, opts=None, **kwargs):\n", + "\n", + " def is_pipe():\n", + "\n", + "def out_format(data, out, opts=None, **kwargs):\n", + "\n", + "def string_format(data, out, opts=None, **kwargs):\n", + "\n", + "def html_format(data, out, opts=None, **kwargs):\n", + "\n", + "def strip_esc_sequence(txt):\n", + "\n", + "def _tree(domain, tld=False):\n", + "\n", + "def _data2rec(schema, rec_data):\n", + "\n", + "def _lookup_dig(name, rdtype, timeout=None, servers=None, secure=None):\n", + "\n", + "def _lookup_drill(name, rdtype, timeout=None, servers=None, secure=None):\n", + "\n", + "def _lookup_gai(name, rdtype, timeout=None):\n", + "\n", + "def _lookup_host(name, rdtype, timeout=None, server=None):\n", + "\n", + "def _lookup_dnspython(name, rdtype, timeout=None, servers=None, secure=None):\n", + "\n", + "def _lookup_nslookup(name, rdtype, timeout=None, server=None):\n", + "\n", + " def _multi_srvr(resolv_func):\n", + "\n", + " def _wrapper(**res_kwargs):\n", + "\n", + "def host(name, ip4=True, ip6=True, **kwargs):\n", + "\n", + "def caa_rec(rdatas):\n", + "\n", + "def ptr_name(rdata):\n", + "\n", + "def soa_rec(rdata):\n", + "\n", + "def spf_rec(rdata):\n", + "\n", + "def srv_data(target, port, prio=10, weight=10):\n", + "\n", + "def srv_name(svc, proto='tcp', domain=None):\n", + "\n", + "def srv_rec(rdatas):\n", + "\n", + "def sshfp_data(key_t, hash_t, pub):\n", + "\n", + "def sshfp_rec(rdata):\n", + "\n", + "def tlsa_data(pub, usage, selector, matching):\n", + "\n", + "def tlsa_rec(rdata):\n", + "\n", + "def services(services_file='/etc/services'):\n", + "\n", + "def parse_resolv(src='/etc/resolv.conf'):\n", + "\n", + "def get_returner_options(virtualname=None,\n", + "\n", + "def _fetch_option(cfg, ret_config, virtualname, attr_name):\n", + "\n", + "def _options_browser(cfg, ret_config, defaults, virtualname, options):\n", + "\n", + "def enabled(name, runas=None):\n", + "\n", + "def _revs_equal(rev1, rev2, rev_type):\n", + "\n", + "def _get_branch_opts(branch, local_branch, all_local_branches,\n", + "\n", + "def _get_local_rev_and_branch(target, user, password, output_encoding=None):\n", + "\n", + "def present(name,\n", + "\n", + "def detached(name,\n", + "\n", + "def cloned(name,\n", + "\n", + " def _clone_changes(ret):\n", + "\n", + " def _branch_changes(ret, old, new):\n", + "\n", + "def config_unset(name,\n", + "\n", + "def config_set(name,\n", + "\n", + "def mod_run_check(cmd_kwargs, onlyif, unless):\n", + "\n", + "def push_note(device=None, title=None, body=None):\n", + "\n", + "def verify_webhook(signature, body):\n", + "\n", + "def managed(name, type, enabled=True, **kwargs):\n", + "\n", + "def routes(name, **kwargs):\n", + "\n", + "def system(name, **kwargs):\n", + "\n", + "def present(name, mediatype, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def sanitize_host(host):\n", + "\n", + "def isportopen(host, port):\n", + "\n", + "def host_to_ips(host):\n", + "\n", + "def _generate_minion_id():\n", + "\n", + " def append(self, p_object):\n", + "\n", + " def extend(self, iterable):\n", + "\n", + " def filter(self, element):\n", + "\n", + " def first(self):\n", + "\n", + "def generate_minion_id():\n", + "\n", + "def get_socket(addr, type=socket.SOCK_STREAM, proto=0):\n", + "\n", + "def get_fqhostname():\n", + "\n", + "def ip_to_host(ip):\n", + "\n", + "def is_reachable_host(entity_name):\n", + "\n", + "def is_ip_filter(ip, options=None):\n", + "\n", + "def is_ipv4_filter(ip, options=None):\n", + "\n", + "def is_ipv6_filter(ip, options=None):\n", + "\n", + "def ipaddr(value, options=None):\n", + "\n", + "def ip_host(value, options=None, version=None):\n", + "\n", + "def network_hosts(value, options=None, version=None):\n", + "\n", + "def network_size(value, options=None, version=None):\n", + "\n", + "def natural_ipv4_netmask(ip, fmt='prefixlen'):\n", + "\n", + "def cidr_to_ipv4_netmask(cidr_bits):\n", + "\n", + "def _number_of_set_bits(x):\n", + "\n", + "def _interfaces_ifconfig(out):\n", + "\n", + "def linux_interfaces():\n", + "\n", + "def _netbsd_interfaces_ifconfig(out):\n", + "\n", + "def netbsd_interfaces():\n", + "\n", + "def _interfaces_ipconfig(out):\n", + "\n", + "def win_interfaces():\n", + "\n", + "def interfaces():\n", + "\n", + "def get_net_start(ipaddr, netmask):\n", + "\n", + "def get_net_size(mask):\n", + "\n", + "def calc_net(ipaddr, netmask=None):\n", + "\n", + "def _ipv4_to_bits(ipaddr):\n", + "\n", + "def _get_iface_info(iface):\n", + "\n", + "def _hw_addr_aix(iface):\n", + "\n", + "def hw_addr(iface):\n", + "\n", + "def interface(iface):\n", + "\n", + "def interface_ip(iface):\n", + "\n", + "def _subnets(proto='inet', interfaces_=None):\n", + "\n", + "def in_subnet(cidr, addr=None):\n", + "\n", + "def _ip_addrs(interface=None, include_loopback=False, interface_data=None, proto='inet'):\n", + "\n", + "def hex2ip(hex_ip, invert=False):\n", + "\n", + "def mac2eui64(mac, prefix=None):\n", + "\n", + "def active_tcp():\n", + "\n", + "def _remotes_on(port, which_end):\n", + "\n", + "def _parse_tcp_line(line):\n", + "\n", + "def _netlink_tool_remote_on(port, which_end):\n", + "\n", + "def _netbsd_remotes_on(port, which_end):\n", + "\n", + "def _openbsd_remotes_on(port, which_end):\n", + "\n", + "def _windows_remotes_on(port, which_end):\n", + "\n", + "def _linux_remotes_on(port, which_end):\n", + "\n", + "def gen_mac(prefix='AC:DE:48'):\n", + "\n", + "def mac_str_to_bytes(mac_str):\n", + "\n", + "def connection_check(addr, port=80, safe=False, ipv6=None):\n", + "\n", + "def dns_check(addr, port=80, safe=False, ipv6=None, attempt_connect=True):\n", + "\n", + "def parse_host_port(host_port):\n", + "\n", + "def is_fqdn(hostname):\n", + "\n", + "def _active_mounts(ret):\n", + "\n", + "def _active_mounts_aix(ret):\n", + "\n", + "def _active_mounts_freebsd(ret):\n", + "\n", + "def _active_mounts_openbsd(ret):\n", + "\n", + "def _active_mounts_darwin(ret):\n", + "\n", + "def _resolve_user_group_names(opts):\n", + "\n", + "def active(extended=False):\n", + "\n", + "def fstab(config='/etc/fstab'):\n", + "\n", + "def rm_fstab(name, device, config='/etc/fstab'):\n", + "\n", + "def rm_automaster(name, device, config='/etc/auto_salt'):\n", + "\n", + "def automaster(config='/etc/auto_salt'):\n", + "\n", + "def mount(name, device, mkmnt=False, fstype='', opts='defaults', user=None, util='mount'):\n", + "\n", + "def remount(name, device, mkmnt=False, fstype='', opts='defaults', user=None):\n", + "\n", + "def umount(name, device=None, user=None, util='mount'):\n", + "\n", + "def is_fuse_exec(cmd):\n", + "\n", + "def swaps():\n", + "\n", + "def swapon(name, priority=None):\n", + "\n", + "def swapoff(name):\n", + "\n", + "def read_mount_cache(name):\n", + "\n", + "def write_mount_cache(real_name,\n", + "\n", + "def delete_mount_cache(real_name):\n", + "\n", + "def _filesystems(config='/etc/filesystems', leading_key=True):\n", + "\n", + "def filesystems(config='/etc/filesystems'):\n", + "\n", + "def rm_filesystems(name, device, config='/etc/filesystems'):\n", + "\n", + "def pick(self, keys):\n", + "\n", + "def match(self, line):\n", + "\n", + "def match(self, fsys_view):\n", + "\n", + "def virtual(opts, virtualname, filename):\n", + "\n", + "def call(napalm_device, method, *args, **kwargs):\n", + "\n", + "def get_device_opts(opts, salt_obj=None):\n", + "\n", + "def get_device(opts, salt_obj=None):\n", + "\n", + "def proxy_napalm_wrap(func):\n", + "\n", + " def func_wrapper(*args, **kwargs):\n", + "\n", + "def loaded_ret(ret, loaded, test, debug, compliance_report=False, opts=None):\n", + "\n", + "def start(address=None, port=5000, ssl_crt=None, ssl_key=None):\n", + "\n", + " def fire(tag, msg):\n", + "\n", + "def installed(name, updates=None):\n", + "\n", + "def removed(name, updates=None):\n", + "\n", + "def uptodate(name,\n", + "\n", + "def format_graylog_v0(self, record):\n", + "\n", + "def format_logstash_v0(self, record):\n", + "\n", + "def connected():\n", + "\n", + "def get_configured_provider():\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def list_nodes_full(call=None, for_output=True):\n", + "\n", + "def get_image(vm_):\n", + "\n", + "def get_size(vm_):\n", + "\n", + "def get_location(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_name):\n", + "\n", + "def query(method='droplets', droplet_id=None, command=None, args=None, http_method='get'):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def list_keypairs(call=None):\n", + "\n", + "def show_keypair(kwargs=None, call=None):\n", + "\n", + "def import_keypair(kwargs=None, call=None):\n", + "\n", + "def create_key(kwargs=None, call=None):\n", + "\n", + "def get_keyid(keyname):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def post_dns_record(**kwargs):\n", + "\n", + "def destroy_dns_records(fqdn):\n", + "\n", + "def show_pricing(kwargs=None, call=None):\n", + "\n", + "def show_floating_ip(kwargs=None, call=None):\n", + "\n", + "def create_floating_ip(kwargs=None, call=None):\n", + "\n", + "def delete_floating_ip(kwargs=None, call=None):\n", + "\n", + "def unassign_floating_ip(kwargs=None, call=None):\n", + "\n", + "def _list_nodes(full=False, for_output=False):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def _get_full_output(node, for_output=False):\n", + "\n", + "def _get_ips(networks):\n", + "\n", + "def cluster_create(version,\n", + "\n", + "def cluster_list(verbose=False):\n", + "\n", + "def cluster_remove(version,\n", + "\n", + "def _parse_pg_lscluster(output):\n", + "\n", + "def _find_credentials(host):\n", + "\n", + "def _grains():\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def rule_absent(name,\n", + "\n", + "def ports_open(name, ports, proto='tcp', direction='in'):\n", + "\n", + "def nics_skip(name, nics, ipv6):\n", + "\n", + "def nics_skipped(name, nics, ipv6=False):\n", + "\n", + "def option_present(name, value, reload=False):\n", + "\n", + "def _parse_stack_cfg(content):\n", + "\n", + "def _clear_context(bin_env=None):\n", + "\n", + "def _get_pip_bin(bin_env):\n", + "\n", + " def _search_paths(*basedirs):\n", + "\n", + "def _get_cached_requirements(requirements, saltenv):\n", + "\n", + "def _get_env_activate(bin_env):\n", + "\n", + "def _resolve_requirements_chain(requirements):\n", + "\n", + "def _process_requirements(requirements, cmd, cwd, saltenv, user):\n", + "\n", + "def uninstall(pkgs=None,\n", + "\n", + "def freeze(bin_env=None,\n", + "\n", + "def list_(prefix=None,\n", + "\n", + "def version(bin_env=None):\n", + "\n", + "def list_upgrades(bin_env=None,\n", + "\n", + "def is_installed(pkgname=None,\n", + "\n", + "def upgrade_available(pkg,\n", + "\n", + "def upgrade(bin_env=None,\n", + "\n", + "def list_all_versions(pkg,\n", + "\n", + "def verify_certs(*args):\n", + "\n", + "def start():\n", + "\n", + "def get_osarch():\n", + "\n", + "def check_32(arch, osarch=None):\n", + "\n", + "def pkginfo(name, version, arch, repoid, install_date=None, install_date_time_t=None):\n", + "\n", + "def resolve_name(name, arch, osarch=None):\n", + "\n", + "def parse_pkginfo(line, osarch=None):\n", + "\n", + "def combine_comments(comments):\n", + "\n", + "def version_to_evr(verstring):\n", + "\n", + "def _security_group_present(name, description, vpc_id=None, vpc_name=None,\n", + "\n", + "def _split_rules(rules):\n", + "\n", + "def _check_rule(rule, _rule):\n", + "\n", + "def _get_rule_changes(rules, _rules):\n", + "\n", + "def _rules_present(name, rules, delete_ingress_rules=True, vpc_id=None,\n", + "\n", + "def _tags_present(name, tags, vpc_id=None, vpc_name=None, region=None,\n", + "\n", + "def _ordereddict2dict(input_ordered_dict):\n", + "\n", + "def quorum(name, **kwargs):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def consul_fetch(client, path):\n", + "\n", + "def fetch_tree(client, path, expand_keys):\n", + "\n", + "def pillar_format(ret, keys, value, expand_keys):\n", + "\n", + "def get_conn(opts, profile):\n", + "\n", + "def _resolve_datacenter(dc, pillarenv):\n", + "\n", + "def _gather_group_members(group, groups, users):\n", + "\n", + "def _check_time_range(time_range, now):\n", + "\n", + "def beacon(config):\n", + "\n", + "def _sprinkle(config_str):\n", + "\n", + "def _generate_payload(author_icon, title, report):\n", + "\n", + "def _generate_report(ret, show_tasks):\n", + "\n", + "def _post_message(webhook, author_icon, title, report):\n", + "\n", + "def returner(ret):\n", + "\n", + "def update_git_repos(clean=False):\n", + "\n", + "def show_sls(name, saltenv='base'):\n", + "\n", + "def version():\n", + "\n", + "def _clear_context():\n", + "\n", + "def _ip_sort(ip):\n", + "\n", + "def search_lxc_bridges():\n", + "\n", + " def sort_bridges(a):\n", + "\n", + "def cloud_init_interface(name, vm_=None, **kwargs):\n", + "\n", + " def _cloud_get(k, default=None):\n", + "\n", + "def _rand_cpu_str(cpu):\n", + "\n", + "def _network_conf(conf_tuples=None, **kwargs):\n", + "\n", + "def _config_list(conf_tuples=None, only_net=False, **kwargs):\n", + "\n", + "def _get_veths(net_data):\n", + "\n", + "def _get_base(**kwargs):\n", + "\n", + " def select(key, default=None):\n", + "\n", + "def init(name,\n", + "\n", + " def select(key, default=None):\n", + "\n", + "def cloud_init(name, vm_=None, **kwargs):\n", + "\n", + "def images(dist=None):\n", + "\n", + "def templates():\n", + "\n", + "def create(name,\n", + "\n", + " def select(key, default=None):\n", + "\n", + "def clone(name,\n", + "\n", + " def select(key, default=None):\n", + "\n", + "def ls_(active=None, cache=True, path=None):\n", + "\n", + "def list_(extra=False, limit=None, path=None):\n", + "\n", + "def _ensure_exists(name, path=None):\n", + "\n", + "def _ensure_running(name, no_start=False, path=None):\n", + "\n", + "def restart(name, path=None, lxc_config=None, force=False):\n", + "\n", + "def start(name, **kwargs):\n", + "\n", + "def stop(name, kill=False, path=None, use_vt=None):\n", + "\n", + "def freeze(name, **kwargs):\n", + "\n", + "def unfreeze(name, path=None, use_vt=None):\n", + "\n", + "def destroy(name, stop=False, path=None):\n", + "\n", + "def exists(name, path=None):\n", + "\n", + "def state(name, path=None):\n", + "\n", + "def get_parameter(name, parameter, path=None):\n", + "\n", + "def set_parameter(name, parameter, value, path=None):\n", + "\n", + "def info(name, path=None):\n", + "\n", + "def set_password(name, users, password, encrypted=True, path=None):\n", + "\n", + " def _bad_user_input():\n", + "\n", + "def update_lxc_conf(name, lxc_conf, lxc_conf_unset, path=None):\n", + "\n", + "def set_dns(name, dnsservers=None, searchdomains=None, path=None):\n", + "\n", + "def running_systemd(name, cache=True, path=None):\n", + "\n", + "def systemd_running_state(name, path=None):\n", + "\n", + "def wait_started(name, path=None, timeout=300):\n", + "\n", + "def attachable(name, path=None):\n", + "\n", + "def _run(name,\n", + "\n", + "def run(name,\n", + "\n", + "def _get_md5(name, path):\n", + "\n", + "def copy_to(name, source, dest, overwrite=False, makedirs=False, path=None):\n", + "\n", + "def read_conf(conf_file, out_format='simple'):\n", + "\n", + "def write_conf(conf_file, conf):\n", + "\n", + "def edit_conf(conf_file,\n", + "\n", + "def reboot(name, path=None):\n", + "\n", + "def reconfigure(name,\n", + "\n", + " def select(key, default=None):\n", + "\n", + "def apply_network_profile(name, network_profile, nic_opts=None, path=None):\n", + "\n", + "def get_pid(name, path=None):\n", + "\n", + "def add_veth(name, interface_name, bridge=None, path=None):\n", + "\n", + "def _filter_data(self, pattern):\n", + "\n", + "def _get_serializer(output):\n", + "\n", + "def start(cmd, output='json', interval=1):\n", + "\n", + "def version():\n", + "\n", + "def address_():\n", + "\n", + "def power(dev, mode):\n", + "\n", + "def discoverable(dev):\n", + "\n", + "def scan():\n", + "\n", + "def block(bdaddr):\n", + "\n", + "def pair(address, key):\n", + "\n", + "def unpair(address):\n", + "\n", + "def post_card(message,\n", + "\n", + "def beacon(config):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def _list_nodes(call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def clear_rtag(opts):\n", + "\n", + "def write_rtag(opts):\n", + "\n", + "def check_refresh(opts, refresh=None):\n", + "\n", + "def match_version(desired, available, cmp_func=None, ignore_epoch=False):\n", + "\n", + "def _auth(profile=None):\n", + "\n", + "def delete(cont, path=None, profile=None):\n", + "\n", + "def get(cont=None, path=None, local_file=None, return_bin=False, profile=None):\n", + "\n", + "def put(cont, path=None, local_file=None, profile=None):\n", + "\n", + "def _get_account_policy(name):\n", + "\n", + "def _set_account_policy(name, policy):\n", + "\n", + "def _get_account_policy_data_value(name, key):\n", + "\n", + "def _convert_to_datetime(unix_timestamp):\n", + "\n", + "def info(name):\n", + "\n", + "def get_account_created(name):\n", + "\n", + "def get_login_failed_count(name):\n", + "\n", + "def set_maxdays(name, days):\n", + "\n", + "def get_maxdays(name):\n", + "\n", + "def set_change(name, date):\n", + "\n", + "def set_expire(name, date):\n", + "\n", + "def del_password(name):\n", + "\n", + "def set_password(name, password):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def get_configured_provider():\n", + "\n", + "def preferred_ip(vm_, ips):\n", + "\n", + "def get_conn():\n", + "\n", + "def list_nodes(conn=None, call=None):\n", + "\n", + "def list_nodes_min(conn=None, call=None):\n", + "\n", + "def list_nodes_full(conn=None, call=None):\n", + "\n", + "def list_nodes_select(conn=None, call=None):\n", + "\n", + "def show_instance(name, conn=None, call=None):\n", + "\n", + "def avail_images(conn=None, call=None):\n", + "\n", + "def avail_sizes(conn=None, call=None):\n", + "\n", + "def list_networks(conn=None, call=None):\n", + "\n", + "def list_subnets(conn=None, call=None, kwargs=None):\n", + "\n", + "def _clean_create_kwargs(**kwargs):\n", + "\n", + "def request_instance(vm_, conn=None, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node(vm_):\n", + "\n", + "def destroy(name, conn=None, call=None):\n", + "\n", + "def call(conn=None, call=None, kwargs=None):\n", + "\n", + "def merge(obj_a, obj_b, strategy='smart', renderer='yaml', merge_lists=False):\n", + "\n", + "def merge_all(lst, strategy='smart', renderer='yaml', merge_lists=False):\n", + "\n", + "def renderer(path=None, string=None, default_renderer='jinja|yaml', **kwargs):\n", + "\n", + " def run():\n", + "\n", + "def serialize(serializer, obj, **mod_kwargs):\n", + "\n", + "def deserialize(serializer, stream_or_string, **mod_kwargs):\n", + "\n", + "def banner(width=72, commentchar='#', borderchar='#', blockstart=None, blockend=None,\n", + "\n", + "def get_storage_conn(storage_account=None, storage_key=None, opts=None):\n", + "\n", + "def list_blobs(storage_conn=None, **kwargs):\n", + "\n", + "def put_blob(storage_conn=None, **kwargs):\n", + "\n", + "def get_blob(storage_conn=None, **kwargs):\n", + "\n", + "def object_to_dict(obj):\n", + "\n", + "def run(self):\n", + "\n", + "def user_exists(name, password=None, htpasswd_file=None, options='',\n", + "\n", + "def user_absent(name, htpasswd_file=None, runas=None):\n", + "\n", + "def run_task(task_name, args=None, kwargs=None, broker=None, backend=None, wait_for_result=False, timeout=None,\n", + "\n", + "def run(self, cmd):\n", + "\n", + "def signature(self, cmd):\n", + "\n", + "def _signature(self, cmd):\n", + "\n", + "def create_token(self, creds):\n", + "\n", + "def verify_token(self, token):\n", + "\n", + "def get_event(self, wait=0.25, tag='', full=False):\n", + "\n", + "def fire_event(self, data, tag):\n", + "\n", + "def get_zone():\n", + "\n", + "def get_offset():\n", + "\n", + "def get_zonecode():\n", + "\n", + "def set_zone(timezone):\n", + "\n", + "def zone_compare(timezone):\n", + "\n", + "def activate(name):\n", + "\n", + "def mode(name, mode, quotatype):\n", + "\n", + "def report(mount):\n", + "\n", + "def _parse_quota(mount, opts):\n", + "\n", + "def set_(device, **kwargs):\n", + "\n", + "def stats():\n", + "\n", + "def on(device):\n", + "\n", + "def off(device):\n", + "\n", + "def get_mode(device):\n", + "\n", + "def present(profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def _check(delete, force, update, passwordfile, exclude, excludefrom, dryrun, rsh):\n", + "\n", + "def rsync(src,\n", + "\n", + "def version():\n", + "\n", + "def config(conf_path='/etc/rsyncd.conf'):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None, **kwargs):\n", + "\n", + "def install(app_id, enable=True):\n", + "\n", + "def enable(app_id, enabled=True):\n", + "\n", + "def remove(app_id):\n", + "\n", + "def _get_assistive_access():\n", + "\n", + "def deserialize(stream_or_string, **options):\n", + "\n", + "def serialize(obj, **options):\n", + "\n", + "def get_cert_serial(cert_file):\n", + "\n", + "def get_stored_cert_serials(store):\n", + "\n", + "def add_store(source, store, saltenv='base'):\n", + "\n", + "def del_store(source, store, saltenv='base'):\n", + "\n", + "def present(name, zone, ttl, data, rdtype='A', **kwargs):\n", + "\n", + "def absent(name, zone, data=None, rdtype=None, **kwargs):\n", + "\n", + "def render(json_data, saltenv='base', sls='', **kws):\n", + "\n", + "def _cmd(binary, *args):\n", + "\n", + "def atq(tag=None):\n", + "\n", + "def atrm(*args):\n", + "\n", + "def atc(jobid):\n", + "\n", + "def _atq(**kwargs):\n", + "\n", + "def _render_profile(path, caller, runner):\n", + "\n", + "def get_profile(profile, caller, runner):\n", + "\n", + "def get_profiles(config):\n", + "\n", + "def get_user():\n", + "\n", + "def get_uid(user=None):\n", + "\n", + "def _win_user_token_is_admin(user_token):\n", + "\n", + "def get_specific_user():\n", + "\n", + "def chugid(runas, group=None):\n", + "\n", + "def chugid_and_umask(runas, umask, group=None):\n", + "\n", + "def get_default_group(user):\n", + "\n", + "def get_group_list(user, include_default=True):\n", + "\n", + "def get_group_dict(user=None, include_default=True):\n", + "\n", + "def get_gid_list(user, include_default=True):\n", + "\n", + "def get_gid(group=None):\n", + "\n", + "def html_override_tool():\n", + "\n", + "def salt_token_tool():\n", + "\n", + "def salt_api_acl_tool(username, request):\n", + "\n", + "def salt_ip_verify_tool():\n", + "\n", + "def cors_tool():\n", + "\n", + "def hypermedia_handler(*args, **kwargs):\n", + "\n", + "def hypermedia_out():\n", + "\n", + "def process_request_body(fn):\n", + "\n", + "def urlencoded_processor(entity):\n", + "\n", + "def json_processor(entity):\n", + "\n", + "def yaml_processor(entity):\n", + "\n", + "def hypermedia_in():\n", + "\n", + "def lowdata_fmt():\n", + "\n", + "def get_app(opts):\n", + "\n", + "def exec_lowstate(self, client=None, token=None):\n", + "\n", + "def POST(self, **kwargs):\n", + "\n", + "def GET(self, mid=None):\n", + "\n", + "def POST(self, **kwargs):\n", + "\n", + "def GET(self, jid=None, timeout=''):\n", + "\n", + "def GET(self, mid=None):\n", + "\n", + "def POST(self, **kwargs):\n", + "\n", + "def POST(self, **kwargs):\n", + "\n", + "def POST(self, **kwargs):\n", + "\n", + "def _is_valid_token(self, auth_token):\n", + "\n", + "def GET(self, token=None, salt_token=None):\n", + "\n", + " def listen():\n", + "\n", + "def GET(self, token=None, **kwargs):\n", + "\n", + " def event_stream(handler, pipe):\n", + "\n", + " def signal_handler(signal, frame):\n", + "\n", + "def POST(self, *args, **kwargs):\n", + "\n", + "def GET(self, *args):\n", + "\n", + "def _setattr_url_map(self):\n", + "\n", + "def _update_url_map(self):\n", + "\n", + "def get_conf(self):\n", + "\n", + "def get_disabled():\n", + "\n", + "def available(name):\n", + "\n", + "def get_all():\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def enable(name, **kwargs):\n", + "\n", + "def disable(name, **kwargs):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def managed(name,\n", + "\n", + "def _parse_settings_bond_1(opts, iface, bond_def):\n", + "\n", + "def _parse_settings_vlan(opts, iface):\n", + "\n", + "def _parse_settings_eth(opts, iface_type, enabled, iface):\n", + "\n", + "def _parse_network_settings(opts, current):\n", + "\n", + "def _read_file(path):\n", + "\n", + "def _write_file_iface(iface, data, folder, pattern):\n", + "\n", + "def _write_file_network(data, filename):\n", + "\n", + "def build_bond(iface, **settings):\n", + "\n", + "def build_interface(iface, iface_type, enabled, **settings):\n", + "\n", + "def build_routes(iface, **settings):\n", + "\n", + "def get_bond(iface):\n", + "\n", + "def get_interface(iface):\n", + "\n", + "def get_routes(iface):\n", + "\n", + "def apply_network_settings(**settings):\n", + "\n", + "def build_network_settings(**settings):\n", + "\n", + "def setIdleDelay(delaySeconds, **kwargs):\n", + "\n", + "def setClockFormat(clockFormat, **kwargs):\n", + "\n", + "def setClockShowDate(kvalue, **kwargs):\n", + "\n", + "def getIdleActivation(**kwargs):\n", + "\n", + "def get(schema=None, key=None, user=None, **kwargs):\n", + "\n", + "def set_(schema=None, key=None, user=None, value=None, **kwargs):\n", + "\n", + "def _get(self):\n", + "\n", + "def _set(self, value):\n", + "\n", + "def bin_pkg_info(path, saltenv='base'):\n", + "\n", + "def list_pkgs(*packages, **kwargs):\n", + "\n", + "def verify(*packages, **kwargs):\n", + "\n", + "def modified(*packages, **flags):\n", + "\n", + "def file_list(*packages, **kwargs):\n", + "\n", + "def file_dict(*packages, **kwargs):\n", + "\n", + "def owner(*paths, **kwargs):\n", + "\n", + "def diff(package_path, path):\n", + "\n", + "def info(*packages, **kwargs):\n", + "\n", + "def version_cmp(ver1, ver2, ignore_epoch=False):\n", + "\n", + " def _ensure_epoch(ver):\n", + "\n", + " def _prepend(ver):\n", + "\n", + "def checksum(*paths, **kwargs):\n", + "\n", + "def _get_conn(socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def list_servers(backend, socket=DEFAULT_SOCKET_URL, objectify=False):\n", + "\n", + "def enable_server(name, backend, socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def get_weight(name, backend, socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def set_state(name, backend, state, socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def show_frontends(socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def show_backends(socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def get_sessions(name, backend, socket=DEFAULT_SOCKET_URL):\n", + "\n", + "def present(name,\n", + "\n", + "def _connect(**kwargs):\n", + "\n", + " def __connarg(name, key=None, default=None):\n", + "\n", + "def _servicegroup_get(sg_name, **connection_args):\n", + "\n", + "def _servicegroup_get_servers(sg_name, **connection_args):\n", + "\n", + "def _servicegroup_get_server(sg_name, s_name, s_port=None, **connection_args):\n", + "\n", + "def servicegroup_exists(sg_name, sg_type=None, **connection_args):\n", + "\n", + "def servicegroup_add(sg_name, sg_type='HTTP', **connection_args):\n", + "\n", + "def servicegroup_delete(sg_name, **connection_args):\n", + "\n", + "def servicegroup_server_exists(sg_name, s_name, s_port=None, **connection_args):\n", + "\n", + "def servicegroup_server_up(sg_name, s_name, s_port, **connection_args):\n", + "\n", + "def servicegroup_server_enable(sg_name, s_name, s_port, **connection_args):\n", + "\n", + "def servicegroup_server_add(sg_name, s_name, s_port, **connection_args):\n", + "\n", + "def _service_get(s_name, **connection_args):\n", + "\n", + "def service_up(s_name, **connection_args):\n", + "\n", + "def service_enable(s_name, **connection_args):\n", + "\n", + "def service_disable(s_name, s_delay=None, **connection_args):\n", + "\n", + "def server_exists(s_name, ip=None, s_state=None, **connection_args):\n", + "\n", + "def server_add(s_name, s_ip, s_state=None, **connection_args):\n", + "\n", + "def server_delete(s_name, **connection_args):\n", + "\n", + "def server_update(s_name, s_ip, **connection_args):\n", + "\n", + "def server_enabled(s_name, **connection_args):\n", + "\n", + "def server_enable(s_name, **connection_args):\n", + "\n", + "def vserver_exists(v_name, v_ip=None, v_port=None, v_type=None, **connection_args):\n", + "\n", + "def vserver_add(v_name, v_ip, v_port, v_type, **connection_args):\n", + "\n", + "def vserver_delete(v_name, **connection_args):\n", + "\n", + "def vserver_servicegroup_add(v_name, sg_name, **connection_args):\n", + "\n", + "def vserver_sslcert_add(v_name, sc_name, **connection_args):\n", + "\n", + "def list_zones(profile):\n", + "\n", + "def list_records(zone_id, profile, type=None):\n", + "\n", + "def get_zone(zone_id, profile):\n", + "\n", + "def get_record(zone_id, record_id, profile):\n", + "\n", + "def create_zone(domain, profile, type='master', ttl=None):\n", + "\n", + "def update_zone(zone_id, domain, profile, type='master', ttl=None):\n", + "\n", + "def create_record(name, zone_id, type, data, profile):\n", + "\n", + "def delete_zone(zone_id, profile):\n", + "\n", + "def delete_record(zone_id, record_id, profile):\n", + "\n", + "def get_bind_data(zone_id, profile):\n", + "\n", + "def extra(method, profile, **libcloud_kwargs):\n", + "\n", + "def _string_to_record_type(string):\n", + "\n", + "def _query(event=None,\n", + "\n", + "def trigger_event(event=None, **kwargs):\n", + "\n", + "def init(opts):\n", + "\n", + "def alive(opts):\n", + "\n", + "def shutdown(opts):\n", + "\n", + "def call(method, *args, **kwargs):\n", + "\n", + "def info():\n", + "\n", + "def present(name, api_name, swagger_file, stage_name, api_key_required,\n", + "\n", + "def _get_stage_variables(stage_variables):\n", + "\n", + "def absent(name, api_name, stage_name, nuke_api=False, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _gen_md5_filehash(fname, *args):\n", + "\n", + "def _dict_to_json_pretty(d, sort_keys=True):\n", + "\n", + "def _name_matches(name, matches):\n", + "\n", + "def _object_reducer(o, names=('id', 'name', 'path', 'httpMethod',\n", + "\n", + "def _log_changes(ret, changekey, changevalue):\n", + "\n", + "def _log_error_and_abort(ret, obj):\n", + "\n", + "def usage_plan_present(name, plan_name, description=None, throttle=None, quota=None, region=None, key=None, keyid=None,\n", + "\n", + "def usage_plan_absent(name, plan_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def usage_plan_association_present(name, plan_name, api_stages, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _validate_error_response_model(self, paths, mods):\n", + "\n", + "def _validate_lambda_funcname_format(self):\n", + "\n", + "def _validate_swagger_file(self):\n", + "\n", + "def models(self):\n", + "\n", + "def paths(self):\n", + "\n", + "def deployment_label(self):\n", + "\n", + "def _one_or_more_stages_remain(self, deploymentId):\n", + "\n", + "def no_more_deployments_remain(self):\n", + "\n", + "def _get_current_deployment_id(self):\n", + "\n", + "def _get_current_deployment_label(self):\n", + "\n", + "def _get_desired_deployment_id(self):\n", + "\n", + "def overwrite_stage_variables(self, ret, stage_variables):\n", + "\n", + "def _set_current_deployment(self, stage_desc_json, stage_variables):\n", + "\n", + "def _resolve_api_id(self):\n", + "\n", + "def delete_stage(self, ret):\n", + "\n", + "def verify_api(self, ret):\n", + "\n", + "def publish_api(self, ret, stage_variables):\n", + "\n", + "def _cleanup_api(self):\n", + "\n", + "def deploy_api(self, ret):\n", + "\n", + "def delete_api(self, ret):\n", + "\n", + "def _aws_model_ref_from_swagger_ref(self, r):\n", + "\n", + "def _update_schema_to_aws_notation(self, schema):\n", + "\n", + "def _build_dependent_model_list(self, obj_schema):\n", + "\n", + "def _build_all_dependencies(self):\n", + "\n", + "def _get_model_without_dependencies(self, models_dict):\n", + "\n", + "def deploy_models(self, ret):\n", + "\n", + "def _lambda_name(self, resourcePath, httpMethod):\n", + "\n", + "def _lambda_uri(self, lambda_name, lambda_region):\n", + "\n", + "def _parse_method_data(self, method_name, method_data):\n", + "\n", + "def _get_pattern_for_schema(self, schema_name, httpStatus):\n", + "\n", + "def _parse_method_response(self, method_name, method_response, httpStatus):\n", + "\n", + "def _deploy_method(self, ret, resource_path, method_name, method_data, api_key_required,\n", + "\n", + "def deploy_resources(self, ret, api_key_required, lambda_integration_role, lambda_region, authorization_type):\n", + "\n", + "def create_event(name, details, service_key, profile):\n", + "\n", + "def run_file(name,\n", + "\n", + "def run(name,\n", + "\n", + "def query(key, keyid, method='GET', params=None, headers=None,\n", + "\n", + "def atomic_open(filename, mode='w'):\n", + "\n", + "def ext_pillar(minion_id, pillar, pillar_name=None):\n", + "\n", + "def _compute_signature(parameters, access_key_secret, method, path):\n", + "\n", + "def query(params=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(kwargs=None, call=None):\n", + "\n", + "def show_image(kwargs, call=None):\n", + "\n", + "def avail_sizes(kwargs=None, call=None):\n", + "\n", + "def _show_normalized_node(full_node):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def list_nodes_min(call=None):\n", + "\n", + "def show_instance(instance_id, call=None, kwargs=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def start(instance_id, call=None):\n", + "\n", + "def stop(instance_id, force=False, call=None):\n", + "\n", + "def destroy(instance_id, call=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, profile='grafana'):\n", + "\n", + "def _changes(plays):\n", + "\n", + "def playbooks(name, rundir=None, git_repo=None, git_kwargs=None, ansible_kwargs=None):\n", + "\n", + "def _clear_community_details(community_details):\n", + "\n", + "def _str_elem(config, key):\n", + "\n", + "def _check_config(config):\n", + "\n", + "def _create_diff_action(diff, diff_key, key, value):\n", + "\n", + "def _create_diff(diff, fun, key, prev, curr):\n", + "\n", + "def _compute_diff(existing, expected):\n", + "\n", + "def _configure(changes):\n", + "\n", + "def managed(name, config=None, defaults=None):\n", + "\n", + "def _fulfills_version_spec(version, version_spec):\n", + "\n", + "def _check_pkg_version_format(pkg):\n", + "\n", + "def _check_if_installed(prefix,\n", + "\n", + "def _pep440_version_cmp(pkg1, pkg2, ignore_epoch=False):\n", + "\n", + "def installed(name,\n", + "\n", + "def removed(name,\n", + "\n", + "def uptodate(name,\n", + "\n", + "def mod_aggregate(low, chunks, running):\n", + "\n", + "def present(name, cloud_provider, onlyif=None, unless=None, opts=None, **kwargs):\n", + "\n", + "def absent(name, onlyif=None, unless=None):\n", + "\n", + "def profile(name, profile, onlyif=None, unless=None, opts=None, **kwargs):\n", + "\n", + "def volume_present(name, provider=None, **kwargs):\n", + "\n", + "def volume_attached(name, server_name, provider=None, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def disabled(name, **kwargs):\n", + "\n", + "def _prepare_connection(**kwargs):\n", + "\n", + "def get_connection(**kwargs):\n", + "\n", + "def call(method, *args, **kwargs):\n", + "\n", + "def run_commands(*commands, **kwargs):\n", + "\n", + "def config(commands=None,\n", + "\n", + "def get_config(config='running-config',\n", + "\n", + "def xccdf(params):\n", + "\n", + "def list_():\n", + "\n", + "def active():\n", + "\n", + "def profile(profile_name):\n", + "\n", + "def _post_message(channel,\n", + "\n", + "def returner(ret):\n", + "\n", + "def handle_decoded_payload(self, data):\n", + "\n", + "def _convert_date_time_string(dt_string):\n", + "\n", + "def _to_unicode(instr):\n", + "\n", + "def shutdown_abort():\n", + "\n", + "def set_computer_name(name):\n", + "\n", + "def get_pending_computer_name():\n", + "\n", + "def set_computer_desc(desc=None):\n", + "\n", + "def get_system_info():\n", + "\n", + " def byte_calc(val):\n", + "\n", + "def set_hostname(hostname):\n", + "\n", + "def join_domain(domain,\n", + "\n", + "def _join_domain(domain,\n", + "\n", + "def unjoin_domain(username=None,\n", + "\n", + "def get_domain_workgroup():\n", + "\n", + "def set_domain_workgroup(workgroup):\n", + "\n", + "def _try_parse_datetime(time_str, fmts):\n", + "\n", + "def get_system_time():\n", + "\n", + "def set_system_date_time(years=None,\n", + "\n", + "def set_system_date(newdate):\n", + "\n", + "def get_pending_component_servicing():\n", + "\n", + "def get_pending_domain_join():\n", + "\n", + "def get_pending_file_rename():\n", + "\n", + "def get_pending_servermanager():\n", + "\n", + "def get_pending_update():\n", + "\n", + "def set_reboot_required_witnessed():\n", + "\n", + "def get_pending_reboot():\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def _get_file_auth_config():\n", + "\n", + "def _text(username, password, **kwargs):\n", + "\n", + "def _htpasswd(username, password, **kwargs):\n", + "\n", + "def _htdigest(username, password, **kwargs):\n", + "\n", + "def _htfile(username, password, **kwargs):\n", + "\n", + "def auth(username, password):\n", + "\n", + "def present(name, parent=None, vlan=None):\n", + "\n", + "def absent(name):\n", + "\n", + "def deployment_absent(name, namespace='default', **kwargs):\n", + "\n", + "def service_absent(name, namespace='default', **kwargs):\n", + "\n", + "def namespace_absent(name, **kwargs):\n", + "\n", + "def namespace_present(name, **kwargs):\n", + "\n", + "def secret_absent(name, namespace='default', **kwargs):\n", + "\n", + "def configmap_absent(name, namespace='default', **kwargs):\n", + "\n", + "def pod_absent(name, namespace='default', **kwargs):\n", + "\n", + "def node_label_absent(name, node, **kwargs):\n", + "\n", + "def node_label_folder_absent(name, node, **kwargs):\n", + "\n", + "def init(opts):\n", + "\n", + "def find_credentials():\n", + "\n", + "def multipath_flush(device):\n", + "\n", + "def set_file(name, source, template=None, context=None, defaults=None, **kwargs):\n", + "\n", + "def set(name, data, **kwargs):\n", + "\n", + "def start(docker_url='unix://var/run/docker.sock',\n", + "\n", + " def fire(tag, msg):\n", + "\n", + "def _get_config(**api_opts):\n", + "\n", + "def update_host(name, data, **api_opts):\n", + "\n", + "def update_object(objref, data, **api_opts):\n", + "\n", + "def delete_object(objref, **api_opts):\n", + "\n", + "def create_object(object_type, data, **api_opts):\n", + "\n", + "def get_object(objref, data=None, return_fields=None, max_results=None,\n", + "\n", + "def create_cname(data, **api_opts):\n", + "\n", + "def get_cname(name=None, canonical=None, return_fields=None, **api_opts):\n", + "\n", + "def update_cname(name, data, **api_opts):\n", + "\n", + "def delete_cname(name=None, canonical=None, **api_opts):\n", + "\n", + "def get_host(name=None, ipv4addr=None, mac=None, return_fields=None, **api_opts):\n", + "\n", + "def get_host_advanced(name=None, ipv4addr=None, mac=None, **api_opts):\n", + "\n", + "def get_host_domainname(name, domains=None, **api_opts):\n", + "\n", + "def get_host_hostname(name, domains=None, **api_opts):\n", + "\n", + "def get_host_mac(name=None, allow_array=False, **api_opts):\n", + "\n", + "def get_host_ipv4(name=None, mac=None, allow_array=False, **api_opts):\n", + "\n", + "def get_host_ipv4addr_info(ipv4addr=None, mac=None,\n", + "\n", + "def get_host_ipv6addr_info(ipv6addr=None, mac=None,\n", + "\n", + "def get_network(ipv4addr=None, network=None, return_fields=None, **api_opts):\n", + "\n", + "def delete_host(name=None, mac=None, ipv4addr=None, **api_opts):\n", + "\n", + "def get_ipv4_range(start_addr=None, end_addr=None, return_fields=None, **api_opts):\n", + "\n", + "def delete_ipv4_range(start_addr=None, end_addr=None, **api_opts):\n", + "\n", + "def get_a(name=None, ipv4addr=None, allow_array=True, **api_opts):\n", + "\n", + "def delete_a(name=None, ipv4addr=None, allow_array=False, **api_opts):\n", + "\n", + "def present(name=None, ipv4addr=None, data=None, ensure_data=True, **api_opts):\n", + "\n", + "def absent(name=None, ipv4addr=None, **api_opts):\n", + "\n", + "def _get_url():\n", + "\n", + "def get_task(name):\n", + "\n", + "def _run_cmd(cmd):\n", + "\n", + "def define_task(name,\n", + "\n", + "def _ip_ifaces():\n", + "\n", + "def _parse_routes():\n", + "\n", + "def _hex_to_octets(addr):\n", + "\n", + "def _route_flags(rflags):\n", + "\n", + "def _get_state():\n", + "\n", + "def _get_technologies():\n", + "\n", + "def _get_services():\n", + "\n", + "def _connected(service):\n", + "\n", + "def _space_delimited_list(value):\n", + "\n", + "def _validate_ipv4(value):\n", + "\n", + "def _interface_to_service(iface):\n", + "\n", + "def _get_service_info(service):\n", + "\n", + "def _get_dns_info():\n", + "\n", + "def _load_config(section, options, default_value='', filename=INI_FILE):\n", + "\n", + "def _get_request_mode_info(interface):\n", + "\n", + "def _get_possible_adapter_modes(interface, blacklist):\n", + "\n", + "def _get_static_info(interface):\n", + "\n", + "def _get_base_interface_info(interface):\n", + "\n", + "def _get_ethercat_interface_info(interface):\n", + "\n", + "def _get_tcpip_interface_info(interface):\n", + "\n", + "def _get_interface_info(interface):\n", + "\n", + "def _dict_to_string(dictionary):\n", + "\n", + "def get_interfaces_details():\n", + "\n", + "def _change_state_legacy(interface, new_state):\n", + "\n", + "def _change_state(interface, new_state):\n", + "\n", + "def _save_config(section, token, value):\n", + "\n", + "def set_ethercat(interface, master_id):\n", + "\n", + "def set_dhcp_linklocal_all(interface):\n", + "\n", + "def set_dhcp_only_all(interface):\n", + "\n", + "def _configure_static_interface(interface, **settings):\n", + "\n", + "def set_static_all(interface, address, netmask, gateway, nameservers=None):\n", + "\n", + "def get_interface(iface):\n", + "\n", + "def build_interface(iface, iface_type, enabled, **settings):\n", + "\n", + "def build_network_settings(**settings):\n", + "\n", + "def get_network_settings():\n", + "\n", + "def apply_network_settings(**settings):\n", + "\n", + "def get_master_event(opts, sock_dir, listen=True, io_loop=None, raise_errors=False, keep_loop=False):\n", + "\n", + "def fire_args(opts, jid, tag_data, prefix=''):\n", + "\n", + "def tagify(suffix='', prefix='', base=SALT):\n", + "\n", + "def update_stats(stats, start_time, data):\n", + "\n", + "def __load_uri(self, sock_dir, node):\n", + "\n", + "def subscribe(self, tag=None, match_type=None):\n", + "\n", + "def unsubscribe(self, tag, match_type=None):\n", + "\n", + "def connect_pub(self, timeout=None):\n", + "\n", + "def close_pub(self):\n", + "\n", + "def connect_pull(self, timeout=1):\n", + "\n", + "def _check_pending(self, tag, match_func=None):\n", + "\n", + "def _match_tag_regex(self, event_tag, search_tag):\n", + "\n", + "def get_event(self,\n", + "\n", + "def get_event_noblock(self):\n", + "\n", + "def iter_events(self, tag='', full=False, match_type=None, auto_reconnect=False):\n", + "\n", + "def fire_event(self, data, tag, timeout=1000):\n", + "\n", + "def fire_master(self, data, tag, timeout=1000):\n", + "\n", + "def _fire_ret_load_specific_fun(self, load, fun_index=0):\n", + "\n", + "def fire_ret_load(self, load):\n", + "\n", + "def set_event_handler(self, event_handler):\n", + "\n", + "def run(self):\n", + "\n", + "def handle_publish(self, package, _):\n", + "\n", + "def run(self):\n", + "\n", + "def _filter(self, event):\n", + "\n", + "def fire_master(self, data, tag, preload=None):\n", + "\n", + "def fire_running(self, running):\n", + "\n", + "def load(self, **descr):\n", + "\n", + "def export(self, name):\n", + "\n", + "def _get_package_manager(self):\n", + "\n", + "def _set_preferences(self, node):\n", + "\n", + "def _get_user_groups(self, user):\n", + "\n", + "def _set_users(self, node):\n", + "\n", + "def _set_repositories(self, node):\n", + "\n", + "def _set_packages(self, node):\n", + "\n", + "def _set_description(self, node):\n", + "\n", + "def _create_doc(self):\n", + "\n", + "def set_(key, value, profile=None):\n", + "\n", + "def hold(name, seconds):\n", + "\n", + "def _connect(user=None, password=None, host=None, port=None, database='admin', authdb=None):\n", + "\n", + "def _to_dict(objects):\n", + "\n", + "def db_list(user=None, password=None, host=None, port=None, authdb=None):\n", + "\n", + "def db_exists(name, user=None, password=None, host=None, port=None, authdb=None):\n", + "\n", + "def db_remove(name, user=None, password=None, host=None, port=None, authdb=None):\n", + "\n", + "def version(user=None, password=None, host=None, port=None, database='admin', authdb=None):\n", + "\n", + "def user_list(user=None, password=None, host=None, port=None, database='admin', authdb=None):\n", + "\n", + "def user_exists(name, user=None, password=None, host=None, port=None,\n", + "\n", + "def user_create(name, passwd, user=None, password=None, host=None, port=None,\n", + "\n", + "def user_remove(name, user=None, password=None, host=None, port=None,\n", + "\n", + "def user_roles_exists(name, roles, database, user=None, password=None, host=None,\n", + "\n", + "def user_grant_roles(name, roles, database, user=None, password=None, host=None,\n", + "\n", + "def insert(objects, collection, user=None, password=None,\n", + "\n", + "def update_one(objects, collection, user=None, password=None, host=None, port=None, database='admin', authdb=None):\n", + "\n", + "def find(collection, query=None, user=None, password=None,\n", + "\n", + "def present(name=None, data=None, ensure_data=True, **api_opts):\n", + "\n", + "def init(opts):\n", + "\n", + "def ping():\n", + "\n", + "def _auth(profile=None, api_version=2, **connection_args):\n", + "\n", + " def get(key, default=None):\n", + "\n", + "def _add_image(collection, image):\n", + "\n", + "def image_create(name,\n", + "\n", + "def schema_get(name, profile=None):\n", + "\n", + "def _item_list(profile=None):\n", + "\n", + "def until(name,\n", + "\n", + " def timed_out():\n", + "\n", + "def _authenticate():\n", + "\n", + "def query(conn_type, option, post_data=None):\n", + "\n", + "def _get_vm_by_name(name, allDetails=False):\n", + "\n", + "def _get_vm_by_id(vmid, allDetails=False):\n", + "\n", + "def _check_ip_available(ip_addr):\n", + "\n", + "def _parse_proxmox_upid(node, vm_=None):\n", + "\n", + "def _lookup_proxmox_task(upid):\n", + "\n", + "def get_resources_nodes(call=None, resFilter=None):\n", + "\n", + "def get_resources_vms(call=None, resFilter=None, includeConfig=True):\n", + "\n", + "def script(vm_):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(call=None, location='local'):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def _stringlist_to_dictionary(input_string):\n", + "\n", + "def _dictionary_to_stringlist(input_dict):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __find_agent_ip(vm_):\n", + "\n", + "def _import_api():\n", + "\n", + "def _get_properties(path=\"\", method=\"GET\", forced_params=None):\n", + "\n", + "def create_node(vm_, newid):\n", + "\n", + "def get_vmconfig(vmid, node=None, node_type='openvz'):\n", + "\n", + "def wait_for_state(vmid, state, timeout=300):\n", + "\n", + "def wait_for_task(upid, timeout=300):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def set_vm_status(status, name=None, vmid=None):\n", + "\n", + "def get_vm_status(vmid=None, name=None):\n", + "\n", + "def start(name, vmid=None, call=None):\n", + "\n", + "def stop(name, vmid=None, call=None):\n", + "\n", + "def _get_summary(rsync_out):\n", + "\n", + "def _get_changes(rsync_out):\n", + "\n", + "def synchronized(name, source,\n", + "\n", + "def get_data(datastore, path):\n", + "\n", + "def set_data_value(datastore, path, data):\n", + "\n", + "def present(name,\n", + "\n", + "def list_plugins(path, user):\n", + "\n", + "def show_plugin(name, path, user):\n", + "\n", + "def activate(name, path, user):\n", + "\n", + "def is_installed(path, user=None):\n", + "\n", + "def install(path, user, admin_user, admin_password, admin_email, title, url):\n", + "\n", + "def match(tgt, delimiter=DEFAULT_TARGET_DELIM, opts=None):\n", + "\n", + "def dump(data, stream=None, **kwargs):\n", + "\n", + "def safe_dump(data, stream=None, **kwargs):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def list_clusters(call=None):\n", + "\n", + "def list_datastores(call=None):\n", + "\n", + "def list_security_groups(call=None):\n", + "\n", + "def list_templates(call=None):\n", + "\n", + "def list_vns(call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def get_one_version(kwargs=None, call=None):\n", + "\n", + "def get_cluster_id(kwargs=None, call=None):\n", + "\n", + "def get_datastore_id(kwargs=None, call=None):\n", + "\n", + "def get_host_id(kwargs=None, call=None):\n", + "\n", + "def get_image(vm_):\n", + "\n", + "def get_image_id(kwargs=None, call=None):\n", + "\n", + "def get_secgroup_id(kwargs=None, call=None):\n", + "\n", + "def get_template_image(kwargs=None, call=None):\n", + "\n", + "def get_template(vm_):\n", + "\n", + "def get_vm_id(kwargs=None, call=None):\n", + "\n", + "def get_vn_id(kwargs=None, call=None):\n", + "\n", + "def _get_device_template(disk, disk_info, template=None):\n", + "\n", + " def _require_disk_opts(*args):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_name):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def image_allocate(call=None, kwargs=None):\n", + "\n", + "def image_clone(call=None, kwargs=None):\n", + "\n", + "def image_info(call=None, kwargs=None):\n", + "\n", + "def image_persistent(call=None, kwargs=None):\n", + "\n", + "def image_snapshot_delete(call=None, kwargs=None):\n", + "\n", + "def image_update(call=None, kwargs=None):\n", + "\n", + "def secgroup_delete(call=None, kwargs=None):\n", + "\n", + "def secgroup_info(call=None, kwargs=None):\n", + "\n", + "def secgroup_update(call=None, kwargs=None):\n", + "\n", + "def template_allocate(call=None, kwargs=None):\n", + "\n", + "def template_clone(call=None, kwargs=None):\n", + "\n", + "def template_delete(call=None, kwargs=None):\n", + "\n", + "def template_instantiate(call=None, kwargs=None):\n", + "\n", + "def template_update(call=None, kwargs=None):\n", + "\n", + "def vm_action(name, kwargs=None, call=None):\n", + "\n", + "def vm_allocate(call=None, kwargs=None):\n", + "\n", + "def vm_attach(name, kwargs=None, call=None):\n", + "\n", + "def vm_deploy(name, kwargs=None, call=None):\n", + "\n", + "def vm_detach(name, kwargs=None, call=None):\n", + "\n", + "def vm_detach_nic(name, kwargs=None, call=None):\n", + "\n", + "def vm_disk_save(name, kwargs=None, call=None):\n", + "\n", + "def vm_disk_snapshot_create(name, kwargs=None, call=None):\n", + "\n", + "def vm_disk_snapshot_delete(name, kwargs=None, call=None):\n", + "\n", + "def vm_info(name, call=None):\n", + "\n", + "def vm_monitoring(name, call=None):\n", + "\n", + "def vm_snapshot_create(vm_name, kwargs=None, call=None):\n", + "\n", + "def vm_snapshot_delete(vm_name, kwargs=None, call=None):\n", + "\n", + "def vm_update(name, kwargs=None, call=None):\n", + "\n", + "def vn_allocate(call=None, kwargs=None):\n", + "\n", + "def vn_delete(call=None, kwargs=None):\n", + "\n", + "def vn_free_ar(call=None, kwargs=None):\n", + "\n", + "def vn_info(call=None, kwargs=None):\n", + "\n", + "def vn_release(call=None, kwargs=None):\n", + "\n", + "def _get_xml(xml_str):\n", + "\n", + "def _get_xml_rpc():\n", + "\n", + "def _list_nodes(full=False):\n", + "\n", + "def _xml_to_dict(xml):\n", + "\n", + "def get(key, default='', delimiter=':', merge=None, omit_opts=False,\n", + "\n", + "def dot_vals(value):\n", + "\n", + "def gather_bootstrap_script(bootstrap=None):\n", + "\n", + "def _build_members(members, anycheck=False):\n", + "\n", + "def _edit_config(xpath, element):\n", + "\n", + "def _move_after(xpath, target):\n", + "\n", + "def _move_before(xpath, target):\n", + "\n", + "def _set_config(xpath, element):\n", + "\n", + "def _validate_response(response):\n", + "\n", + "def add_config_lock(name):\n", + "\n", + "def address_exists(name,\n", + "\n", + "def commit_config(name):\n", + "\n", + "def delete_config(name, xpath=None, commit=False):\n", + "\n", + "def download_software(name, version=None, synch=False, check=False):\n", + "\n", + "def edit_config(name, xpath=None, value=None, commit=False):\n", + "\n", + "def move_config(name, xpath=None, where=None, dst=None, commit=False):\n", + "\n", + "def remove_config_lock(name):\n", + "\n", + "def security_rule_exists(name,\n", + "\n", + "def service_exists(name, servicename=None, vsys=1, protocol=None, port=None, description=None, commit=False):\n", + "\n", + "def service_group_exists(name,\n", + "\n", + "def set_config(name, xpath=None, value=None, commit=False):\n", + "\n", + "def _check_cb(cb_):\n", + "\n", + "def _python_shell_default(python_shell, __pub_jid):\n", + "\n", + "def _render_cmd(cmd, cwd, template, saltenv='base', pillarenv=None, pillar_override=None):\n", + "\n", + " def _render(contents):\n", + "\n", + "def _check_loglevel(level='info'):\n", + "\n", + "def _gather_pillar(pillarenv, pillar_override):\n", + "\n", + "def _check_avail(cmd):\n", + "\n", + "def _run(cmd,\n", + "\n", + " def _get_stripped(cmd):\n", + "\n", + "def _run_quiet(cmd,\n", + "\n", + "def _is_globalzone():\n", + "\n", + "def list_zones(verbose=True, installed=False, configured=False, hide_global=True):\n", + "\n", + "def boot(zone, single=False, altinit=None, smf_options=None):\n", + "\n", + "def attach(zone, force=False, brand_opts=None):\n", + "\n", + "def ready(zone):\n", + "\n", + "def verify(zone):\n", + "\n", + "def move(zone, zonepath):\n", + "\n", + "def install(zone, nodataset=False, brand_opts=None):\n", + "\n", + "def clone(zone, source, snapshot=None):\n", + "\n", + "def find_file(path, saltenv='base', **kwargs):\n", + "\n", + "def envs():\n", + "\n", + "def serve_file(load, fnd):\n", + "\n", + "def update():\n", + "\n", + "def file_hash(load, fnd):\n", + "\n", + "def file_list(load):\n", + "\n", + "def dir_list(load):\n", + "\n", + "def _get_container_path(container):\n", + "\n", + "def _get_container_service(container):\n", + "\n", + "def _validate_config():\n", + "\n", + "def _smartos_computenode_data():\n", + "\n", + "def _smartos_zone_data():\n", + "\n", + "def _smartos_zone_pkgsrc_data():\n", + "\n", + "def _smartos_zone_pkgin_data():\n", + "\n", + "def smartos():\n", + "\n", + "def start(endpoint='data.logentries.com',\n", + "\n", + "def peered(name):\n", + "\n", + "def volume_present(name, bricks, stripe=False, replica=False, device_vg=False,\n", + "\n", + "def started(name):\n", + "\n", + "def add_volume_bricks(name, bricks):\n", + "\n", + "def op_version(name, version):\n", + "\n", + "def max_op_version(name):\n", + "\n", + "def _prepare_xml(options=None, state=None):\n", + "\n", + "def _getText(nodelist):\n", + "\n", + "def _post_data(options=None, xml=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _get_serv(ret=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def get_minions():\n", + "\n", + "def get_running_jobs(opts):\n", + "\n", + "def read_proc_file(path, opts):\n", + "\n", + "def is_pid_healthy(pid):\n", + "\n", + "def get_values_of_matching_keys(pattern_dict, user_name):\n", + "\n", + "def get_minion_pillar(self):\n", + "\n", + "def get_minion_grains(self):\n", + "\n", + "def get_cached_mine_data(self):\n", + "\n", + "def clear_cached_minion_data(self,\n", + "\n", + "def run(self):\n", + "\n", + "def run(self):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def secure(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def run(self):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _common(kwargs):\n", + "\n", + "def absent(name, auth=None, **kwargs):\n", + "\n", + "def find(path, saltenv='base'):\n", + "\n", + "def list_env(saltenv='base'):\n", + "\n", + "def list_roots():\n", + "\n", + "def read(path, saltenv='base'):\n", + "\n", + "def write(data, path, saltenv='base', index=0):\n", + "\n", + "def resource_group_present(name, location, managed_by=None, tags=None, connection_auth=None, **kwargs):\n", + "\n", + "def resource_group_absent(name, connection_auth=None):\n", + "\n", + "def policy_definition_present(name, policy_rule=None, policy_type=None, mode=None, display_name=None, description=None,\n", + "\n", + "def policy_definition_absent(name, connection_auth=None):\n", + "\n", + "def policy_assignment_present(name, scope, definition_name, display_name=None, description=None, assignment_type=None,\n", + "\n", + "def returner(ret):\n", + "\n", + "def _get_binding_info(hostheader='', ipaddress='*', port=80):\n", + "\n", + "def deployed(name, sourcepath, apppool='', hostheader='', ipaddress='*', port=80, protocol='http', preload=''):\n", + "\n", + "def remove_site(name):\n", + "\n", + "def create_binding(name, site, hostheader='', ipaddress='*', port=80, protocol='http', sslflags=0):\n", + "\n", + "def remove_binding(name, site, hostheader='', ipaddress='*', port=80):\n", + "\n", + "def create_cert_binding(name, site, hostheader='', ipaddress='*', port=443, sslflags=0):\n", + "\n", + "def remove_cert_binding(name, site, hostheader='', ipaddress='*', port=443):\n", + "\n", + "def create_apppool(name):\n", + "\n", + "def remove_apppool(name):\n", + "\n", + "def container_setting(name, container, settings=None):\n", + "\n", + "def create_app(name, site, sourcepath, apppool=None):\n", + "\n", + "def remove_app(name, site):\n", + "\n", + "def create_vdir(name, site, sourcepath, app='/'):\n", + "\n", + "def remove_vdir(name, site, app='/'):\n", + "\n", + "def set_app(name, site, settings=None):\n", + "\n", + "def webconfiguration_settings(name, location='', settings=None):\n", + "\n", + "def _frontend_url():\n", + "\n", + "def _query(method, params, url, auth=None):\n", + "\n", + "def _login(**kwargs):\n", + "\n", + " def _connarg(name, key=None):\n", + "\n", + "def _params_extend(params, _ignore_name=False, **kwargs):\n", + "\n", + "def substitute_params(input_object, extend_params=None, filter_key='name', **kwargs):\n", + "\n", + "def compare_params(defined, existing, return_old_value=False):\n", + "\n", + "def get_object_id_by_params(obj, params=None, **kwargs):\n", + "\n", + "def apiinfo_version(**kwargs):\n", + "\n", + "def user_create(alias, passwd, usrgrps, **kwargs):\n", + "\n", + "def user_delete(users, **kwargs):\n", + "\n", + "def user_exists(alias, **kwargs):\n", + "\n", + "def user_get(alias=None, userids=None, **kwargs):\n", + "\n", + "def user_update(userid, **kwargs):\n", + "\n", + "def user_getmedia(userids=None, **kwargs):\n", + "\n", + "def user_addmedia(userids, active, mediatypeid, period, sendto, severity, **kwargs):\n", + "\n", + "def user_deletemedia(mediaids, **kwargs):\n", + "\n", + "def usergroup_delete(usergroupids, **kwargs):\n", + "\n", + "def usergroup_exists(name=None, node=None, nodeids=None, **kwargs):\n", + "\n", + "def usergroup_get(name=None, usrgrpids=None, userids=None, **kwargs):\n", + "\n", + "def usergroup_update(usrgrpid, **kwargs):\n", + "\n", + "def usergroup_list(**kwargs):\n", + "\n", + "def host_create(host, groups, interfaces, **kwargs):\n", + "\n", + "def host_delete(hostids, **kwargs):\n", + "\n", + "def host_exists(host=None, hostid=None, name=None, node=None, nodeids=None, **kwargs):\n", + "\n", + "def host_get(host=None, name=None, hostids=None, **kwargs):\n", + "\n", + "def host_update(hostid, **kwargs):\n", + "\n", + "def host_inventory_get(hostids, **kwargs):\n", + "\n", + "def host_inventory_set(hostid, **kwargs):\n", + "\n", + "def hostgroup_create(name, **kwargs):\n", + "\n", + "def hostgroup_delete(hostgroupids, **kwargs):\n", + "\n", + "def hostgroup_exists(name=None, groupid=None, node=None, nodeids=None, **kwargs):\n", + "\n", + "def hostgroup_get(name=None, groupids=None, hostids=None, **kwargs):\n", + "\n", + "def hostgroup_update(groupid, name=None, **kwargs):\n", + "\n", + "def hostinterface_create(hostid, ip_, dns='', main=1, if_type=1, useip=1, port=None, **kwargs):\n", + "\n", + "def hostinterface_delete(interfaceids, **kwargs):\n", + "\n", + "def hostinterface_update(interfaceid, **kwargs):\n", + "\n", + "def usermacro_get(macro=None, hostids=None, templateids=None, hostmacroids=None,\n", + "\n", + "def usermacro_create(macro, value, hostid, **kwargs):\n", + "\n", + "def usermacro_delete(macroids, **kwargs):\n", + "\n", + "def usermacro_update(hostmacroid, value, **kwargs):\n", + "\n", + "def usermacro_updateglobal(globalmacroid, value, **kwargs):\n", + "\n", + "def mediatype_get(name=None, mediatypeids=None, **kwargs):\n", + "\n", + "def mediatype_create(name, mediatype, **kwargs):\n", + "\n", + "def mediatype_delete(mediatypeids, **kwargs):\n", + "\n", + "def mediatype_update(mediatypeid, name=False, mediatype=False, **kwargs):\n", + "\n", + "def template_get(name=None, host=None, templateids=None, **kwargs):\n", + "\n", + "def run_query(method, params, **kwargs):\n", + "\n", + "def configuration_import(config_file, rules=None, file_format='xml', **kwargs):\n", + "\n", + "def triggerid_get(hostid=None, trigger_desc=None, priority=4, **kwargs):\n", + "\n", + "def service_add(service_rootid=None, service_name=None, triggerid=None, **kwargs):\n", + "\n", + "def service_get(service_name=None, service_rootid=None, **kwargs):\n", + "\n", + "def service_delete(service_id=None, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def running(name,\n", + "\n", + "def stopped(name,\n", + "\n", + "def migrated(name,\n", + "\n", + "def uuid(dev=None):\n", + "\n", + "def attach_(dev=None):\n", + "\n", + "def detach(dev=None):\n", + "\n", + "def stop(dev=None):\n", + "\n", + "def back_make(dev, cache_mode='writeback', force=False, attach=True, bucket_size=None):\n", + "\n", + "def cache_make(dev, reserved=None, force=False, block_size=None, bucket_size=None, attach=True):\n", + "\n", + "def config_(dev=None, **kwargs):\n", + "\n", + "def status(stats=False, config=False, internals=False, superblock=False, alldevs=False):\n", + "\n", + "def device(dev, stats=False, config=False, internals=False, superblock=False):\n", + "\n", + "def super_(dev):\n", + "\n", + "def _devbase(dev):\n", + "\n", + "def _syspath(dev):\n", + "\n", + "def _bdev(dev=None):\n", + "\n", + "def _fssys(name, value=None, log_lvl=None, log_msg=None):\n", + "\n", + "def _bcsys(dev, name, value=None, log_lvl=None, log_msg=None):\n", + "\n", + "def _sysfs_attr(name, value=None, log_lvl=None, log_msg=None):\n", + "\n", + "def _sysfs_parse(path, base_attr=None, stats=False, config=False, internals=False, options=False):\n", + "\n", + "def _size_map(size):\n", + "\n", + "def _sizes(dev):\n", + "\n", + "def _wipe(dev):\n", + "\n", + "def _wait(lfunc, log_lvl=None, log_msg=None, tries=10):\n", + "\n", + "def _run_all(cmd, log_lvl=None, log_msg=None, exitcode=0):\n", + "\n", + "def get_release_number(name):\n", + "\n", + "def _check_release_cmp(name):\n", + "\n", + "def install(runas=None, path=None):\n", + "\n", + "def update(runas=None, path=None):\n", + "\n", + "def install_ruby(ruby, runas=None):\n", + "\n", + "def uninstall_ruby(ruby, runas=None):\n", + "\n", + "def versions(runas=None):\n", + "\n", + "def default(ruby=None, runas=None):\n", + "\n", + "def list_(runas=None):\n", + "\n", + "def do(cmdline, runas=None, env=None):\n", + "\n", + "def do_with_ruby(ruby, cmdline, runas=None):\n", + "\n", + "def installed(name, enabled=True):\n", + "\n", + "def _enable(name, started, result=True, skip_verify=False, **kwargs):\n", + "\n", + "def _disable(name, started, result=True, skip_verify=False, **kwargs):\n", + "\n", + "def _available(name, ret):\n", + "\n", + "def running(name,\n", + "\n", + "def dead(name,\n", + "\n", + "def enabled(name,\n", + "\n", + "def disabled(name,\n", + "\n", + "def masked(name, runtime=False):\n", + "\n", + "def mod_watch(name,\n", + "\n", + "def recv(files, dest):\n", + "\n", + "def recv_chunked(dest, chunk, append=False, compressed=True, mode=None):\n", + "\n", + " def _error(msg):\n", + "\n", + "def _mk_client():\n", + "\n", + "def get_file(path,\n", + "\n", + "def get_template(path,\n", + "\n", + "def get_dir(path, dest, saltenv='base', template=None, gzip=None, **kwargs):\n", + "\n", + "def get_url(path, dest='', saltenv='base', makedirs=False, source_hash=None):\n", + "\n", + "def get_file_str(path, saltenv='base'):\n", + "\n", + "def cache_file(path, saltenv='base', source_hash=None):\n", + "\n", + "def cache_dir(path, saltenv='base', include_empty=False, include_pat=None,\n", + "\n", + "def cache_local_file(path):\n", + "\n", + "def hash_file(path, saltenv='base'):\n", + "\n", + "def stat_file(path, saltenv='base', octal=True):\n", + "\n", + "def push(path, keep_symlinks=False, upload_path=None, remove_source=False):\n", + "\n", + "def push_dir(path, glob=None, upload_path=None):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def _merge_keys(kwargs):\n", + "\n", + "def _post_processing(kwargs, skip_translate, invalid):\n", + "\n", + "def port_bindings(val, **kwargs):\n", + "\n", + " def _format_port(port_num, proto):\n", + "\n", + "def _guess_apiserver(apiserver_url=None):\n", + "\n", + "def _kpost(url, data):\n", + "\n", + "def _kput(url, data):\n", + "\n", + "def _kpatch(url, data):\n", + "\n", + "def _kname(obj):\n", + "\n", + "def _is_dns_subdomain(name):\n", + "\n", + "def _is_port_name(name):\n", + "\n", + "def _is_dns_label(name):\n", + "\n", + "def _get_labels(node, apiserver_url):\n", + "\n", + "def _set_labels(node, apiserver_url, labels):\n", + "\n", + "def get_labels(node=None, apiserver_url=None):\n", + "\n", + "def label_present(name, value, node=None, apiserver_url=None):\n", + "\n", + "def label_absent(name, node=None, apiserver_url=None):\n", + "\n", + "def _get_namespaces(apiserver_url, name=\"\"):\n", + "\n", + "def _create_namespace(namespace, apiserver_url):\n", + "\n", + "def create_namespace(name, apiserver_url=None):\n", + "\n", + "def get_namespaces(namespace=\"\", apiserver_url=None):\n", + "\n", + "def _update_secret(namespace, name, data, apiserver_url):\n", + "\n", + "def _create_secret(namespace, name, data, apiserver_url):\n", + "\n", + "def get_secrets(namespace, name=\"\", apiserver_url=None, decode=False, brief=False):\n", + "\n", + "def update_secret(namespace, name, sources, apiserver_url=None, force=True, saltenv='base'):\n", + "\n", + "def create_secret(namespace, name, sources, apiserver_url=None, force=False, update=False, saltenv='base'):\n", + "\n", + "def delete_secret(namespace, name, apiserver_url=None, force=True):\n", + "\n", + "def get_pillar(opts, grains, minion_id, saltenv=None, ext=None, funcs=None,\n", + "\n", + "def get_async_pillar(opts, grains, minion_id, saltenv=None, ext=None, funcs=None,\n", + "\n", + "def get_ext_pillar_extra_minion_data(self, opts):\n", + "\n", + " def get_subconfig(opts_key):\n", + "\n", + "def compile_pillar(self):\n", + "\n", + "def compile_pillar(self):\n", + "\n", + "def fetch_pillar(self):\n", + "\n", + "def __valid_on_demand_ext_pillar(self, opts):\n", + "\n", + "def __gather_avail(self):\n", + "\n", + "def __gen_opts(self, opts_in, grains, saltenv=None, ext=None, pillarenv=None):\n", + "\n", + "def _get_envs(self):\n", + "\n", + "def get_tops(self):\n", + "\n", + "def merge_tops(self, tops):\n", + "\n", + "def sort_top_targets(self, top, orders):\n", + "\n", + "def get_top(self):\n", + "\n", + "def top_matches(self, top):\n", + "\n", + "def render_pstate(self, sls, saltenv, mods, defaults=None):\n", + "\n", + "def render_pillar(self, matches, errors=None):\n", + "\n", + "def _external_pillar_data(self, pillar, val, key):\n", + "\n", + "def ext_pillar(self, pillar, errors=None):\n", + "\n", + "def compile_pillar(self, ext=True):\n", + "\n", + "def decrypt_pillar(self, pillar):\n", + "\n", + "def _cmd_run(cmd, as_json=False):\n", + "\n", + "def _validate_cert_path(name):\n", + "\n", + "def _validate_cert_format(name):\n", + "\n", + "def get_stores():\n", + "\n", + "def get_certs(context=_DEFAULT_CONTEXT, store=_DEFAULT_STORE):\n", + "\n", + "def get_cert_file(name, cert_format=_DEFAULT_FORMAT, password=''):\n", + "\n", + "def import_cert(name,\n", + "\n", + "def export_cert(name,\n", + "\n", + "def remove_cert(thumbprint, context=_DEFAULT_CONTEXT, store=_DEFAULT_STORE):\n", + "\n", + "def present(dbname, name,\n", + "\n", + "def _get_serv(ret):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def present(name, listeners, availability_zones=None, subnets=None,\n", + "\n", + "def register_instances(name, instances, region=None, key=None, keyid=None,\n", + "\n", + "def _alarms_present(name, alarms, alarms_from_pillar, region, key, keyid, profile):\n", + "\n", + "def _policies_present(name, policies, policies_from_pillar, listeners, backends,\n", + "\n", + "def absent(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _tags_present(name, tags, region, key, keyid, profile):\n", + "\n", + "def get_reference(proxy):\n", + "\n", + "def set_reference(proxy, new_reference):\n", + "\n", + "def unproxy(possible_proxy):\n", + "\n", + "def _new_mods(pre_mods, post_mods):\n", + "\n", + "def _rm_mods(pre_mods, post_mods):\n", + "\n", + "def _set_persistent_module(mod):\n", + "\n", + "def _remove_persistent_module(mod, comment):\n", + "\n", + "def available():\n", + "\n", + "def mod_list(only_persist=False):\n", + "\n", + "def load(mod, persist=False):\n", + "\n", + "def init(opts=None):\n", + "\n", + "def ping():\n", + "\n", + "def sendline(command):\n", + "\n", + "def grains():\n", + "\n", + "def get_user(username):\n", + "\n", + "def get_roles(username):\n", + "\n", + "def remove_user(username):\n", + "\n", + "def set_role(username, role):\n", + "\n", + "def show_run():\n", + "\n", + "def add_config(lines):\n", + "\n", + "def delete_config(lines):\n", + "\n", + "def find(pattern):\n", + "\n", + "def replace(old_value, new_value, full_match=False):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def get_port_def(port_num, proto='tcp'):\n", + "\n", + "def get_port_range(port_def):\n", + "\n", + "def map_vals(val, *names, **extra_opts):\n", + "\n", + "def translate_command(val):\n", + "\n", + "def translate_bytes(val):\n", + "\n", + "def translate_stringlist(val):\n", + "\n", + "def translate_device_rates(val, numeric_rate=True):\n", + "\n", + "def translate_key_val(val, delimiter='='):\n", + "\n", + "def translate_labels(val):\n", + "\n", + "def check(name, port=None, **kwargs):\n", + "\n", + "def _refine_mode(mode):\n", + "\n", + "def mode(name):\n", + "\n", + "def boolean(name, value, persist=False):\n", + "\n", + "def module(name, module_state='Enabled', version='any', **opts):\n", + "\n", + "def module_install(name):\n", + "\n", + "def module_remove(name):\n", + "\n", + "def fcontext_policy_present(name, sel_type, filetype='a', sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_policy_absent(name, filetype='a', sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_policy_applied(name, recursive=False):\n", + "\n", + "def port_policy_present(name, sel_type, protocol=None, port=None, sel_range=None):\n", + "\n", + "def port_policy_absent(name, sel_type=None, protocol=None, port=None):\n", + "\n", + "def present(name, filename, section, value, parameter=None):\n", + "\n", + "def availability_set_present(name, resource_group, tags=None, platform_update_domain_count=None,\n", + "\n", + "def availability_set_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def _linux_wwns():\n", + "\n", + "def _windows_wwns():\n", + "\n", + "def fibre_channel_wwns():\n", + "\n", + "def vsan_supported(service_instance):\n", + "\n", + "def get_vsan_cluster_config_system(service_instance):\n", + "\n", + "def get_host_vsan_system(service_instance, host_ref, hostname=None):\n", + "\n", + "def create_diskgroup(service_instance, vsan_disk_mgmt_system,\n", + "\n", + "def remove_capacity_from_diskgroup(service_instance, host_ref, diskgroup,\n", + "\n", + "def remove_diskgroup(service_instance, host_ref, diskgroup, hostname=None,\n", + "\n", + "def get_cluster_vsan_info(cluster_ref):\n", + "\n", + "def reconfigure_cluster_vsan(cluster_ref, cluster_vsan_spec):\n", + "\n", + "def _wait_for_tasks(tasks, service_instance):\n", + "\n", + "def decrypt(data,\n", + "\n", + "def pem_finger(path=None, key=None, sum_type='sha256'):\n", + "\n", + "def _get_argname_value(self, argname):\n", + "\n", + "def serialize(self):\n", + "\n", + "def _add_missing_schema_attributes(self):\n", + "\n", + "def get_definition(self):\n", + "\n", + "def get_complex_attrs(self):\n", + "\n", + "def exists(name, tags=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def option_group_exists(name, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def parameter_group_exists(name, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def subnet_group_exists(name, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def create(name, allocated_storage, db_instance_class, engine,\n", + "\n", + "def create_read_replica(name, source_name, db_instance_class=None,\n", + "\n", + "def create_option_group(name, engine_name, major_engine_version,\n", + "\n", + "def create_parameter_group(name, db_parameter_group_family, description,\n", + "\n", + "def create_subnet_group(name, description, subnet_ids, tags=None,\n", + "\n", + "def update_parameter_group(name, parameters, apply_method=\"pending-reboot\",\n", + "\n", + "def describe(name, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def describe_db_instances(name=None, filters=None, jmespath='DBInstances',\n", + "\n", + "def describe_db_subnet_groups(name=None, filters=None, jmespath='DBSubnetGroups',\n", + "\n", + "def get_endpoint(name, tags=None, region=None, key=None, keyid=None,\n", + "\n", + "def delete(name, skip_final_snapshot=None, final_db_snapshot_identifier=None,\n", + "\n", + "def delete_option_group(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_parameter_group(name, region=None, key=None, keyid=None,\n", + "\n", + "def delete_subnet_group(name, region=None, key=None, keyid=None,\n", + "\n", + "def describe_parameter_group(name, Filters=None, MaxRecords=None, Marker=None,\n", + "\n", + "def describe_parameters(name, Source=None, MaxRecords=None, Marker=None,\n", + "\n", + "def modify_db_instance(name,\n", + "\n", + "def beacon(config):\n", + "\n", + "def flavor_present(name, params=None, **kwargs):\n", + "\n", + "def flavor_access_list(name, projects, **kwargs):\n", + "\n", + "def flavor_absent(name, **kwargs):\n", + "\n", + "def match(tgt, nodegroups=None, opts=None):\n", + "\n", + "def managed(name, entries, connect_spec=None):\n", + "\n", + "def _process_entries(l, entries):\n", + "\n", + "def _update_entry(entry, status, directives):\n", + "\n", + "def _toset(thing):\n", + "\n", + "def info(name, root=None):\n", + "\n", + "def _set_attrib(name, key, value, param, root=None, validate=True):\n", + "\n", + "def gen_password(password, crypt_salt=None, algorithm='sha512'):\n", + "\n", + "def del_password(name, root=None):\n", + "\n", + "def unlock_password(name, root=None):\n", + "\n", + "def set_password(name, password, use_usermod=False, root=None):\n", + "\n", + "def set_date(name, date, root=None):\n", + "\n", + "def set_expire(name, expire, root=None):\n", + "\n", + "def list_users(root=None):\n", + "\n", + "def _getspnam(name, root=None):\n", + "\n", + "def _get_split_zone(zone, _conn, private_zone):\n", + "\n", + "def describe_hosted_zones(zone_id=None, domain_name=None, region=None,\n", + "\n", + "def list_all_zones_by_name(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_all_zones_by_id(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def zone_exists(zone, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def create_zone(zone, private=False, vpc_id=None, vpc_region=None, region=None,\n", + "\n", + "def create_healthcheck(ip_addr=None, fqdn=None, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def delete_zone(zone, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_record(name, zone, record_type, fetch_all=False, region=None, key=None,\n", + "\n", + "def delete_record(name, zone, record_type, identifier=None, all_records=False,\n", + "\n", + "def create_hosted_zone(domain_name, caller_ref=None, comment='', private_zone=False, vpc_id=None,\n", + "\n", + "def _fetch_secret(pass_path):\n", + "\n", + "def _decrypt_object(obj):\n", + "\n", + "def render(pass_info, saltenv='base', sls='', argline='', **kwargs):\n", + "\n", + "def list_upgrades(jid,\n", + "\n", + "def __firewall_cmd(cmd):\n", + "\n", + "def __mgmt(name, _type, action):\n", + "\n", + "def list_zones(permanent=True):\n", + "\n", + "def new_zone(zone, restart=True):\n", + "\n", + "def delete_zone(zone, restart=True):\n", + "\n", + "def new_service(name, restart=True):\n", + "\n", + "def delete_service(name, restart=True):\n", + "\n", + "def list_all(zone=None, permanent=True):\n", + "\n", + "def list_services(zone=None, permanent=True):\n", + "\n", + "def add_service(service, zone=None, permanent=True):\n", + "\n", + "def remove_service(service, zone=None, permanent=True):\n", + "\n", + "def add_service_port(service, port):\n", + "\n", + "def get_masquerade(zone=None, permanent=True):\n", + "\n", + "def add_masquerade(zone=None, permanent=True):\n", + "\n", + "def remove_masquerade(zone=None, permanent=True):\n", + "\n", + "def add_port(zone, port, permanent=True):\n", + "\n", + "def remove_port(zone, port, permanent=True):\n", + "\n", + "def list_ports(zone, permanent=True):\n", + "\n", + "def add_port_fwd(zone, src, dest, proto='tcp', dstaddr='', permanent=True):\n", + "\n", + "def list_port_fwd(zone, permanent=True):\n", + "\n", + "def block_icmp(zone, icmp, permanent=True):\n", + "\n", + "def list_icmp_block(zone, permanent=True):\n", + "\n", + "def get_interfaces(zone, permanent=True):\n", + "\n", + "def add_interface(zone, interface, permanent=True):\n", + "\n", + "def get_sources(zone, permanent=True):\n", + "\n", + "def add_source(zone, source, permanent=True):\n", + "\n", + "def get_rich_rules(zone, permanent=True):\n", + "\n", + "def add_rich_rule(zone, rule, permanent=True):\n", + "\n", + "def remove_rich_rule(zone, rule, permanent=True):\n", + "\n", + "def mdadm():\n", + "\n", + "def _get_proxy_connection_details():\n", + "\n", + "def supports_proxies(*proxy_types):\n", + "\n", + " def _supports_proxies(fn):\n", + "\n", + " def __supports_proxies(*args, **kwargs):\n", + "\n", + "def gets_service_instance_via_proxy(fn):\n", + "\n", + " def _gets_service_instance_via_proxy(*args, **kwargs):\n", + "\n", + "def esxcli_cmd(cmd_str, host=None, username=None, password=None, protocol=None, port=None, esxi_hosts=None, credstore=None):\n", + "\n", + "def get_coredump_network_config(host, username, password, protocol=None, port=None, esxi_hosts=None, credstore=None):\n", + "\n", + "def coredump_network_enable(host, username, password, enabled, protocol=None, port=None, esxi_hosts=None, credstore=None):\n", + "\n", + "def enable_firewall_ruleset(host,\n", + "\n", + "def set_syslog_config(host,\n", + "\n", + "def get_syslog_config(host, username, password, protocol=None, port=None, esxi_hosts=None, credstore=None):\n", + "\n", + "def reset_syslog_config(host,\n", + "\n", + "def upload_ssh_key(host, username, password, ssh_key=None, ssh_key_file=None,\n", + "\n", + "def get_ssh_key(host,\n", + "\n", + "def get_host_datetime(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def get_ntp_config(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def get_service_policy(host, username, password, service_name, protocol=None, port=None, host_names=None):\n", + "\n", + "def get_vmotion_enabled(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def get_vsan_enabled(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def get_vsan_eligible_disks(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def system_info(host, username, password, protocol=None, port=None):\n", + "\n", + "def list_datacenters(host, username, password, protocol=None, port=None):\n", + "\n", + "def list_ssds(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def set_ntp_config(host, username, password, ntp_servers, protocol=None, port=None, host_names=None):\n", + "\n", + "def service_start(host,\n", + "\n", + "def set_service_policy(host,\n", + "\n", + "def update_host_datetime(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def update_host_password(host, username, password, new_password, protocol=None, port=None):\n", + "\n", + "def vmotion_disable(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def vsan_add_disks(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def vsan_disable(host, username, password, protocol=None, port=None, host_names=None):\n", + "\n", + "def _get_dvs_config_dict(dvs_name, dvs_config):\n", + "\n", + "def _get_dvs_link_discovery_protocol(dvs_name, dvs_link_disc_protocol):\n", + "\n", + "def _get_dvs_product_info(dvs_name, dvs_product_info):\n", + "\n", + "def _get_dvs_capability(dvs_name, dvs_capability):\n", + "\n", + "def _get_dvs_infrastructure_traffic_resources(dvs_name,\n", + "\n", + "def list_dvss(datacenter=None, dvs_names=None, service_instance=None):\n", + "\n", + "def _apply_dvs_config(config_spec, config_dict):\n", + "\n", + "def _apply_dvs_product_info(product_info_spec, product_info_dict):\n", + "\n", + "def _apply_dvs_capability(capability_spec, capability_dict):\n", + "\n", + "def _apply_dvs_infrastructure_traffic_resources(infra_traffic_resources,\n", + "\n", + "def _apply_dvs_network_resource_pools(network_resource_pools, resource_dicts):\n", + "\n", + "def create_dvs(dvs_dict, dvs_name, service_instance=None):\n", + "\n", + "def update_dvs(dvs_dict, dvs, service_instance=None):\n", + "\n", + "def _get_dvportgroup_out_shaping(pg_name, pg_default_port_config):\n", + "\n", + "def _get_dvportgroup_security_policy(pg_name, pg_default_port_config):\n", + "\n", + "def _get_dvportgroup_teaming(pg_name, pg_default_port_config):\n", + "\n", + "def _get_dvportgroup_dict(pg_ref):\n", + "\n", + "def list_dvportgroups(dvs=None, portgroup_names=None, service_instance=None):\n", + "\n", + "def list_uplink_dvportgroup(dvs, service_instance=None):\n", + "\n", + "def _apply_dvportgroup_out_shaping(pg_name, out_shaping, out_shaping_conf):\n", + "\n", + "def _apply_dvportgroup_security_policy(pg_name, sec_policy, sec_policy_conf):\n", + "\n", + "def _apply_dvportgroup_teaming(pg_name, teaming, teaming_conf):\n", + "\n", + "def _apply_dvportgroup_config(pg_name, pg_spec, pg_conf):\n", + "\n", + "def create_dvportgroup(portgroup_dict, portgroup_name, dvs,\n", + "\n", + "def update_dvportgroup(portgroup_dict, portgroup, dvs, service_instance=True):\n", + "\n", + "def remove_dvportgroup(portgroup, dvs, service_instance=None):\n", + "\n", + "def _get_policy_dict(policy):\n", + "\n", + "def list_storage_policies(policy_names=None, service_instance=None):\n", + "\n", + "def list_default_vsan_policy(service_instance=None):\n", + "\n", + "def list_capability_definitions(service_instance=None):\n", + "\n", + "def _apply_policy_config(policy_spec, policy_dict):\n", + "\n", + "def create_storage_policy(policy_name, policy_dict, service_instance=None):\n", + "\n", + "def update_storage_policy(policy, policy_dict, service_instance=None):\n", + "\n", + "def list_default_storage_policy_of_datastore(datastore, service_instance=None):\n", + "\n", + "def assign_default_storage_policy_to_datastore(policy, datastore,\n", + "\n", + "def list_datacenters_via_proxy(datacenter_names=None, service_instance=None):\n", + "\n", + "def create_datacenter(datacenter_name, service_instance=None):\n", + "\n", + "def _get_cluster_dict(cluster_name, cluster_ref):\n", + "\n", + "def list_cluster(datacenter=None, cluster=None, service_instance=None):\n", + "\n", + "def _apply_cluster_dict(cluster_spec, cluster_dict, vsan_spec=None,\n", + "\n", + "def create_cluster(cluster_dict, datacenter=None, cluster=None,\n", + "\n", + "def update_cluster(cluster_dict, datacenter=None, cluster=None,\n", + "\n", + "def list_datastores_via_proxy(datastore_names=None, backing_disk_ids=None,\n", + "\n", + "def create_vmfs_datastore(datastore_name, disk_id, vmfs_major_version,\n", + "\n", + "def rename_datastore(datastore_name, new_datastore_name,\n", + "\n", + "def remove_datastore(datastore, service_instance=None):\n", + "\n", + "def list_licenses(service_instance=None):\n", + "\n", + "def add_license(key, description, safety_checks=True,\n", + "\n", + "def _get_entity(service_instance, entity):\n", + "\n", + "def _validate_entity(entity):\n", + "\n", + "def list_assigned_licenses(entity, entity_display_name, license_keys=None,\n", + "\n", + "def assign_license(license_key, license_name, entity, entity_display_name,\n", + "\n", + "def list_hosts_via_proxy(hostnames=None, datacenter=None,\n", + "\n", + "def list_disks(disk_ids=None, scsi_addresses=None, service_instance=None):\n", + "\n", + "def erase_disk_partitions(disk_id=None, scsi_address=None,\n", + "\n", + "def list_disk_partitions(disk_id=None, scsi_address=None,\n", + "\n", + "def list_diskgroups(cache_disk_ids=None, service_instance=None):\n", + "\n", + "def create_diskgroup(cache_disk_id, capacity_disk_ids, safety_checks=True,\n", + "\n", + "def remove_diskgroup(cache_disk_id, data_accessibility=True,\n", + "\n", + "def get_host_cache(service_instance=None):\n", + "\n", + "def configure_host_cache(enabled, datastore=None, swap_size_MiB=None,\n", + "\n", + "def _check_hosts(service_instance, host, host_names):\n", + "\n", + "def _format_coredump_stdout(cmd_ret):\n", + "\n", + "def _format_firewall_stdout(cmd_ret):\n", + "\n", + "def _format_syslog_config(cmd_ret):\n", + "\n", + "def _get_host_ref(service_instance, host, host_name=None):\n", + "\n", + "def _get_host_disks(host_reference):\n", + "\n", + "def _get_vsan_eligible_disks(service_instance, host, host_names):\n", + "\n", + "def _reset_syslog_config_params(host, username, password, cmd, resets, valid_resets,\n", + "\n", + "def _set_syslog_config_helper(host, username, password, syslog_config, config_value,\n", + "\n", + "def add_host_to_dvs(host, username, password, vmknic_name, vmnic_name,\n", + "\n", + "def _get_proxy_target(service_instance):\n", + "\n", + "def _get_esxdatacenter_proxy_details():\n", + "\n", + "def _get_esxcluster_proxy_details():\n", + "\n", + "def _get_esxi_proxy_details():\n", + "\n", + "def get_vm(name, datacenter=None, vm_properties=None, traversal_spec=None,\n", + "\n", + "def get_vm_config_file(name, datacenter, placement, datastore,\n", + "\n", + "def _apply_hardware_version(hardware_version, config_spec, operation='add'):\n", + "\n", + "def _apply_cpu_config(config_spec, cpu_props):\n", + "\n", + "def _apply_memory_config(config_spec, memory):\n", + "\n", + "def get_advanced_configs(vm_name, datacenter, service_instance=None):\n", + "\n", + "def _apply_advanced_config(config_spec, advanced_config, vm_extra_config=None):\n", + "\n", + "def set_advanced_configs(vm_name, datacenter, advanced_configs,\n", + "\n", + "def _delete_advanced_config(config_spec, advanced_config, vm_extra_config):\n", + "\n", + "def delete_advanced_configs(vm_name, datacenter, advanced_configs,\n", + "\n", + "def _get_scsi_controller_key(bus_number, scsi_ctrls):\n", + "\n", + "def _apply_hard_disk(unit_number, key, operation, disk_label=None, size=None,\n", + "\n", + "def _create_adapter_type(network_adapter, adapter_type,\n", + "\n", + "def _create_network_backing(network_name, switch_type, parent_ref):\n", + "\n", + "def _apply_network_adapter_config(key, network_name, adapter_type, switch_type,\n", + "\n", + "def _apply_scsi_controller(adapter, adapter_type, bus_sharing, key,\n", + "\n", + "def _create_ide_controllers(ide_controllers):\n", + "\n", + "def _apply_ide_controller_config(ide_controller_label, operation,\n", + "\n", + "def _create_sata_controllers(sata_controllers):\n", + "\n", + "def _apply_sata_controller_config(sata_controller_label, operation,\n", + "\n", + "def _apply_cd_drive(drive_label, key, device_type, operation,\n", + "\n", + "def _set_network_adapter_mapping(domain, gateway, ip_addr, subnet_mask, mac):\n", + "\n", + "def _apply_serial_port(serial_device_spec, key, operation='add'):\n", + "\n", + "def _create_disks(service_instance, disks, scsi_controllers=None, parent=None):\n", + "\n", + "def _create_scsi_devices(scsi_devices):\n", + "\n", + "def _create_network_adapters(network_interfaces, parent=None):\n", + "\n", + "def _create_serial_ports(serial_ports):\n", + "\n", + "def _create_cd_drives(cd_drives, controllers=None, parent_ref=None):\n", + "\n", + "def _get_device_by_key(devices, key):\n", + "\n", + "def _get_device_by_label(devices, label):\n", + "\n", + "def _convert_units(devices):\n", + "\n", + "def compare_vm_configs(new_config, current_config):\n", + "\n", + "def get_vm_config(name, datacenter=None, objects=True, service_instance=None):\n", + "\n", + "def _update_disks(disks_old_new):\n", + "\n", + "def _update_scsi_devices(scsis_old_new, current_disks):\n", + "\n", + "def _update_network_adapters(interface_old_new, parent):\n", + "\n", + "def _update_serial_ports(serial_old_new):\n", + "\n", + "def _update_cd_drives(drives_old_new, controllers=None, parent=None):\n", + "\n", + "def _delete_device(device):\n", + "\n", + "def create_vm(vm_name, cpu, memory, image, version, datacenter, datastore,\n", + "\n", + "def update_vm(vm_name, cpu=None, memory=None, image=None, version=None,\n", + "\n", + "def register_vm(name, datacenter, placement, vmx_path, service_instance=None):\n", + "\n", + "def power_on_vm(name, datacenter=None, service_instance=None):\n", + "\n", + "def _remove_vm(name, datacenter, service_instance, placement=None,\n", + "\n", + "def delete_vm(name, datacenter, placement=None, power_off=False,\n", + "\n", + "def _determine_auth(**kwargs):\n", + "\n", + "def get_client(client_type, **kwargs):\n", + "\n", + "def log_cloud_error(client, message, **kwargs):\n", + "\n", + "def paged_object_to_list(paged_object):\n", + "\n", + "def create_object_model(module_name, object_name, **kwargs):\n", + "\n", + "def compare_list_of_dicts(old, new, convert_id_to_name=None):\n", + "\n", + "def get_dependencies():\n", + "\n", + "def get_conn():\n", + "\n", + "def _expand_node(node):\n", + "\n", + "def _expand_disk(disk):\n", + "\n", + "def _expand_address(addy):\n", + "\n", + "def _expand_balancer(lb):\n", + "\n", + "def show_instance(vm_name, call=None):\n", + "\n", + "def avail_sizes(conn=None):\n", + "\n", + "def avail_images(conn=None):\n", + "\n", + "def __get_image(conn, vm_):\n", + "\n", + "def __get_location(conn, vm_):\n", + "\n", + "def __get_size(conn, vm_):\n", + "\n", + "def __get_tags(vm_):\n", + "\n", + "def __get_metadata(vm_):\n", + "\n", + "def __get_host(node, vm_):\n", + "\n", + "def __get_network(conn, vm_):\n", + "\n", + "def __get_subnetwork(vm_):\n", + "\n", + "def __get_region(conn, vm_):\n", + "\n", + "def __create_orget_address(conn, name, region):\n", + "\n", + "def _parse_allow(allow):\n", + "\n", + "def __get_ssh_credentials(vm_):\n", + "\n", + "def create_network(kwargs=None, call=None):\n", + "\n", + "def delete_network(kwargs=None, call=None):\n", + "\n", + "def show_network(kwargs=None, call=None):\n", + "\n", + "def create_subnetwork(kwargs=None, call=None):\n", + "\n", + "def delete_subnetwork(kwargs=None, call=None):\n", + "\n", + "def show_subnetwork(kwargs=None, call=None):\n", + "\n", + "def create_fwrule(kwargs=None, call=None):\n", + "\n", + "def delete_fwrule(kwargs=None, call=None):\n", + "\n", + "def show_fwrule(kwargs=None, call=None):\n", + "\n", + "def create_hc(kwargs=None, call=None):\n", + "\n", + "def delete_hc(kwargs=None, call=None):\n", + "\n", + "def show_hc(kwargs=None, call=None):\n", + "\n", + "def create_address(kwargs=None, call=None):\n", + "\n", + "def delete_address(kwargs=None, call=None):\n", + "\n", + "def show_address(kwargs=None, call=None):\n", + "\n", + "def create_lb(kwargs=None, call=None):\n", + "\n", + "def delete_lb(kwargs=None, call=None):\n", + "\n", + "def show_lb(kwargs=None, call=None):\n", + "\n", + "def attach_lb(kwargs=None, call=None):\n", + "\n", + "def detach_lb(kwargs=None, call=None):\n", + "\n", + "def delete_snapshot(kwargs=None, call=None):\n", + "\n", + "def delete_disk(kwargs=None, call=None):\n", + "\n", + "def create_disk(kwargs=None, call=None):\n", + "\n", + "def create_snapshot(kwargs=None, call=None):\n", + "\n", + "def show_snapshot(kwargs=None, call=None):\n", + "\n", + "def detach_disk(name=None, kwargs=None, call=None):\n", + "\n", + "def attach_disk(name=None, kwargs=None, call=None):\n", + "\n", + "def reboot(vm_name, call=None):\n", + "\n", + "def start(vm_name, call=None):\n", + "\n", + "def stop(vm_name, call=None):\n", + "\n", + "def destroy(vm_name, call=None):\n", + "\n", + "def create_attach_volumes(name, kwargs, call=None):\n", + "\n", + "def request_instance(vm_):\n", + "\n", + "def create(vm_=None, call=None):\n", + "\n", + "def update_pricing(kwargs=None, call=None):\n", + "\n", + "def show_pricing(kwargs=None, call=None):\n", + "\n", + "def _logstash(url, data):\n", + "\n", + "def start(url, funs=None, tags=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def _nodetool(cmd):\n", + "\n", + "def _sys_mgr():\n", + "\n", + "def column_families(keyspace=None):\n", + "\n", + "def column_family_definition(keyspace, column_family):\n", + "\n", + "def update_quota(self, tenant_id, subnet=None, router=None,\n", + "\n", + "def delete_quota(self, tenant_id):\n", + "\n", + "def create_port(self, name, network, device_id=None, admin_state_up=True):\n", + "\n", + "def update_port(self, port, name, admin_state_up=True):\n", + "\n", + "def delete_port(self, port):\n", + "\n", + "def create_network(self, name, admin_state_up=True, router_ext=None, network_type=None, physical_network=None, segmentation_id=None, shared=None, vlan_transparent=None):\n", + "\n", + "def update_network(self, network, name):\n", + "\n", + "def delete_network(self, network):\n", + "\n", + "def create_subnet(self, network, cidr, name=None, ip_version=4):\n", + "\n", + "def update_subnet(self, subnet, name=None):\n", + "\n", + "def delete_subnet(self, subnet):\n", + "\n", + "def create_router(self, name, ext_network=None, admin_state_up=True):\n", + "\n", + "def update_router(self, router, name=None, admin_state_up=None, **kwargs):\n", + "\n", + "def delete_router(self, router):\n", + "\n", + "def add_interface_router(self, router, subnet):\n", + "\n", + "def add_gateway_router(self, router, network):\n", + "\n", + "def remove_gateway_router(self, router):\n", + "\n", + "def create_floatingip(self, floating_network, port=None):\n", + "\n", + "def update_floatingip(self, floatingip_id, port=None):\n", + "\n", + "def delete_floatingip(self, floatingip_id):\n", + "\n", + "def create_security_group(self, name, desc=None):\n", + "\n", + "def update_security_group(self, sec_grp, name=None, desc=None):\n", + "\n", + "def delete_security_group(self, sec_grp):\n", + "\n", + "def delete_security_group_rule(self, sec_grp_rule_id):\n", + "\n", + "def list_vpnservices(self, retrieve_all=True, **kwargs):\n", + "\n", + "def show_vpnservice(self, vpnservice, **kwargs):\n", + "\n", + "def create_vpnservice(self, subnet, router, name, admin_state_up=True):\n", + "\n", + "def update_vpnservice(self, vpnservice, desc):\n", + "\n", + "def delete_vpnservice(self, vpnservice):\n", + "\n", + "def create_ipsec_site_connection(self, name, ipsecpolicy,\n", + "\n", + "def delete_ipsec_site_connection(self, ipsec_site_connection):\n", + "\n", + "def create_ikepolicy(self, name, **kwargs):\n", + "\n", + "def delete_ikepolicy(self, ikepolicy):\n", + "\n", + "def create_ipsecpolicy(self, name, **kwargs):\n", + "\n", + "def delete_ipsecpolicy(self, ipseecpolicy):\n", + "\n", + "def create_firewall_rule(self, protocol, action, **kwargs):\n", + "\n", + "def delete_firewall_rule(self, firewall_rule):\n", + "\n", + "def update_firewall_rule(self, firewall_rule, protocol=None, action=None,\n", + "\n", + "def exist(name):\n", + "\n", + "def create(name):\n", + "\n", + "def call(name, function, *args, **kwargs):\n", + "\n", + "def save(name, filter=False):\n", + "\n", + "def find_file(path, saltenv='base', **kwargs):\n", + "\n", + " def _add_file_stat(fnd):\n", + "\n", + "def serve_file(load, fnd):\n", + "\n", + "def update():\n", + "\n", + "def _file_lists(load, form):\n", + "\n", + " def _add_to(tgt, fs_root, parent_dir, items):\n", + "\n", + " def _translate_sep(path):\n", + "\n", + "def symlink_list(load):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def init(storage_backend='dir', trust_password=None, network_address=None,\n", + "\n", + "def config_set(key, value):\n", + "\n", + "def config_get(key):\n", + "\n", + "def pylxd_client_get(remote_addr=None, cert=None, key=None, verify_cert=True):\n", + "\n", + "def pylxd_save_object(obj):\n", + "\n", + "def authenticate(remote_addr, password, cert, key, verify_cert=True):\n", + "\n", + "def container_list(list_names=False, remote_addr=None,\n", + "\n", + "def container_create(name, source, profiles=None,\n", + "\n", + "def container_get(name=None, remote_addr=None,\n", + "\n", + "def container_delete(name, remote_addr=None,\n", + "\n", + "def container_rename(name, newname, remote_addr=None,\n", + "\n", + "def container_state(name=None, remote_addr=None,\n", + "\n", + "def container_start(name, remote_addr=None,\n", + "\n", + "def container_stop(name, timeout=30, force=True, remote_addr=None,\n", + "\n", + "def container_restart(name, remote_addr=None,\n", + "\n", + "def container_freeze(name, remote_addr=None,\n", + "\n", + "def container_unfreeze(name, remote_addr=None,\n", + "\n", + "def container_migrate(name,\n", + "\n", + "def container_config_get(name, config_key, remote_addr=None,\n", + "\n", + "def container_config_set(name, config_key, config_value, remote_addr=None,\n", + "\n", + "def container_config_delete(name, config_key, remote_addr=None,\n", + "\n", + "def container_device_get(name, device_name, remote_addr=None,\n", + "\n", + "def container_device_add(name, device_name, device_type='disk',\n", + "\n", + "def container_device_delete(name, device_name, remote_addr=None,\n", + "\n", + "def container_file_put(name, src, dst, recursive=False, overwrite=False,\n", + "\n", + "def container_file_get(name, src, dst, overwrite=False,\n", + "\n", + "def container_execute(name, cmd, remote_addr=None,\n", + "\n", + "def profile_list(list_names=False, remote_addr=None,\n", + "\n", + "def profile_create(name, config=None, devices=None, description=None,\n", + "\n", + "def profile_get(name, remote_addr=None,\n", + "\n", + "def profile_delete(name, remote_addr=None,\n", + "\n", + "def profile_config_get(name, config_key, remote_addr=None,\n", + "\n", + "def profile_config_set(name, config_key, config_value,\n", + "\n", + "def profile_config_delete(name, config_key, remote_addr=None,\n", + "\n", + "def profile_device_get(name, device_name, remote_addr=None,\n", + "\n", + "def profile_device_set(name, device_name, device_type='disk',\n", + "\n", + "def profile_device_delete(name, device_name, remote_addr=None,\n", + "\n", + "def image_list(list_aliases=False, remote_addr=None,\n", + "\n", + "def image_get(fingerprint,\n", + "\n", + "def image_get_by_alias(alias,\n", + "\n", + "def image_delete(image,\n", + "\n", + "def image_from_simplestreams(server,\n", + "\n", + "def image_from_file(filename,\n", + "\n", + "def image_copy_lxd(source,\n", + "\n", + "def image_alias_add(image,\n", + "\n", + "def image_alias_delete(image,\n", + "\n", + "def snapshots_all(container, remote_addr=None, cert=None, key=None, verify_cert=True):\n", + "\n", + "def snapshots_create(container, name=None, remote_addr=None,\n", + "\n", + "def snapshots_delete(container, name, remote_addr=None,\n", + "\n", + "def snapshots_get(container, name, remote_addr=None,\n", + "\n", + "def normalize_input_values(config, devices):\n", + "\n", + "def sync_config_devices(obj, newconfig, newdevices, test=False):\n", + "\n", + "def _set_property_dict_item(obj, prop, key, value):\n", + "\n", + "def _pylxd_model_to_dict(obj):\n", + "\n", + "def set_ftp_proxy(server,\n", + "\n", + "def get_proxy_bypass(network_service=\"Ethernet\"):\n", + "\n", + "def set_proxy_bypass(domains, network_service=\"Ethernet\"):\n", + "\n", + "def set_proxy_win(server, port, types=None, bypass_hosts=None):\n", + "\n", + "def get_conn(host='', username=None, password=None, port=445):\n", + "\n", + "def _mkdirs_impacket(path, share='C$', conn=None, host=None, username=None, password=None):\n", + "\n", + "def put_str(content, path, share='C$', conn=None, host=None, username=None, password=None):\n", + "\n", + "def _put_file_impacket(local_path, path, share='C$', conn=None, host=None, username=None, password=None):\n", + "\n", + "def put_file(local_path, path, share='C$', conn=None, host=None, username=None, password=None):\n", + "\n", + "def string(self, writesize=None):\n", + "\n", + "def _get_template(path, option_key):\n", + "\n", + "def _fetch_templates(src):\n", + "\n", + "def _mergetree(src, dst):\n", + "\n", + "def _mergetreejinja(src, dst, context):\n", + "\n", + "def _prompt_choice(var_name, options):\n", + "\n", + "def run(extension=None, name=None, description=None, salt_dir=None, merge=False, temp_dir=None):\n", + "\n", + "def agent_settings(name, contact, location, services=None):\n", + "\n", + "def auth_traps_enabled(name, status=True):\n", + "\n", + "def community_names(name, communities=None):\n", + "\n", + "def _check_valid_version():\n", + "\n", + "def install(pkg=None,\n", + "\n", + "def uninstall(pkg, dir=None, runas=None, env=None):\n", + "\n", + "def list_(pkg=None, dir=None, runas=None, env=None, depth=None):\n", + "\n", + "def cache_clean(path=None, runas=None, env=None, force=False):\n", + "\n", + "def cache_list(path=None, runas=None, env=None):\n", + "\n", + "def cache_path(runas=None, env=None):\n", + "\n", + "def raw_command(netfn, command, bridge_request=None, data=(), retry=True, delay_xmit=None, **kwargs):\n", + "\n", + "def set_channel_access(channel=14, access_update_mode='non_volatile',\n", + "\n", + "def get_channel_access(channel=14, read_mode='non_volatile', **kwargs):\n", + "\n", + "def set_user_access(uid, channel=14, callback=True, link_auth=True, ipmi_msg=True,\n", + "\n", + "def get_user_access(uid, channel=14, **kwargs):\n", + "\n", + "def set_user_name(uid, name, **kwargs):\n", + "\n", + "def get_user_name(uid, return_none_on_error=True, **kwargs):\n", + "\n", + "def set_user_password(uid, mode='set_password', password=None, **kwargs):\n", + "\n", + "def get_sensor_data(**kwargs):\n", + "\n", + "def set_power(state='power_on', wait=True, **kwargs):\n", + "\n", + "def set_bootdev(bootdev='default', persist=False, uefiboot=False, **kwargs):\n", + "\n", + "def set_identify(on=True, duration=600, **kwargs):\n", + "\n", + "def get_channel_max_user_count(channel=14, **kwargs):\n", + "\n", + "def get_user(uid, channel=14, **kwargs):\n", + "\n", + "def create_user(uid, name, password, channel=14, callback=False,\n", + "\n", + "def user_delete(uid, channel=14, **kwargs):\n", + "\n", + "def valid_certificate(name,\n", + "\n", + "def _compare(cur_cmp, cur_struct):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def __execute_cmd(name, xml):\n", + "\n", + "def set_http_port(port=80):\n", + "\n", + "def set_https_port(port=443):\n", + "\n", + "def set_ssh_port(port=22):\n", + "\n", + "def create_user(name, password, *privileges):\n", + "\n", + "def configure_network(ip, netmask, gateway):\n", + "\n", + "def configure_snmp(community, snmp_port=161, snmp_trapport=161):\n", + "\n", + "def enabled(name):\n", + "\n", + "def disabled(name):\n", + "\n", + "def task_present(name,\n", + "\n", + "def task_absent(name):\n", + "\n", + "def set_servers(*servers):\n", + "\n", + "def get_servers():\n", + "\n", + "def facts_refresh():\n", + "\n", + "def facts():\n", + "\n", + "def rpc(cmd=None, dest=None, **kwargs):\n", + "\n", + "def set_hostname(hostname=None, **kwargs):\n", + "\n", + "def commit(**kwargs):\n", + "\n", + "def rollback(**kwargs):\n", + "\n", + "def diff(**kwargs):\n", + "\n", + "def ping(dest_ip=None, **kwargs):\n", + "\n", + "def cli(command=None, **kwargs):\n", + "\n", + "def shutdown(**kwargs):\n", + "\n", + "def install_config(path=None, **kwargs):\n", + "\n", + "def zeroize():\n", + "\n", + "def install_os(path=None, **kwargs):\n", + "\n", + "def file_copy(src=None, dest=None):\n", + "\n", + "def lock():\n", + "\n", + "def unlock():\n", + "\n", + "def load(path=None, **kwargs):\n", + "\n", + "def commit_check():\n", + "\n", + "def get_table(table, table_file, path=None, target=None, key=None, key_items=None,\n", + "\n", + "def mount(location, access='rw', root=None):\n", + "\n", + "def present(name, password, permission):\n", + "\n", + "def network(ip, netmask, gateway):\n", + "\n", + "def factory(opts, **kwargs):\n", + "\n", + "def factory(opts, **kwargs):\n", + "\n", + "def list_(saltenv='base', test=None):\n", + "\n", + "def add(event, reactors, saltenv='base', test=None):\n", + "\n", + "def delete(event, saltenv='base', test=None):\n", + "\n", + "def ip_bracket(addr):\n", + "\n", + "def _interface_configs():\n", + "\n", + "def is_enabled(iface):\n", + "\n", + "def enable(iface):\n", + "\n", + "def disable(iface):\n", + "\n", + "def get_subnet_length(mask):\n", + "\n", + "def set_static_ip(iface, addr, gateway=None, append=False):\n", + "\n", + " def _find_addr(iface, addr, timeout=1):\n", + "\n", + "def set_static_dns(iface, *addrs):\n", + "\n", + "def get_default_gateway():\n", + "\n", + "def add(name, gid=None, **kwargs):\n", + "\n", + "def _list_gids():\n", + "\n", + "def delete(name):\n", + "\n", + "def members(name, members_list):\n", + "\n", + "def info(name):\n", + "\n", + "def _format_info(data):\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def chgid(name, gid):\n", + "\n", + "def tree(self, path):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _check_and_install_ruby(ret, ruby, default=False, user=None, opts=None, env=None):\n", + "\n", + "def _check_ruby(ret, ruby, user=None):\n", + "\n", + "def installed(name, default=False, user=None, opts=None, env=None):\n", + "\n", + "def gemset_present(name, ruby='default', user=None):\n", + "\n", + "def present(name,\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _get_cursor(self):\n", + "\n", + "def _convert_exception(e):\n", + "\n", + "def _bind(l, bind=None):\n", + "\n", + "def connect(connect_spec=None):\n", + "\n", + "def search(connect_spec, base, scope='subtree', filterstr='(objectClass=*)',\n", + "\n", + "def add(connect_spec, dn, attributes):\n", + "\n", + "def delete(connect_spec, dn):\n", + "\n", + "def modify(connect_spec, dn, directives):\n", + "\n", + "def change(connect_spec, dn, before, after):\n", + "\n", + "def _parse_profile(profile):\n", + "\n", + "def _rows_differ(row, _row):\n", + "\n", + "def ensure_sequence_filter(data):\n", + "\n", + "def to_bool(val):\n", + "\n", + "def tojson(val, indent=None):\n", + "\n", + "def regex_search(txt, rgx, ignorecase=False, multiline=False):\n", + "\n", + "def regex_match(txt, rgx, ignorecase=False, multiline=False):\n", + "\n", + "def regex_replace(txt, rgx, val, ignorecase=False, multiline=False):\n", + "\n", + "def uuid_(val):\n", + "\n", + "def unique(values):\n", + "\n", + "def lst_avg(lst):\n", + "\n", + "def union(lst1, lst2):\n", + "\n", + "def intersect(lst1, lst2):\n", + "\n", + "def file_client(self):\n", + "\n", + "def cache_file(self, template):\n", + "\n", + "def check_cache(self, template):\n", + "\n", + "def get_source(self, environment, template):\n", + "\n", + " def uptodate():\n", + "\n", + "def finalizer(self, data):\n", + "\n", + " def explore(data):\n", + "\n", + "def format_xml(self, value):\n", + "\n", + " def normalize_iter(value):\n", + "\n", + " def recurse_tree(xmliter, element=None):\n", + "\n", + "def alias_absent(name, index):\n", + "\n", + "def alias_present(name, index, definition=None):\n", + "\n", + "def index_template_absent(name):\n", + "\n", + "def index_template_present(name, definition, check_definition=False):\n", + "\n", + "def pipeline_absent(name):\n", + "\n", + "def pipeline_present(name, definition):\n", + "\n", + "def search_template_absent(name):\n", + "\n", + "def search_template_present(name, definition):\n", + "\n", + "def _pkg(jail=None, chroot=None, root=None):\n", + "\n", + "def _get_pkgng_version(jail=None, chroot=None, root=None):\n", + "\n", + "def _get_version(name, results):\n", + "\n", + "def _contextkey(jail=None, chroot=None, root=None, prefix='pkg.list_pkgs'):\n", + "\n", + "def parse_config(file_name='/usr/local/etc/pkg.conf'):\n", + "\n", + "def version(*names, **kwargs):\n", + "\n", + "def refresh_db(jail=None, chroot=None, root=None, force=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False,\n", + "\n", + "def stats(local=False, remote=False, jail=None, chroot=None, root=None):\n", + "\n", + "def backup(file_name, jail=None, chroot=None, root=None):\n", + "\n", + "def restore(file_name, jail=None, chroot=None, root=None):\n", + "\n", + "def audit(jail=None, chroot=None, root=None):\n", + "\n", + "def install(name=None,\n", + "\n", + "def remove(name=None,\n", + "\n", + "def upgrade(*names, **kwargs):\n", + "\n", + "def clean(jail=None,\n", + "\n", + "def check(jail=None,\n", + "\n", + "def which(path, jail=None, chroot=None, root=None, origin=False, quiet=False):\n", + "\n", + "def search(name,\n", + "\n", + "def fetch(name,\n", + "\n", + "def updating(name,\n", + "\n", + "def list_locked(**kwargs):\n", + "\n", + "def _lockcmd(subcmd, pkgname=None, **kwargs):\n", + "\n", + "def list_upgrades(refresh=True, **kwargs):\n", + "\n", + "def _parse_upgrade(stdout):\n", + "\n", + "def version_cmp(pkg1, pkg2, ignore_epoch=False, **kwargs):\n", + "\n", + "def bin_pkg_info(path, saltenv='base'):\n", + "\n", + "def unpurge(*packages):\n", + "\n", + "def list_pkgs(*packages, **kwargs):\n", + "\n", + "def file_list(*packages, **kwargs):\n", + "\n", + "def file_dict(*packages, **kwargs):\n", + "\n", + "def _get_pkg_build_time(name):\n", + "\n", + "def _get_pkg_info(*packages, **kwargs):\n", + "\n", + "def _get_pkg_license(pkg):\n", + "\n", + "def _get_pkg_install_time(pkg, arch=None):\n", + "\n", + "def _get_pkg_ds_avail():\n", + "\n", + "def info(*packages, **kwargs):\n", + "\n", + "def func_globals_inject(func, **overrides):\n", + "\n", + "def clone(self, **kwargs):\n", + "\n", + "def run(self):\n", + "\n", + "def _recurse(self, path):\n", + "\n", + "def _file_dict(self, fn_):\n", + "\n", + "def _load_files(self):\n", + "\n", + "def run(self):\n", + "\n", + "def run_oldstyle(self):\n", + "\n", + "def run_chunked(self):\n", + "\n", + " def _get_remote_path(fn_):\n", + "\n", + "def list_():\n", + "\n", + "def detail(device='/dev/md0'):\n", + "\n", + "def destroy(device):\n", + "\n", + "def create(name,\n", + "\n", + "def save_config():\n", + "\n", + "def assemble(name,\n", + "\n", + "def examine(device, quiet=False):\n", + "\n", + "def add(name, device):\n", + "\n", + "def exists(DomainName,\n", + "\n", + "def status(DomainName,\n", + "\n", + "def describe(DomainName,\n", + "\n", + "def create(DomainName, ElasticsearchClusterConfig=None, EBSOptions=None,\n", + "\n", + "def delete(DomainName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def add_tags(DomainName=None, ARN=None,\n", + "\n", + "def remove_tags(TagKeys, DomainName=None, ARN=None,\n", + "\n", + "def list_tags(DomainName=None, ARN=None,\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None, **kwargs):\n", + "\n", + "def _parse_conf(conf_file=_DEFAULT_CONF):\n", + "\n", + "def get(key, value=None, conf_file=_DEFAULT_CONF):\n", + "\n", + "def set_(key, value, setting=None, conf_file=_DEFAULT_CONF):\n", + "\n", + "def _dict_to_stanza(key, stanza):\n", + "\n", + "def lock(name,\n", + "\n", + "def unlock(name,\n", + "\n", + "def min_party(name,\n", + "\n", + "def _cli_command(commands,\n", + "\n", + "def rpc(commands,\n", + "\n", + "def show(commands,\n", + "\n", + "def config(commands=None,\n", + "\n", + "def levelise(level):\n", + "\n", + "def mark(obj, map_class=Map, sequence_class=Sequence):\n", + "\n", + "def aggregate(obj_a, obj_b, level=False, map_class=Map, sequence_class=Sequence):\n", + "\n", + "def migrate_paths(opts):\n", + "\n", + "def _check_retcode(cmd):\n", + "\n", + "def _exec(**kwargs):\n", + "\n", + "def _merge_last(values, merge_after, merge_with=' '):\n", + "\n", + "def _property_detect_type(name, values):\n", + "\n", + "def _property_create_dict(header, data):\n", + "\n", + "def _property_parse_cmd(cmd, alias=None):\n", + "\n", + "def _auto(direction, name, value, source='auto', convert_to_human=True):\n", + "\n", + "def _command(source, command, flags=None, opts=None,\n", + "\n", + "def is_supported():\n", + "\n", + "def has_feature_flags():\n", + "\n", + "def property_data_zpool():\n", + "\n", + "def from_bool(value):\n", + "\n", + "def to_bool(value):\n", + "\n", + "def to_bool_alt(value):\n", + "\n", + "def from_size(value):\n", + "\n", + "def to_size(value, convert_to_human=True):\n", + "\n", + "def from_str(value):\n", + "\n", + "def to_str(value):\n", + "\n", + "def to_auto(name, value, source='auto', convert_to_human=True):\n", + "\n", + "def from_auto_dict(values, source='auto'):\n", + "\n", + "def to_auto_dict(values, source='auto', convert_to_human=True):\n", + "\n", + "def zpool_command(command, flags=None, opts=None, property_name=None, property_value=None,\n", + "\n", + "def parse_command_result(res, label=None):\n", + "\n", + "def beacon(config):\n", + "\n", + "def key_value_to_tree(data):\n", + "\n", + "def ext_pillar(minion_id, pillar, resource, sequence, subkey=False, subkey_only=False):\n", + "\n", + "def validate(output, resource):\n", + "\n", + "def disks():\n", + "\n", + "def _linux_disks():\n", + "\n", + "def additions_installed(name, reboot=False, upgrade_os=False):\n", + "\n", + "def additions_removed(name, force=False):\n", + "\n", + "def grant_access_to_shared_folders_to(name, users=None):\n", + "\n", + "def _is_master_running(self):\n", + "\n", + "def run(self, low):\n", + "\n", + "def local_async(self, *args, **kwargs):\n", + "\n", + "def local(self, *args, **kwargs):\n", + "\n", + "def local_subset(self, *args, **kwargs):\n", + "\n", + "def local_batch(self, *args, **kwargs):\n", + "\n", + "def ssh(self, *args, **kwargs):\n", + "\n", + "def runner(self, fun, timeout=None, full_return=False, **kwargs):\n", + "\n", + "def runner_async(self, fun, **kwargs):\n", + "\n", + "def wheel(self, fun, **kwargs):\n", + "\n", + "def wheel_async(self, fun, **kwargs):\n", + "\n", + "def find_json(raw):\n", + "\n", + "def import_json():\n", + "\n", + "def loads(s, **kwargs):\n", + "\n", + "def dump(obj, fp, **kwargs):\n", + "\n", + " def _enc_func(obj):\n", + "\n", + "def _user_mdata(mdata_list=None, mdata_get=None):\n", + "\n", + "def _sdc_mdata(mdata_list=None, mdata_get=None):\n", + "\n", + "def _legacy_grains(grains):\n", + "\n", + "def mdata():\n", + "\n", + "def xdg_config_dir():\n", + "\n", + "def topic_present(name, subscriptions=None, attributes=None,\n", + "\n", + "def topic_absent(name, unsubscribe=False, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def start():\n", + "\n", + "def _check_user(user, group):\n", + "\n", + "def _salt_to_os_path(path):\n", + "\n", + " def full_path(master_relpath):\n", + "\n", + " def process_symlinks(filenames, symlinks):\n", + "\n", + "def _gen_keep_files(name, require, walk_d=None):\n", + "\n", + " def _is_child(path, directory):\n", + "\n", + " def _add_current_path(path):\n", + "\n", + " def _process_by_walk_d(name, ret):\n", + "\n", + " def _process(name):\n", + "\n", + "def _find_keep_files(root, keep):\n", + "\n", + "def _clean_dir(root, keep, exclude_pat):\n", + "\n", + " def _delete_not_kept(nfn):\n", + "\n", + "def _check_directory(name,\n", + "\n", + " def _check_changes(fname):\n", + "\n", + "def _check_directory_win(name,\n", + "\n", + "def _check_dir_meta(name,\n", + "\n", + "def _check_touch(name, atime, mtime):\n", + "\n", + "def _check_symlink_ownership(path, user, group, win_owner):\n", + "\n", + "def _set_symlink_ownership(path, user, group, win_owner):\n", + "\n", + "def _symlink_check(name, target, force, user, group, win_owner):\n", + "\n", + "def _unify_sources_and_hashes(source=None, source_hash=None,\n", + "\n", + "def _get_template_texts(source_list=None,\n", + "\n", + "def _validate_str_list(arg):\n", + "\n", + "def _set_shortcut_ownership(path, user):\n", + "\n", + "def _shortcut_check(name,\n", + "\n", + "def _makedirs(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def tidied(name,\n", + "\n", + " def _matches(name):\n", + "\n", + "def exists(name,\n", + "\n", + "def managed(name,\n", + "\n", + "def _get_recurse_set(recurse):\n", + "\n", + "def _depth_limited_walk(top, max_depth=None):\n", + "\n", + "def directory(name,\n", + "\n", + "def recurse(name,\n", + "\n", + " def add_comment(path, comment):\n", + "\n", + " def merge_ret(path, _ret):\n", + "\n", + " def manage_file(path, source, replace):\n", + "\n", + " def manage_directory(path):\n", + "\n", + "def retention_schedule(name, retain, strptime_format=None, timezone=None):\n", + "\n", + " def get_file_time_from_strptime(f):\n", + "\n", + " def get_file_time_from_mtime(f):\n", + "\n", + " def dict_maker():\n", + "\n", + " def get_first(fwt):\n", + "\n", + " def get_first_n_at_depth(fwt, depth, n):\n", + "\n", + "def line(name, content=None, match=None, mode=None, location=None,\n", + "\n", + "def replace(name,\n", + "\n", + "def comment(name, regex, char='#', backup='.bak'):\n", + "\n", + "def uncomment(name, regex, char='#', backup='.bak'):\n", + "\n", + "def append(name,\n", + "\n", + "def patch(name,\n", + "\n", + " def _patch(patch_file, options=None, dry_run=False):\n", + "\n", + "def touch(name, atime=None, mtime=None, makedirs=False):\n", + "\n", + "def copy_(name,\n", + "\n", + "def rename(name, source, force=False, makedirs=False, **kwargs):\n", + "\n", + "def accumulated(name, filename, text, **kwargs):\n", + "\n", + "def serialize(name,\n", + "\n", + "def mknod(name, ntype, major=0, minor=0, user=None, group=None, mode='0600'):\n", + "\n", + "def mod_run_check_cmd(cmd, filename, **check_cmd_opts):\n", + "\n", + "def decode(name,\n", + "\n", + "def cached(name,\n", + "\n", + " def _try_cache(path, checksum):\n", + "\n", + "def not_cached(name, saltenv='base'):\n", + "\n", + "def __render_script(path, vm_=None, opts=None, minion=''):\n", + "\n", + "def __ssh_gateway_config_dict(gateway):\n", + "\n", + "def __ssh_gateway_arguments(kwargs):\n", + "\n", + "def os_script(os_, vm_=None, opts=None, minion=''):\n", + "\n", + "def gen_keys(keysize=2048):\n", + "\n", + "def accept_key(pki_dir, pub, id_):\n", + "\n", + "def remove_key(pki_dir, id_):\n", + "\n", + "def rename_key(pki_dir, id_, new_id):\n", + "\n", + "def minion_config(opts, vm_):\n", + "\n", + "def master_config(opts, vm_):\n", + "\n", + "def salt_config_to_yaml(configuration, line_break='\\n'):\n", + "\n", + "def bootstrap(vm_, opts=None):\n", + "\n", + "def ssh_usernames(vm_, opts, default_users=None):\n", + "\n", + "def wait_for_fun(fun, timeout=900, **kwargs):\n", + "\n", + "def wait_for_port(host, port=22, timeout=900, gateway=None):\n", + "\n", + "def run_winexe_command(cmd, args, host, username, password, port=445):\n", + "\n", + "def run_psexec_command(cmd, args, host, username, password, port=445):\n", + "\n", + "def wait_for_winexe(host, port, username, password, timeout=900):\n", + "\n", + "def wait_for_psexecsvc(host, port, username, password, timeout=900):\n", + "\n", + "def wait_for_winrm(host, port, username, password, timeout=900, use_ssl=True, verify=True):\n", + "\n", + "def validate_windows_cred_winexe(host,\n", + "\n", + "def validate_windows_cred(host,\n", + "\n", + "def wait_for_passwd(host, port=22, ssh_timeout=15, username='root',\n", + "\n", + "def deploy_windows(host,\n", + "\n", + "def deploy_script(host,\n", + "\n", + "def run_inline_script(host,\n", + "\n", + "def filter_event(tag, data, defaults):\n", + "\n", + "def fire_event(key, msg, tag, sock_dir, args=None, transport='zeromq'):\n", + "\n", + "def scp_file(dest_path, contents=None, kwargs=None, local_file=None):\n", + "\n", + "def ssh_file(opts, dest_path, contents=None, kwargs=None, local_file=None):\n", + "\n", + "def win_cmd(command, **kwargs):\n", + "\n", + "def winrm_cmd(session, command, flags, **kwargs):\n", + "\n", + "def root_cmd(command, tty, sudo, allow_failure=False, **kwargs):\n", + "\n", + "def check_auth(name, sock_dir=None, queue=None, timeout=300):\n", + "\n", + "def ip_to_int(ip):\n", + "\n", + "def is_public_ip(ip):\n", + "\n", + "def check_name(name, safe_chars):\n", + "\n", + "def remove_sshkey(host, known_hosts=None):\n", + "\n", + "def list_nodes_select(nodes, selection, call=None):\n", + "\n", + "def lock_file(filename, interval=.5, timeout=15):\n", + "\n", + "def unlock_file(filename):\n", + "\n", + "def cachedir_index_add(minion_id, profile, driver, provider, base=None):\n", + "\n", + "def cachedir_index_del(minion_id, base=None):\n", + "\n", + "def init_cachedir(base=None):\n", + "\n", + "def activate_minion_cachedir(minion_id, base=None):\n", + "\n", + "def delete_minion_cachedir(minion_id, provider, opts, base=None):\n", + "\n", + "def list_cache_nodes_full(opts=None, provider=None, base=None):\n", + "\n", + "def update_bootstrap(config, url=None):\n", + "\n", + "def cache_node_list(nodes, provider, opts):\n", + "\n", + "def cache_node(node, provider, opts):\n", + "\n", + "def missing_node_cache(prov_dir, node_list, provider, opts):\n", + "\n", + "def diff_node_cache(prov_dir, node, new_data, opts):\n", + "\n", + "def _strip_cache_events(data, opts):\n", + "\n", + "def _salt_cloud_force_ascii(exc):\n", + "\n", + "def retrieve_password_from_keyring(credential_id, username):\n", + "\n", + "def _save_password_in_keyring(credential_id, username, password):\n", + "\n", + "def store_password_in_keyring(credential_id, username, password=None):\n", + "\n", + "def _unwrap_dict(dictionary, index_string):\n", + "\n", + "def run_func_until_ret_arg(fun, kwargs, fun_call=None,\n", + "\n", + "def get_salt_interface(vm_, opts):\n", + "\n", + "def check_key_path_and_mode(provider, key_path):\n", + "\n", + "def userdata_template(opts, vm_, userdata):\n", + "\n", + "def remove_service(self, wait_timeout=10, sleep_wait=1):\n", + "\n", + "def dropfile(cachedir, user=None):\n", + "\n", + "def gen_keys(keydir, keyname, keysize, user=None, passphrase=None):\n", + "\n", + "def _get_key_with_evict(path, timestamp, passphrase):\n", + "\n", + "def get_rsa_key(path, passphrase):\n", + "\n", + "def get_rsa_pub_key(path):\n", + "\n", + "def sign_message(privkey_path, message, passphrase=None):\n", + "\n", + "def verify_signature(pubkey_path, message, signature):\n", + "\n", + "def gen_signature(priv_path, pub_path, sign_path, passphrase=None):\n", + "\n", + "def private_encrypt(key, message):\n", + "\n", + "def public_decrypt(pub, message):\n", + "\n", + "def __get_keys(self, name='master', passphrase=None):\n", + "\n", + "def get_pub_str(self, name='master'):\n", + "\n", + "def authenticate(self, callback=None):\n", + "\n", + " def handle_future(future):\n", + "\n", + "def _authenticate(self):\n", + "\n", + "def sign_in(self, timeout=60, safe=True, tries=1, channel=None):\n", + "\n", + "def get_keys(self):\n", + "\n", + "def minion_sign_in_payload(self):\n", + "\n", + "def decrypt_aes(self, payload, master_pub=True):\n", + "\n", + "def verify_pubkey_sig(self, message, sig):\n", + "\n", + "def check_auth_deps(self, payload):\n", + "\n", + "def extract_aes(self, payload, master_pub=True):\n", + "\n", + "def verify_master(self, payload, master_pub=True):\n", + "\n", + "def encrypt(self, data):\n", + "\n", + "def decrypt(self, data):\n", + "\n", + "def dumps(self, obj):\n", + "\n", + "def loads(self, data, raw=False):\n", + "\n", + "def _gluster_output_cleanup(result):\n", + "\n", + "def _gluster_xml(cmd):\n", + "\n", + "def _iter(root, term):\n", + "\n", + "def peer_status():\n", + "\n", + "def peer(name):\n", + "\n", + "def create_volume(name, bricks, stripe=False, replica=False, device_vg=False,\n", + "\n", + "def list_volumes():\n", + "\n", + "def status(name):\n", + "\n", + " def etree_legacy_wrap(t):\n", + "\n", + "def info(name=None):\n", + "\n", + "def start_volume(name, force=False):\n", + "\n", + "def stop_volume(name, force=False):\n", + "\n", + "def delete_volume(target, stop=True):\n", + "\n", + "def add_volume_bricks(name, bricks):\n", + "\n", + "def set_quota_volume(name, path, size, enable_quota=False):\n", + "\n", + "def unset_quota_volume(name, path):\n", + "\n", + "def list_quota_volume(name):\n", + "\n", + "def get_op_version(name):\n", + "\n", + "def get_max_op_version():\n", + "\n", + "def set_op_version(version):\n", + "\n", + "def _check_valid_version():\n", + "\n", + "def _construct_bower_command(bower_command):\n", + "\n", + "def install(pkg,\n", + "\n", + "def default_config():\n", + "\n", + "def show(config_file=False):\n", + "\n", + "def assign(name, value):\n", + "\n", + "def persist(name, value, config=None):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _conv_name(x):\n", + "\n", + "def _to_dict(xmltree):\n", + "\n", + "def _to_full_dict(xmltree):\n", + "\n", + "def _no_op(name, **kwargs):\n", + "\n", + "def _get_state(inspect_results):\n", + "\n", + "def _docker_client(wrapped):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def _refresh_mine_cache(wrapped):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def _change_state(name, action, expected, *args, **kwargs):\n", + "\n", + "def _get_md5(name, path):\n", + "\n", + "def _get_exec_driver():\n", + "\n", + "def _get_top_level_images(imagedata, subset=None):\n", + "\n", + "def _scrub_links(links, name):\n", + "\n", + "def _size_fmt(num):\n", + "\n", + "def _client_wrapper(attr, *args, **kwargs):\n", + "\n", + "def _build_status(data, item):\n", + "\n", + "def _import_status(data, item, repo_name, repo_tag):\n", + "\n", + "def _pull_status(data, item):\n", + "\n", + " def _already_exists(id_):\n", + "\n", + " def _new_layer(id_):\n", + "\n", + "def _push_status(data, item):\n", + "\n", + "def _error_detail(data, item):\n", + "\n", + "def _get_create_kwargs(skip_translate=None,\n", + "\n", + "def compare_containers(first, second, ignore=None):\n", + "\n", + "def compare_container_networks(first, second):\n", + "\n", + " def _get_nets(data):\n", + "\n", + " def _check_ipconfig(ret, net_name, **kwargs):\n", + "\n", + "def compare_networks(first, second, ignore='Name,Id,Created,Containers'):\n", + "\n", + " def kvsort(x):\n", + "\n", + "def connected(name, verbose=False):\n", + "\n", + "def login(*registries):\n", + "\n", + "def depends(name):\n", + "\n", + "def diff(name):\n", + "\n", + "def exists(name):\n", + "\n", + "def history(name, quiet=False):\n", + "\n", + "def images(verbose=False, **kwargs):\n", + "\n", + "def inspect(name):\n", + "\n", + "def inspect_image(name):\n", + "\n", + "def list_containers(**kwargs):\n", + "\n", + "def list_tags():\n", + "\n", + "def resolve_image_id(name):\n", + "\n", + "def resolve_tag(name, **kwargs):\n", + "\n", + "def logs(name, **kwargs):\n", + "\n", + "def port(name, private_port=None):\n", + "\n", + "def ps_(filters=None, **kwargs):\n", + "\n", + "def state(name):\n", + "\n", + "def search(name, official=False, trusted=False):\n", + "\n", + "def top(name):\n", + "\n", + "def version():\n", + "\n", + "def create(image,\n", + "\n", + "def run_container(image,\n", + "\n", + " def _append_warning(ret, msg):\n", + "\n", + "def copy_from(name, source, dest, overwrite=False, makedirs=False):\n", + "\n", + "def copy_to(name,\n", + "\n", + "def export(name,\n", + "\n", + "def rm_(name, force=False, volumes=False, **kwargs):\n", + "\n", + "def rename(name, new_name):\n", + "\n", + "def build(path=None,\n", + "\n", + "def commit(name,\n", + "\n", + "def dangling(prune=False, force=False):\n", + "\n", + "def import_(source,\n", + "\n", + "def load(path, repository=None, tag=None):\n", + "\n", + "def layers(name):\n", + "\n", + "def pull(image,\n", + "\n", + "def push(image,\n", + "\n", + "def rmi(*names, **kwargs):\n", + "\n", + "def tag_(name, repository, tag='latest', force=False):\n", + "\n", + "def networks(names=None, ids=None):\n", + "\n", + "def create_network(name,\n", + "\n", + "def connect_container_to_network(container, net_id, **kwargs):\n", + "\n", + "def disconnect_container_from_network(container, network_id):\n", + "\n", + "def disconnect_all_containers_from_network(network_id):\n", + "\n", + "def create_volume(name, driver=None, driver_opts=None):\n", + "\n", + "def pause(name):\n", + "\n", + "def restart(name, timeout=10):\n", + "\n", + "def start_(name):\n", + "\n", + "def stop(name, timeout=None, **kwargs):\n", + "\n", + "def unpause(name):\n", + "\n", + "def wait(name, ignore_already_stopped=False, fail_on_exit_status=False):\n", + "\n", + "def prune(containers=False, networks=False, images=False,\n", + "\n", + "def _run(name,\n", + "\n", + "def _script(name,\n", + "\n", + " def _cleanup_tempfile(path):\n", + "\n", + "def script(name,\n", + "\n", + "def _prepare_trans_tar(name, sls_opts, mods=None,\n", + "\n", + "def _compile_state(sls_opts, mods=None):\n", + "\n", + "def call(name, function, *args, **kwargs):\n", + "\n", + "def apply_(name, mods=None, **kwargs):\n", + "\n", + "def sls(name, mods=None, **kwargs):\n", + "\n", + "def sls_build(repository,\n", + "\n", + "def _check(peers):\n", + "\n", + "def managed(name, peers=None, servers=None):\n", + "\n", + "def add_service(protocol=None, service_address=None, scheduler='wlc'):\n", + "\n", + "def present(name,\n", + "\n", + "def info(name):\n", + "\n", + "def set_change(name, change):\n", + "\n", + "def set_expire(name, expire):\n", + "\n", + "def set_password(name, password):\n", + "\n", + "def get(self, token):\n", + "\n", + "def on_message(self, message):\n", + "\n", + "def check_origin(self, origin):\n", + "\n", + "def on_message(self, message):\n", + "\n", + "def _get_supervisorctl_bin(bin_env):\n", + "\n", + "def _ctl_cmd(cmd, name, conf_file, bin_env):\n", + "\n", + "def start(name='all', user=None, conf_file=None, bin_env=None):\n", + "\n", + "def reread(user=None, conf_file=None, bin_env=None):\n", + "\n", + "def update(user=None, conf_file=None, bin_env=None, name=None):\n", + "\n", + "def status(name=None, user=None, conf_file=None, bin_env=None):\n", + "\n", + "def status_raw(name=None, user=None, conf_file=None, bin_env=None):\n", + "\n", + "def custom(command, user=None, conf_file=None, bin_env=None):\n", + "\n", + "def _read_config(conf_file=None):\n", + "\n", + "def options(name, conf_file=None):\n", + "\n", + "def rotate(name, **kwargs):\n", + "\n", + "def remove(name, log_file=None):\n", + "\n", + "def add_rule(name,\n", + "\n", + "def delete_rule(name,\n", + "\n", + "def enabled(name='allprofiles'):\n", + "\n", + "def post_message(message,\n", + "\n", + "def post_event(event,\n", + "\n", + "def read_secret(path, key=None):\n", + "\n", + "def write_secret(path, **kwargs):\n", + "\n", + "def write_raw(path, raw):\n", + "\n", + "def present(name,\n", + "\n", + "def render(hjson_data, saltenv='base', sls='', **kws):\n", + "\n", + "def function_present(name, FunctionName, Runtime, Role, Handler, ZipFile=None,\n", + "\n", + "def alias_present(name, FunctionName, Name, FunctionVersion, Description='',\n", + "\n", + "def event_source_mapping_present(name, EventSourceArn, FunctionName,\n", + "\n", + "def event_source_mapping_absent(name, EventSourceArn, FunctionName,\n", + "\n", + "def list_balancers(profile, **libcloud_kwargs):\n", + "\n", + "def list_protocols(profile, **libcloud_kwargs):\n", + "\n", + "def create_balancer(name, port, protocol, profile, algorithm=None, members=None, **libcloud_kwargs):\n", + "\n", + "def destroy_balancer(balancer_id, profile, **libcloud_kwargs):\n", + "\n", + "def get_balancer_by_name(name, profile, **libcloud_kwargs):\n", + "\n", + "def balancer_attach_member(balancer_id, ip, port, profile, extra=None, **libcloud_kwargs):\n", + "\n", + "def balancer_detach_member(balancer_id, member_id, profile, **libcloud_kwargs):\n", + "\n", + "def list_balancer_members(balancer_id, profile, **libcloud_kwargs):\n", + "\n", + "def extra(method, profile, **libcloud_kwargs):\n", + "\n", + "def install(name, link, path, priority):\n", + "\n", + "def remove(name, path):\n", + "\n", + "def auto(name):\n", + "\n", + "def set_(name, path):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, orgname=None, profile='grafana'):\n", + "\n", + "def load_name(self, load):\n", + "\n", + "def __auth_call(self, load):\n", + "\n", + "def time_auth(self, load):\n", + "\n", + "def __get_acl(self, load):\n", + "\n", + "def __process_acl(self, load, auth_list):\n", + "\n", + "def get_groups(self, load):\n", + "\n", + "def _allow_custom_expire(self, load):\n", + "\n", + "def mk_token(self, load):\n", + "\n", + "def get_tok(self, tok):\n", + "\n", + "def rm_token(self, tok):\n", + "\n", + "def authenticate_token(self, load):\n", + "\n", + "def authenticate_eauth(self, load):\n", + "\n", + "def authenticate_key(self, load, key):\n", + "\n", + "def get_auth_list(self, load, token=None):\n", + "\n", + "def check_authentication(self, load, auth_type, key=None, show_username=False):\n", + "\n", + "def auth_data(self):\n", + "\n", + "def token(self, adata, load):\n", + "\n", + "def eauth(self, adata, load):\n", + "\n", + "def rights_check(self, form, sub_auth, name, load, eauth=None):\n", + "\n", + "def rights(self, form, load):\n", + "\n", + "def cli(self, eauth):\n", + "\n", + "def token_cli(self, eauth, load):\n", + "\n", + "def get_token(self, token):\n", + "\n", + "def list_topics(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_topic(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def topic_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_topic(Name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_topic(TopicArn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_topic_attributes(TopicArn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def set_topic_attributes(TopicArn, AttributeName, AttributeValue, region=None, key=None, keyid=None,\n", + "\n", + "def list_subscriptions_by_topic(TopicArn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_subscription_attributes(SubscriptionArn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def subscribe(TopicArn=None, Protocol=None, Endpoint=None,\n", + "\n", + "def unsubscribe(SubscriptionArn, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def needs_reboot():\n", + "\n", + "def list(self):\n", + "\n", + "def summary(self):\n", + "\n", + "def updates(self):\n", + "\n", + "def refresh(self):\n", + "\n", + "def available(self,\n", + "\n", + "def search(self, search_string):\n", + "\n", + "def download(self, updates):\n", + "\n", + "def install(self, updates):\n", + "\n", + "def uninstall(self, updates):\n", + "\n", + "def _run(self, cmd):\n", + "\n", + "def render(yaml_data, saltenv='base', sls='', argline='', **kws):\n", + "\n", + " def _validate_data(data):\n", + "\n", + "def write(domain, key, value, type='string', user=None):\n", + "\n", + "def read(domain, key, user=None):\n", + "\n", + "def delete(domain, key, user=None):\n", + "\n", + "def computer_desc(name):\n", + "\n", + "def computer_name(name):\n", + "\n", + "def hostname(name):\n", + "\n", + "def workgroup(name):\n", + "\n", + "def join_domain(name,\n", + "\n", + "def reboot(name, message=None, timeout=5, force_close=True, in_seconds=False,\n", + "\n", + "def shutdown(name, message=None, timeout=5, force_close=True, reboot=False,\n", + "\n", + "def post_message(name,\n", + "\n", + "def _parse_btrfs_info(data):\n", + "\n", + "def info(device):\n", + "\n", + "def devices():\n", + "\n", + "def _defragment_mountpoint(mountpoint):\n", + "\n", + "def defragment(path):\n", + "\n", + "def features():\n", + "\n", + "def _usage_overall(raw):\n", + "\n", + "def _usage_specific(raw):\n", + "\n", + "def _usage_unallocated(raw):\n", + "\n", + "def usage(path):\n", + "\n", + "def mkfs(*devices, **kwargs):\n", + "\n", + "def resize(mountpoint, size):\n", + "\n", + "def convert(device, permanent=False, keeplf=False):\n", + "\n", + "def _restripe(mountpoint, direction, *devices, **kwargs):\n", + "\n", + "def _parse_proplist(data):\n", + "\n", + "def properties(obj, type=None, set=None):\n", + "\n", + "def subvolume_create(name, dest=None, qgroupids=None):\n", + "\n", + "def subvolume_delete(name=None, names=None, commit=None):\n", + "\n", + "def subvolume_find_new(name, last_gen):\n", + "\n", + "def subvolume_get_default(path):\n", + "\n", + "def _pop(line, key, use_rest):\n", + "\n", + "def subvolume_list(path, parent_id=False, absolute=False,\n", + "\n", + "def subvolume_set_default(subvolid, path):\n", + "\n", + "def subvolume_show(path):\n", + "\n", + "def subvolume_snapshot(source, dest=None, name=None, read_only=False):\n", + "\n", + "def subvolume_sync(path, subvolids=None, sleep=None):\n", + "\n", + "def add(name,\n", + "\n", + "def update(name,\n", + "\n", + "def delete(name,\n", + "\n", + "def getUserSid(username):\n", + "\n", + "def addgroup(name, group):\n", + "\n", + "def chhome(name, home, **kwargs):\n", + "\n", + "def chgroups(name, groups, append=True):\n", + "\n", + "def info(name):\n", + "\n", + "def _get_userprofile_from_registry(user, sid):\n", + "\n", + "def list_groups(name):\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def list_users():\n", + "\n", + "def rename(name, new_name):\n", + "\n", + "def current(sam=False):\n", + "\n", + "def mac(addr):\n", + "\n", + "def __ip_addr(addr, address_family=socket.AF_INET):\n", + "\n", + "def netmask(mask):\n", + "\n", + "def _connect(host=DEFAULT_HOST, port=DEFAULT_PORT):\n", + "\n", + "def status(host=DEFAULT_HOST, port=DEFAULT_PORT):\n", + "\n", + "def get(key, host=DEFAULT_HOST, port=DEFAULT_PORT):\n", + "\n", + "def set_(key,\n", + "\n", + "def delete(key,\n", + "\n", + "def replace(key,\n", + "\n", + "def increment(key, delta=1, host=DEFAULT_HOST, port=DEFAULT_PORT):\n", + "\n", + "def _publish(tgt,\n", + "\n", + "def publish(tgt,\n", + "\n", + "def runner(fun, arg=None, timeout=5):\n", + "\n", + "def create(self, qname):\n", + "\n", + "def delete(self, qname):\n", + "\n", + "def exists(self, qname):\n", + "\n", + "def show(self, qname):\n", + "\n", + "def _get_dirs(user_dir, startup_dir):\n", + "\n", + "def list_():\n", + "\n", + "def export(name,\n", + "\n", + "def dirty(name,\n", + "\n", + "def ext_pillar(minion_id, pillar, *args, **kwargs):\n", + "\n", + "def container_present(name, profile):\n", + "\n", + "def object_present(container, name, path, profile):\n", + "\n", + "def object_absent(container, name, profile):\n", + "\n", + "def file_present(container, name, path, profile, overwrite_existing=False):\n", + "\n", + "def init(opts=None):\n", + "\n", + "def grains(**kwargs):\n", + "\n", + "def sendline(command, method='cli_show_ascii', **kwargs):\n", + "\n", + "def proxy_config(commands, **kwargs):\n", + "\n", + "def _init_ssh(opts):\n", + "\n", + "def _parse_output_for_errors(data, command, **kwargs):\n", + "\n", + "def _init_nxapi(opts):\n", + "\n", + "def _nxapi_request(commands, method='cli_conf', **kwargs):\n", + "\n", + "def availability_set_delete(name, resource_group, **kwargs):\n", + "\n", + "def availability_set_get(name, resource_group, **kwargs):\n", + "\n", + "def availability_sets_list(resource_group, **kwargs):\n", + "\n", + "def virtual_machine_capture(name, destination_name, resource_group, prefix='capture-', overwrite=False, **kwargs):\n", + "\n", + "def virtual_machine_get(name, resource_group, **kwargs):\n", + "\n", + "def virtual_machine_generalize(name, resource_group, **kwargs):\n", + "\n", + "def virtual_machines_list(resource_group, **kwargs):\n", + "\n", + "def virtual_machines_list_all(**kwargs):\n", + "\n", + "def mksls(src, dst=None):\n", + "\n", + "def get_color_theme(theme):\n", + "\n", + "def get_colors(use=True, theme=None):\n", + "\n", + "def present(name, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def _get_config(**kwargs):\n", + "\n", + "def read_file(name):\n", + "\n", + "def render(jinja_template_text=None, jinja_template_function='highstate_doc.markdown_default_jinja_template', **kwargs):\n", + "\n", + "def proccess_lowstates(**kwargs):\n", + "\n", + "def _state_data_to_yaml_string(data, whitelist=None, blacklist=None):\n", + "\n", + "def _format_markdown_requisite(state, stateid, makelink=True):\n", + "\n", + "def proccesser_markdown(lowstate_item, config, **kwargs):\n", + "\n", + "def os_version_info_ex():\n", + "\n", + " def __init__(self, *args, **kwds):\n", + "\n", + "def get_join_info():\n", + "\n", + "def _dscl(cmd, ctype='create'):\n", + "\n", + "def add(name,\n", + "\n", + "def delete(name, remove=False, force=False):\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def chuid(name, uid):\n", + "\n", + "def chgid(name, gid):\n", + "\n", + "def chshell(name, shell):\n", + "\n", + "def chhome(name, home, **kwargs):\n", + "\n", + "def chfullname(name, fullname):\n", + "\n", + "def chgroups(name, groups, append=False):\n", + "\n", + "def _format_info(data):\n", + "\n", + "def list_groups(name):\n", + "\n", + "def rename(name, new_name):\n", + "\n", + "def get_auto_login():\n", + "\n", + "def _kcpassword(password):\n", + "\n", + "def enable_auto_login(name, password):\n", + "\n", + "def disable_auto_login():\n", + "\n", + "def __apf_cmd(cmd):\n", + "\n", + "def _status_apf():\n", + "\n", + "def did_composer_install(dir):\n", + "\n", + "def _run_composer(action,\n", + "\n", + "def install(directory,\n", + "\n", + "def selfupdate(composer=None,\n", + "\n", + "def sync_all(saltenv='base', extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def sync_auth(saltenv='base', extmod_whitelist=None, extmod_blacklist=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def avail_projects(call=None):\n", + "\n", + "def _wait_for_status(status_type, object_id, status=None, timeout=500, quiet=True):\n", + "\n", + "def create(vm_):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def list_nodes_min(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def beacon(config):\n", + "\n", + " def things():\n", + "\n", + "def absent(name, user=None, signal=None):\n", + "\n", + "def ext_pillar(minion_id, pillar, *args, **kwargs):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def _check_current_value(gnome_kwargs, value):\n", + "\n", + "def _do(name, gnome_kwargs, preferences):\n", + "\n", + "def wm_preferences(name,\n", + "\n", + "def desktop_lockdown(name,\n", + "\n", + "def desktop_interface(name,\n", + "\n", + "def deserialize(stream_or_string, **options):\n", + "\n", + "def serialize(obj, **options):\n", + "\n", + "def render(template_file, saltenv='base', sls='', context=None, tmplpath=None, **kws):\n", + "\n", + "def init(opts):\n", + "\n", + "def _grains(host, user, password):\n", + "\n", + "def find_credentials():\n", + "\n", + "def chconfig(cmd, *args, **kwargs):\n", + "\n", + "def ping():\n", + "\n", + "def store(bank, key, data):\n", + "\n", + "def fetch(bank, key):\n", + "\n", + "def flush(bank, key=None):\n", + "\n", + "def list_(bank):\n", + "\n", + "def contains(bank, key):\n", + "\n", + "def set_pixel(x, y, color):\n", + "\n", + "def show_message(message, msg_type=None,\n", + "\n", + "def show_letter(letter, text_color=None, back_color=None):\n", + "\n", + "def _add(app, endpoint, payload):\n", + "\n", + "def slugify(value):\n", + "\n", + "def _get(app, endpoint, id=None, auth_required=False, **kwargs):\n", + "\n", + "def filter_(app, endpoint, **kwargs):\n", + "\n", + "def get_(app, endpoint, id=None, **kwargs):\n", + "\n", + "def create_manufacturer(name):\n", + "\n", + "def create_device_type(model, manufacturer):\n", + "\n", + "def create_device_role(role, color):\n", + "\n", + "def create_platform(platform):\n", + "\n", + "def create_site(site):\n", + "\n", + "def create_device(name,\n", + "\n", + "def update_device(name, **kwargs):\n", + "\n", + "def create_inventory_item(device_name,\n", + "\n", + "def delete_inventory_item(item_id):\n", + "\n", + "def create_interface_connection(interface_a, interface_b):\n", + "\n", + "def get_interfaces(device_name=None, **kwargs):\n", + "\n", + "def openconfig_interfaces(device_name=None):\n", + "\n", + "def openconfig_lacp(device_name=None):\n", + "\n", + "def create_interface(device_name,\n", + "\n", + "def update_interface(device_name, interface_name, **kwargs):\n", + "\n", + "def delete_interface(device_name, interface_name):\n", + "\n", + "def make_interface_child(device_name, interface_name, parent_name):\n", + "\n", + "def create_ipaddress(ip_address, family, device=None, interface=None):\n", + "\n", + "def delete_ipaddress(ipaddr_id):\n", + "\n", + "def create_circuit_provider(name, asn=None):\n", + "\n", + "def get_circuit_provider(name, asn=None):\n", + "\n", + "def create_circuit_type(name):\n", + "\n", + "def create_circuit(name, provider_id, circuit_type, description=None):\n", + "\n", + "def create_circuit_termination(circuit, interface, device, speed, xconnect_id=None, term_side='A'):\n", + "\n", + "def _cfg(key, default=None):\n", + "\n", + "def _session():\n", + "\n", + "def _api_decrypt():\n", + "\n", + "def _plaintext_data_key():\n", + "\n", + "def _decrypt_ciphertext(cipher, translate_newlines=False):\n", + "\n", + "def _decrypt_object(obj, translate_newlines=False):\n", + "\n", + "def _serial_sanitizer(instr):\n", + "\n", + "def get(key, default='', delimiter=DEFAULT_TARGET_DELIM, ordered=True):\n", + "\n", + "def has_value(key):\n", + "\n", + "def items(sanitize=False):\n", + "\n", + "def item(*args, **kwargs):\n", + "\n", + "def setvals(grains, destructive=False):\n", + "\n", + "def append(key, val, convert=False, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def remove(key, val, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def filter_by(lookup_dict, grain='os_family', merge=None, default='default', base=None):\n", + "\n", + "def _dict_from_path(path, val, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def get_or_set_hash(name,\n", + "\n", + "def set(key,\n", + "\n", + "def equals(key, value):\n", + "\n", + "def _get_xapi_session():\n", + "\n", + "def _get_xtool():\n", + "\n", + "def _get_label_uuid(xapi, rectype, label):\n", + "\n", + "def _get_record_by_label(xapi, rectype, label):\n", + "\n", + "def _get_metrics_record(xapi, rectype, record):\n", + "\n", + "def _get_val(record, keys):\n", + "\n", + "def list_domains():\n", + "\n", + "def vm_info(vm_=None):\n", + "\n", + " def _info(vm_):\n", + "\n", + "def vm_state(vm_=None):\n", + "\n", + "def node_info():\n", + "\n", + " def getCpuMhz():\n", + "\n", + " def getCpuFeatures():\n", + "\n", + " def getFreeCpuCount():\n", + "\n", + "def get_nics(vm_):\n", + "\n", + "def get_macs(vm_):\n", + "\n", + "def get_disks(vm_):\n", + "\n", + "def setmem(vm_, memory):\n", + "\n", + "def setvcpus(vm_, vcpus):\n", + "\n", + "def vcpu_pin(vm_, vcpu, cpus):\n", + "\n", + " def cpu_make_map(cpulist):\n", + "\n", + "def shutdown(vm_):\n", + "\n", + "def pause(vm_):\n", + "\n", + "def resume(vm_):\n", + "\n", + "def reboot(vm_):\n", + "\n", + "def reset(vm_):\n", + "\n", + "def migrate(vm_, target,\n", + "\n", + "def stop(vm_):\n", + "\n", + "def is_hyper():\n", + "\n", + "def vm_cputime(vm_=None):\n", + "\n", + " def _info(vm_):\n", + "\n", + "def vm_netstats(vm_=None):\n", + "\n", + " def _info(vm_):\n", + "\n", + "def vm_diskstats(vm_=None):\n", + "\n", + " def _info(vm_):\n", + "\n", + "def _clean_message(message):\n", + "\n", + "def _parse_value(value):\n", + "\n", + "def _sanitize_value(value):\n", + "\n", + "def _dump_cfg(cfg_file):\n", + "\n", + "def create(zone, brand, zonepath, force=False):\n", + "\n", + "def create_from_template(zone, template):\n", + "\n", + "def delete(zone):\n", + "\n", + "def export(zone, path=None):\n", + "\n", + "def import_(zone, path):\n", + "\n", + "def _property(methode, zone, key, value):\n", + "\n", + "def _resource(methode, zone, resource_type, resource_selector, **kwargs):\n", + "\n", + "def update_resource(zone, resource_type, resource_selector, **kwargs):\n", + "\n", + "def remove_resource(zone, resource_type, resource_key, resource_value):\n", + "\n", + "def info(zone, show_all=False):\n", + "\n", + "def verify_hash_type(self):\n", + "\n", + "def environment_failure(self, error):\n", + "\n", + "def prepare(self):\n", + "\n", + "def start(self):\n", + "\n", + "def shutdown(self, exitcode=0, exitmsg=None):\n", + "\n", + "def prepare(self):\n", + "\n", + "def start(self):\n", + "\n", + "def call(self, cleanup_protecteds):\n", + "\n", + "def shutdown(self, exitcode=0, exitmsg=None):\n", + "\n", + "def prepare(self):\n", + "\n", + "def start(self):\n", + "\n", + "def shutdown(self, exitcode=0, exitmsg=None):\n", + "\n", + "def prepare(self):\n", + "\n", + "def start(self):\n", + "\n", + "def shutdown(self, exitcode=0, exitmsg=None):\n", + "\n", + "def __execute_cmd(command):\n", + "\n", + "def nameservers(*ns):\n", + "\n", + "def syslog(server, enable=True):\n", + "\n", + "def list_users():\n", + "\n", + "def delete_user(username, uid=None):\n", + "\n", + "def change_password(username, password, uid=None):\n", + "\n", + "def create_user(username, password, permissions, users=None):\n", + "\n", + "def set_permissions(username, permissions, uid=None):\n", + "\n", + "def server_pxe():\n", + "\n", + "def _get_mtime():\n", + "\n", + "def _get_checksum():\n", + "\n", + "def posttrans_hook(conduit):\n", + "\n", + "def _parse_master(path=MASTER_CF):\n", + "\n", + "def set_master(service,\n", + "\n", + "def _format_master(service,\n", + "\n", + "def _parse_main(path=MAIN_CF):\n", + "\n", + "def set_main(key, value, path=MAIN_CF):\n", + "\n", + "def _write_conf(conf, path=MAIN_CF):\n", + "\n", + "def show_queue():\n", + "\n", + "def delete(queue_id):\n", + "\n", + "def collection_get_options(collection_name, **kwargs):\n", + "\n", + "def collection_set_options(collection_name, options, **kwargs):\n", + "\n", + "def list(keystore, passphrase, alias=None, return_cert=False):\n", + "\n", + "def add(name, keystore, passphrase, certificate, private_key=None):\n", + "\n", + "def remove(name, keystore, passphrase):\n", + "\n", + "def store(bank, key, data, cachedir):\n", + "\n", + "def fetch(bank, key, cachedir):\n", + "\n", + "def updated(bank, key, cachedir):\n", + "\n", + "def flush(bank, key=None, cachedir=None):\n", + "\n", + "def list_(bank, cachedir):\n", + "\n", + "def contains(bank, key, cachedir):\n", + "\n", + "def key_exists(hive, key, use_32bit_registry=False):\n", + "\n", + "def value_exists(hive, key, vname, use_32bit_registry=False):\n", + "\n", + "def broadcast_change():\n", + "\n", + "def list_keys(hive, key=None, use_32bit_registry=False):\n", + "\n", + "def list_values(hive, key=None, use_32bit_registry=False, include_default=True):\n", + "\n", + "def read_value(hive, key, vname=None, use_32bit_registry=False):\n", + "\n", + "def set_value(hive,\n", + "\n", + "def cast_vdata(vdata=None, vtype='REG_SZ'):\n", + "\n", + "def delete_key_recursive(hive, key, use_32bit_registry=False):\n", + "\n", + " def _subkeys(_key):\n", + "\n", + " def _traverse_registry_tree(_hkey, _keypath, _ret, _access_mask):\n", + "\n", + "def delete_value(hive, key, vname=None, use_32bit_registry=False):\n", + "\n", + "def atq(tag=None):\n", + "\n", + "def atrm(*args):\n", + "\n", + "def atc(jobid):\n", + "\n", + "def _refine_enc(enc):\n", + "\n", + "def _format_auth_line(key, enc, comment, options):\n", + "\n", + "def _expand_authorized_keys_path(path, user, home):\n", + "\n", + "def _get_config_file(user, config):\n", + "\n", + "def _validate_keys(key_file, fingerprint_hash_type):\n", + "\n", + "def _fingerprint(public_key, fingerprint_hash_type):\n", + "\n", + "def host_keys(keydir=None, private=True, certs=True):\n", + "\n", + "def auth_keys(user=None,\n", + "\n", + "def check_key_file(user,\n", + "\n", + "def check_key(user,\n", + "\n", + "def rm_auth_key_from_file(user,\n", + "\n", + "def rm_auth_key(user,\n", + "\n", + "def set_auth_key_from_file(user,\n", + "\n", + "def _get_matched_host_line_numbers(lines, enc):\n", + "\n", + "def _parse_openssh_output(lines, fingerprint_hash_type=None):\n", + "\n", + "def get_known_host_entries(user,\n", + "\n", + "def recv_known_host_entries(hostname,\n", + "\n", + "def check_known_host(user=None, hostname=None, key=None, fingerprint=None,\n", + "\n", + "def rm_known_host(user=None, hostname=None, config=None, port=None):\n", + "\n", + "def set_known_host(user=None,\n", + "\n", + "def _option(value):\n", + "\n", + "def get_connection(service, module=None, region=None, key=None, keyid=None,\n", + "\n", + "def get_region(service, region, profile):\n", + "\n", + "def assign_funcs(modname, service, module=None,\n", + "\n", + "def paged_call(function, *args, **kwargs):\n", + "\n", + "def _normalize_dir(string_):\n", + "\n", + "def get_path():\n", + "\n", + "def exists(path):\n", + "\n", + "def add(path, index=None, **kwargs):\n", + "\n", + " def _check_path(dirs, path, index):\n", + "\n", + "def remove(path, **kwargs):\n", + "\n", + " def _check_path(dirs, path):\n", + "\n", + "def output(ret, **kwargs):\n", + "\n", + "def ustring(self,\n", + "\n", + "def wrap_onspace(self, text):\n", + "\n", + " def _truncate(line, word):\n", + "\n", + "def prepare_rows(self,\n", + "\n", + " def row_wrapper(row):\n", + "\n", + "def display_rows(self,\n", + "\n", + "def display(self,\n", + "\n", + "def _absent(name, dataset_type, force=False, recursive=False, recursive_all=False):\n", + "\n", + "def filesystem_absent(name, force=False, recursive=False):\n", + "\n", + "def snapshot_absent(name, force=False, recursive=False, recursive_all=False):\n", + "\n", + "def hold_absent(name, snapshot, recursive=False):\n", + "\n", + "def _dataset_present(dataset_type, name, volume_size=None, sparse=False, create_parent=False, properties=None, cloned_from=None):\n", + "\n", + "def filesystem_present(name, create_parent=False, properties=None, cloned_from=None):\n", + "\n", + "def volume_present(name, volume_size, sparse=False, create_parent=False, properties=None, cloned_from=None):\n", + "\n", + "def bookmark_present(name, snapshot):\n", + "\n", + "def snapshot_present(name, recursive=False, properties=None):\n", + "\n", + "def promoted(name):\n", + "\n", + "def _schedule_snapshot_retrieve(dataset, prefix, snapshots):\n", + "\n", + "def _schedule_snapshot_prepare(dataset, prefix, snapshots):\n", + "\n", + "def scheduled_snapshot(name, prefix, recursive=True, schedule=None):\n", + "\n", + "def _getUserSid(user):\n", + "\n", + "def _get_dacl(path, objectType):\n", + "\n", + "def get(path, objectType, user=None):\n", + "\n", + "def add_ace(path, objectType, user, permission, acetype, propagation):\n", + "\n", + "def rm_ace(path, objectType, user, permission=None, acetype=None, propagation=None):\n", + "\n", + "def _ace_to_text(ace, objectType):\n", + "\n", + "def _set_dacl_inheritance(path, objectType, inheritance=True, copy=True, clear=False):\n", + "\n", + "def enable_inheritance(path, objectType, clear=False):\n", + "\n", + "def disable_inheritance(path, objectType, copy=True):\n", + "\n", + "def check_inheritance(path, objectType, user=None):\n", + "\n", + "def check_ace(path, objectType, user, permission=None, acetype=None, propagation=None, exactPermissionMatch=False):\n", + "\n", + "def getObjectTypeBit(self, t):\n", + "\n", + "def getSecurityHkey(self, s):\n", + "\n", + "def getPermissionBit(self, t, m):\n", + "\n", + "def getPermissionText(self, t, m):\n", + "\n", + "def getAceTypeBit(self, t):\n", + "\n", + "def getAceTypeText(self, t):\n", + "\n", + "def getPropagationBit(self, t, p):\n", + "\n", + "def processPath(self, path, objectType):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None):\n", + "\n", + "def _determine_host(data, omit=''):\n", + "\n", + "def _find_vm(name, data, quiet=False):\n", + "\n", + "def query(host=None, quiet=False):\n", + "\n", + "def host_info(host=None):\n", + "\n", + "def vm_info(name, quiet=False):\n", + "\n", + "def reset(name):\n", + "\n", + "def purge(name, delete_key=True):\n", + "\n", + "def migrate(name, target=''):\n", + "\n", + "def install(cert,\n", + "\n", + "def uninstall(cert_name,\n", + "\n", + "def list_certs(keychain=\"/Library/Keychains/System.keychain\"):\n", + "\n", + "def get_friendly_name(cert, password):\n", + "\n", + "def get_default_keychain(user=None, domain=\"user\"):\n", + "\n", + "def set_default_keychain(keychain, domain=\"user\", user=None):\n", + "\n", + "def get_hash(name, password=None):\n", + "\n", + "def _parse_op(op):\n", + "\n", + "def _parse_ver(ver):\n", + "\n", + "def _check_ver(pyver, op, wanted):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def install(name=None, refresh=False, pkgs=None, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def set_(uri, value):\n", + "\n", + "def get_or_set_hash(uri,\n", + "\n", + "def _temp_exists(method, ip):\n", + "\n", + "def exists(method,\n", + "\n", + "def __csf_cmd(cmd):\n", + "\n", + "def _build_args(method, ip, comment):\n", + "\n", + "def _access_rule(method,\n", + "\n", + "def _csf_to_list(option):\n", + "\n", + "def _tmp_access_rule(method,\n", + "\n", + "def _build_tmp_access_args(method, ip, ttl, port, direction, comment):\n", + "\n", + "def tempallow(ip=None, ttl=None, port=None, direction=None, comment=''):\n", + "\n", + "def tempdeny(ip=None, ttl=None, port=None, direction=None, comment=''):\n", + "\n", + "def allow(ip,\n", + "\n", + "def deny(ip,\n", + "\n", + "def allow_ports(ports, proto='tcp', direction='in'):\n", + "\n", + "def get_ports(proto='tcp', direction='in'):\n", + "\n", + "def allow_port(port, proto='tcp', direction='both'):\n", + "\n", + "def _ssh_state(chunks, st_kwargs,\n", + "\n", + "def _set_retcode(ret, highstate=None):\n", + "\n", + "def _check_pillar(kwargs, pillar=None):\n", + "\n", + "def _wait(jid):\n", + "\n", + "def _merge_extra_filerefs(*args):\n", + "\n", + "def _cleanup_slsmod_high_data(high_data):\n", + "\n", + "def _parse_mods(mods):\n", + "\n", + "def sls(mods, saltenv='base', test=None, exclude=None, **kwargs):\n", + "\n", + "def running(concurrent=False):\n", + "\n", + "def _prior_running_states(jid):\n", + "\n", + "def _check_queue(queue, kwargs):\n", + "\n", + "def low(data, **kwargs):\n", + "\n", + "def request(mods=None,\n", + "\n", + "def clear_request(name=None):\n", + "\n", + "def run_request(name='default', **kwargs):\n", + "\n", + "def show_highstate(**kwargs):\n", + "\n", + "def show_lowstate(**kwargs):\n", + "\n", + "def sls_id(id_, mods, test=None, queue=False, **kwargs):\n", + "\n", + "def show_sls(mods, saltenv='base', test=None, **kwargs):\n", + "\n", + "def show_top(**kwargs):\n", + "\n", + "def single(fun, name, test=None, **kwargs):\n", + "\n", + "def _initialize_connection(api_key, app_key):\n", + "\n", + "def schedule_downtime(scope,\n", + "\n", + "def cancel_downtime(api_key=None,\n", + "\n", + "def post_event(api_key=None,\n", + "\n", + "def _get_version():\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def list_upgrades(refresh=True, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def install(name=None, refresh=False, fromrepo=None,\n", + "\n", + "def remove(name=None, pkgs=None, recursive=True, **kwargs):\n", + "\n", + "def list_repos(**kwargs):\n", + "\n", + "def _locate_repo_files(repo, rewrite=False):\n", + "\n", + "def add_repo(repo, conffile='/usr/share/xbps.d/15-saltstack.conf'):\n", + "\n", + "def del_repo(repo, **kwargs):\n", + "\n", + "def enabled(name):\n", + "\n", + "def set_peers(*peers, **options):\n", + "\n", + "def delete_servers(*servers, **options):\n", + "\n", + "def returner(ret):\n", + "\n", + " def utcoffset(self, dt):\n", + "\n", + " def tzname(self, dt):\n", + "\n", + " def dst(self, dt):\n", + "\n", + "def event_return(events):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def status(output=True, tgt='*', tgt_type='glob', timeout=None, gather_job_timeout=None):\n", + "\n", + "def key_regen():\n", + "\n", + "def down(removekeys=False, tgt='*', tgt_type='glob', timeout=None, gather_job_timeout=None):\n", + "\n", + "def list_state(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def list_not_state(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def present(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def not_present(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def joined(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def not_joined(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def allowed(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def not_allowed(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def alived(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def not_alived(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def reaped(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def not_reaped(subset=None, show_ip=False, show_ipv4=None):\n", + "\n", + "def safe_accept(target, tgt_type='glob'):\n", + "\n", + "def versions():\n", + "\n", + "def bootstrap(version='develop',\n", + "\n", + "def bootstrap_psexec(hosts='', master=None, version=None, arch='win32',\n", + "\n", + "def _available_services():\n", + "\n", + "def _service_by_name(name):\n", + "\n", + "def get_all():\n", + "\n", + "def status(name, runas=None):\n", + "\n", + "def start(job_label, runas=None):\n", + "\n", + "def restart(job_label, runas=None):\n", + "\n", + "def enabled(job_label, runas=None):\n", + "\n", + "def _get_api_params(api_url=None,\n", + "\n", + "def _get_url(method,\n", + "\n", + "def _http_request(url,\n", + "\n", + "def send(message,\n", + "\n", + "def _send_command(cmd,\n", + "\n", + "def _worker_status(target,\n", + "\n", + "def _talk2modjk(name, lbn, target, action, profile='default', tgt_type='glob'):\n", + "\n", + "def stop(name, lbn, target, profile='default', tgt_type='glob'):\n", + "\n", + "def activate(name, lbn, target, profile='default', tgt_type='glob'):\n", + "\n", + "def disable(name, lbn, target, profile='default', tgt_type='glob'):\n", + "\n", + "def _search(prefix=\"latest/\"):\n", + "\n", + "def has_value(key):\n", + "\n", + "def item(*args, **kwargs):\n", + "\n", + "def filter_by(lookup_dict,\n", + "\n", + "def present(name, cidr_block, instance_tenancy=None, dns_support=None,\n", + "\n", + "def absent(name, tags=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def dhcp_options_present(name, dhcp_options_id=None, vpc_name=None, vpc_id=None,\n", + "\n", + "def dhcp_options_absent(name=None, dhcp_options_id=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def subnet_present(name, cidr_block, vpc_name=None, vpc_id=None,\n", + "\n", + "def _verify_subnet_association(route_table_desc, subnet_id):\n", + "\n", + "def subnet_absent(name=None, subnet_id=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def internet_gateway_present(name, vpc_name=None, vpc_id=None,\n", + "\n", + "def internet_gateway_absent(name, detach=False, region=None,\n", + "\n", + "def route_table_present(name, vpc_name=None, vpc_id=None, routes=None,\n", + "\n", + "def route_table_absent(name, region=None,\n", + "\n", + "def nat_gateway_present(name, subnet_name=None, subnet_id=None,\n", + "\n", + "def nat_gateway_absent(name=None, subnet_name=None, subnet_id=None,\n", + "\n", + "def accept_vpc_peering_connection(name=None, conn_id=None, conn_name=None,\n", + "\n", + "def request_vpc_peering_connection(name, requester_vpc_id=None, requester_vpc_name=None,\n", + "\n", + "def vpc_peering_connection_present(name, requester_vpc_id=None, requester_vpc_name=None,\n", + "\n", + "def delete_vpc_peering_connection(name, conn_id=None, conn_name=None,\n", + "\n", + "def zap(target=None, **kwargs):\n", + "\n", + "def create_vs(lb, name, ip, port, protocol, profile, pool_name):\n", + "\n", + "def create_pool(lb, name, method='ROUND_ROBIN'):\n", + "\n", + "def add_pool_member(lb, name, port, pool_name):\n", + "\n", + "def check_pool(lb, name):\n", + "\n", + "def check_member_pool(lb, member, pool_name):\n", + "\n", + "def _connect(self):\n", + "\n", + "def create_vs(self, name, ip, port, protocol, profile, pool_name):\n", + "\n", + "def create_pool(self, name, method='ROUND_ROBIN'):\n", + "\n", + "def add_pool_member(self, name, port, pool_name):\n", + "\n", + "def check_pool(self, name):\n", + "\n", + "def check_virtualserver(self, name):\n", + "\n", + "def check_member_pool(self, member, pool_name):\n", + "\n", + "def lbmethods(self):\n", + "\n", + "def get_conn(service='SoftLayer_Virtual_Guest'):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def list_custom_images(call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + " def wait_for_ip():\n", + "\n", + " def get_credentials():\n", + "\n", + "def list_nodes_full(mask='mask[id]', call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def new_set(set=None, set_type=None, family='ipv4', comment=False, **kwargs):\n", + "\n", + "def delete_set(set=None, family='ipv4'):\n", + "\n", + "def rename_set(set=None, new_set=None, family='ipv4'):\n", + "\n", + "def list_sets(family='ipv4'):\n", + "\n", + "def check_set(set=None, family='ipv4'):\n", + "\n", + "def add(setname=None, entry=None, family='ipv4', **kwargs):\n", + "\n", + "def check(set=None, entry=None, family='ipv4'):\n", + "\n", + "def flush(set=None, family='ipv4'):\n", + "\n", + "def _find_set_members(set):\n", + "\n", + "def _find_set_info(set):\n", + "\n", + "def query(url, output=True, **kwargs):\n", + "\n", + "def update_ca_bundle(target=None, source=None, merge_files=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, profile='grafana'):\n", + "\n", + "def create(name, profile):\n", + "\n", + "def present(name,\n", + "\n", + "def profile_list(default_only=False):\n", + "\n", + "def profile_get(user, default_hidden=True):\n", + "\n", + "def profile_add(user, profile):\n", + "\n", + "def role_list():\n", + "\n", + "def role_get(user):\n", + "\n", + "def role_add(user, role):\n", + "\n", + "def auth_list():\n", + "\n", + "def auth_get(user, computed=True):\n", + "\n", + "def auth_add(user, auth):\n", + "\n", + "def term(name,\n", + "\n", + "def get_sys():\n", + "\n", + "def set_sys(layout):\n", + "\n", + "def get_x():\n", + "\n", + "def secure_password(length=20, use_random=True):\n", + "\n", + "def gen_hash(crypt_salt=None, password=None, algorithm='sha512'):\n", + "\n", + "def _get_hash():\n", + "\n", + "def execute(opts, data, func, args, kwargs):\n", + "\n", + "def absent(name):\n", + "\n", + "def present(name, definition=None):\n", + "\n", + "def _cmd(jail=None):\n", + "\n", + "def _get_jail_path(jail):\n", + "\n", + "def _get_rcscript(name, jail=None):\n", + "\n", + "def _get_rcvar(name, jail=None):\n", + "\n", + "def get_enabled(jail=None):\n", + "\n", + "def get_disabled(jail=None):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def get_all(jail=None):\n", + "\n", + "def start(name, jail=None):\n", + "\n", + "def _python_installed(ret, python, user=None):\n", + "\n", + "def _check_and_install_python(ret, python, default=False, user=None):\n", + "\n", + "def installed(name, default=False, user=None):\n", + "\n", + "def _check_and_uninstall_python(ret, python, user=None):\n", + "\n", + "def absent(name, user=None):\n", + "\n", + "def install_pyenv(name, user=None):\n", + "\n", + "def send_msg(name,\n", + "\n", + "def get_selections(fetchempty=True):\n", + "\n", + "def set_(package, question, type, value, *extra):\n", + "\n", + "def set_template(path, template, context, defaults, saltenv='base', **kwargs):\n", + "\n", + "def set_file(path, saltenv='base', **kwargs):\n", + "\n", + "def prep_jid(nocache=False, passed_jid=None):\n", + "\n", + "def returner(load):\n", + "\n", + "def save_load(jid, clear_load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jids():\n", + "\n", + "def clean_old_jobs():\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None):\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def config(name, config):\n", + "\n", + "def running(name, restart=False, force=True):\n", + "\n", + "def present(name, template_body=None, template_url=None, parameters=None, notification_arns=None, disable_rollback=None,\n", + "\n", + "def absent(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def present(name, database, query, resample_time=None, coverage_period=None, **client_args):\n", + "\n", + "def system(name, utc=True):\n", + "\n", + "def _auth(profile=None, **kwargs):\n", + "\n", + "def boot(name, flavor_id=0, image_id=0, profile=None, timeout=300, **kwargs):\n", + "\n", + "def volume_list(search_opts=None, profile=None, **kwargs):\n", + "\n", + "def volume_show(name, profile=None, **kwargs):\n", + "\n", + "def volume_create(name, size=100, snapshot=None, voltype=None, profile=None, **kwargs):\n", + "\n", + "def volume_delete(name, profile=None, **kwargs):\n", + "\n", + "def volume_detach(name, profile=None, timeout=300, **kwargs):\n", + "\n", + "def volume_attach(name,\n", + "\n", + "def suspend(instance_id, profile=None, **kwargs):\n", + "\n", + "def resume(instance_id, profile=None, **kwargs):\n", + "\n", + "def lock(instance_id, profile=None, **kwargs):\n", + "\n", + "def delete(instance_id, profile=None, **kwargs):\n", + "\n", + "def flavor_list(profile=None, **kwargs):\n", + "\n", + "def flavor_access_list(flavor_id, profile=None, **kwargs):\n", + "\n", + "def flavor_access_add(flavor_id, project_id, profile=None, **kwargs):\n", + "\n", + "def flavor_access_remove(flavor_id, project_id, profile=None, **kwargs):\n", + "\n", + "def keypair_add(name, pubfile=None, pubkey=None, profile=None, **kwargs):\n", + "\n", + "def keypair_delete(name, profile=None, **kwargs):\n", + "\n", + "def image_list(name=None, profile=None, **kwargs):\n", + "\n", + "def image_meta_set(image_id=None,\n", + "\n", + "def server_show(server_id, profile=None, **kwargs):\n", + "\n", + "def secgroup_create(name, description, profile=None, **kwargs):\n", + "\n", + "def secgroup_delete(name, profile=None, **kwargs):\n", + "\n", + "def server_by_name(name, profile=None, **kwargs):\n", + "\n", + "def _get_root_object(models):\n", + "\n", + "def diff(candidate, running, *models):\n", + "\n", + "def parse(*models, **kwargs):\n", + "\n", + "def get_config(data, *models, **kwargs):\n", + "\n", + "def load_config(data, *models, **kwargs):\n", + "\n", + "def compliance_report(data, *models, **kwargs):\n", + "\n", + "def value_present(name, datastore, path, config):\n", + "\n", + "def managed(name, roles=None, profiles=None, authorizations=None):\n", + "\n", + "def pillar(tgt, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def data(tgt):\n", + "\n", + "def pcre(tgt, minion_id=None):\n", + "\n", + "def filter_by(lookup,\n", + "\n", + "def search_by(lookup, tgt_type='compound', minion_id=None):\n", + "\n", + "def _run_varnishadm(cmd, params=(), **kwargs):\n", + "\n", + "def version():\n", + "\n", + "def param_show(param=None):\n", + "\n", + "def _strip_dirty(xmltree):\n", + "\n", + "def init(opts):\n", + "\n", + "def call(payload=None):\n", + "\n", + "def is_required_version(required_version='0.0.0'):\n", + "\n", + "def grains():\n", + "\n", + "def _append_comment(ret, comment):\n", + "\n", + "def present(name, persist=False, mods=None):\n", + "\n", + "def absent(name, persist=False, comment=True, mods=None):\n", + "\n", + "def _do(name, fun, path=None):\n", + "\n", + "def _do_names(names, fun, path=None):\n", + "\n", + "def find_guest(name, quiet=False, path=None):\n", + "\n", + "def find_guests(names, path=None):\n", + "\n", + "def init(names, host=None, saltcloud_mode=False, quiet=False, **kwargs):\n", + "\n", + " def testping(**kw):\n", + "\n", + "def cloud_init(names, host=None, quiet=False, **kwargs):\n", + "\n", + "def _list_iter(host=None, path=None):\n", + "\n", + "def list_(host=None, quiet=False, path=None):\n", + "\n", + "def purge(name, delete_key=True, quiet=False, path=None):\n", + "\n", + "def start(name, quiet=False, path=None):\n", + "\n", + "def selinux_fs_path():\n", + "\n", + "def getenforce():\n", + "\n", + "def getconfig():\n", + "\n", + "def setenforce(mode):\n", + "\n", + "def setsebool(boolean, value, persist=False):\n", + "\n", + "def setsebools(pairs, persist=False):\n", + "\n", + "def list_sebool():\n", + "\n", + "def setsemod(module, state):\n", + "\n", + "def install_semod(module_path):\n", + "\n", + "def list_semod():\n", + "\n", + "def _parse_protocol_port(name, protocol, port):\n", + "\n", + "def _context_string_to_dict(context):\n", + "\n", + "def fcontext_get_policy(name, filetype=None, sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_add_policy(name, filetype=None, sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_delete_policy(name, filetype=None, sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_add_or_delete_policy(action, name, filetype=None, sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def _fcontext_add_or_delete_policy(action, name, filetype=None, sel_type=None, sel_user=None, sel_level=None):\n", + "\n", + "def fcontext_policy_is_applied(name, recursive=False):\n", + "\n", + "def fcontext_apply_policy(name, recursive=False):\n", + "\n", + "def port_get_policy(name, sel_type=None, protocol=None, port=None):\n", + "\n", + "def port_add_policy(name, sel_type=None, protocol=None, port=None, sel_range=None):\n", + "\n", + "def _port_add_or_delete_policy(action, name, sel_type=None, protocol=None, port=None, sel_range=None):\n", + "\n", + "def _get_conn(opts, profile=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def get_minions():\n", + "\n", + "def present(name, acl_type, acl_name='', perms='', recurse=False, force=False):\n", + "\n", + "def absent(name, acl_type, acl_name='', perms='', recurse=False):\n", + "\n", + "def list_present(name, acl_type, acl_names=None, perms='', recurse=False, force=False):\n", + "\n", + "def list_absent(name, acl_type, acl_names=None, recurse=False):\n", + "\n", + "def _get_object(objname, objtype):\n", + "\n", + "def _role_present(ret, IdentityPoolId, AuthenticatedRole, UnauthenticatedRole, conn_params):\n", + "\n", + "def pool_present(name,\n", + "\n", + "def pool_absent(name, IdentityPoolName, RemoveAllMatched=False,\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def running(opts):\n", + "\n", + "def cache_jobs(opts, jid, ret):\n", + "\n", + "def _read_proc_file(path, opts):\n", + "\n", + "def _check_cmdline(data):\n", + "\n", + "def _check_newline(prefix, file_name, keep_newline):\n", + "\n", + "def _construct_pillar(top_dir,\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _ext_pillar(minion_id,\n", + "\n", + "def present(name, timespec, tag=None, user=None, job=None, unique_tag=False):\n", + "\n", + "def absent(name, jobid=None, **kwargs):\n", + "\n", + "def watch(name, timespec, tag=None, user=None, job=None, unique_tag=False):\n", + "\n", + "def mod_watch(name, **kwargs):\n", + "\n", + "def _normalize_args(args):\n", + "\n", + "def _find_guids(guid_string):\n", + "\n", + "def prlsrvctl(sub_cmd, args=None, runas=None):\n", + "\n", + "def list_vms(name=None, info=False, all=False, args=None, runas=None, template=False):\n", + "\n", + "def clone(name, new_name, linked=False, template=False, runas=None):\n", + "\n", + "def delete(name, runas=None):\n", + "\n", + "def exists(name, runas=None):\n", + "\n", + "def start(name, runas=None):\n", + "\n", + "def stop(name, kill=False, runas=None):\n", + "\n", + "def restart(name, runas=None):\n", + "\n", + "def reset(name, runas=None):\n", + "\n", + "def status(name, runas=None):\n", + "\n", + "def exec_(name, command, runas=None):\n", + "\n", + "def snapshot_id_to_name(name, snap_id, strict=False, runas=None):\n", + "\n", + "def snapshot_name_to_id(name, snap_name, strict=False, runas=None):\n", + "\n", + "def _validate_snap_name(name, snap_name, strict=True, runas=None):\n", + "\n", + "def list_snapshots(name, snap_name=None, tree=False, names=False, runas=None):\n", + "\n", + "def snapshot(name, snap_name=None, desc=None, runas=None):\n", + "\n", + "def delete_snapshot(name, snap_name, runas=None, all=False):\n", + "\n", + "def revert_snapshot(name, snap_name, runas=None):\n", + "\n", + "def rpc(name, dest=None, **kwargs):\n", + "\n", + "def set_hostname(name, **kwargs):\n", + "\n", + "def commit(name, **kwargs):\n", + "\n", + "def rollback(name, **kwargs):\n", + "\n", + "def diff(name, **kwargs):\n", + "\n", + "def cli(name, format='text', **kwargs):\n", + "\n", + "def shutdown(name, **kwargs):\n", + "\n", + "def install_config(name, **kwargs):\n", + "\n", + "def install_os(name, **kwargs):\n", + "\n", + "def file_copy(name, dest=None, **kwargs):\n", + "\n", + "def load(name, **kwargs):\n", + "\n", + "def get_table(name, table, table_file, **kwargs):\n", + "\n", + "def mkfs(device, fs_type, **kwargs):\n", + "\n", + "def tune(device, **kwargs):\n", + "\n", + "def dump(device, args=None):\n", + "\n", + "def zmq_version():\n", + "\n", + "def lookup_family(hostname):\n", + "\n", + "def verify_socket(interface, pub_port, ret_port):\n", + "\n", + "def verify_files(files, user):\n", + "\n", + "def check_user(user):\n", + "\n", + "def list_path_traversal(path):\n", + "\n", + "def check_path_traversal(path, user='root', skip_perm_errors=False):\n", + "\n", + "def check_max_open_files(opts):\n", + "\n", + "def clean_path(root, path, subdir=False):\n", + "\n", + "def valid_id(opts, id_):\n", + "\n", + "def safe_py_code(code):\n", + "\n", + "def verify_log(opts):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def group_list():\n", + "\n", + "def group_info(name):\n", + "\n", + "def group_diff(name):\n", + "\n", + "def refresh_db(root=None, **kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def upgrade(refresh=False, root=None, **kwargs):\n", + "\n", + "def _uninstall(action='remove', name=None, pkgs=None, **kwargs):\n", + "\n", + "def file_list(*packages, **kwargs):\n", + "\n", + "def list_repo_pkgs(*args, **kwargs):\n", + "\n", + "def run(self):\n", + "\n", + "def extract_queries(self, args, kwargs):\n", + "\n", + "def enter_root(self, root):\n", + "\n", + "def process_fields(self, field_names, depth):\n", + "\n", + "def process_results(self, rows):\n", + "\n", + "def fetch(self,\n", + "\n", + "def _linux_brshow(br=None):\n", + "\n", + "def _linux_bradd(br):\n", + "\n", + "def _linux_brdel(br):\n", + "\n", + "def _linux_delif(br, iface):\n", + "\n", + "def _linux_stp(br, state):\n", + "\n", + "def _bsd_brshow(br=None):\n", + "\n", + "def _netbsd_brshow(br=None):\n", + "\n", + "def _bsd_bradd(br):\n", + "\n", + "def _bsd_brdel(br):\n", + "\n", + "def _bsd_addif(br, iface):\n", + "\n", + "def _bsd_stp(br, state, iface):\n", + "\n", + "def _os_dispatch(func, *args, **kwargs):\n", + "\n", + "def list_():\n", + "\n", + "def find_interfaces(*args):\n", + "\n", + "def stp(br=None, state='disable', iface=None):\n", + "\n", + "def content_check(self, result):\n", + "\n", + "def unify(self, result):\n", + "\n", + "def list_(path, **kwargs):\n", + "\n", + "def read(path, attribute, **kwargs):\n", + "\n", + "def delete(path, attribute):\n", + "\n", + "def clear(path):\n", + "\n", + "def _get_token():\n", + "\n", + "def _query(action=None,\n", + "\n", + "def query_item(name, query_string, order='Rank'):\n", + "\n", + "def show_item(name, id_):\n", + "\n", + "def update_item(name, id_, field=None, value=None, postdata=None):\n", + "\n", + "def text_(s, encoding='latin-1', errors='strict'):\n", + "\n", + "def ascii_native_(s):\n", + "\n", + "def native_(s, encoding='latin-1', errors='strict'):\n", + "\n", + "def _is_packed_binary(self, data):\n", + "\n", + "def _get_binding_info(host_header='', ip_address='*', port=80):\n", + "\n", + "def _list_certs(certificate_store='My'):\n", + "\n", + "def _srvmgr(cmd, return_json=False):\n", + "\n", + "def _collection_match_to_index(pspath, colfilter, name, match):\n", + "\n", + "def _prepare_settings(pspath, settings):\n", + "\n", + "def list_sites():\n", + "\n", + "def create_site(name, sourcepath, apppool='', hostheader='',\n", + "\n", + "def modify_site(name, sourcepath=None, apppool=None, preload=None):\n", + "\n", + "def remove_site(name):\n", + "\n", + "def stop_site(name):\n", + "\n", + "def start_site(name):\n", + "\n", + "def list_bindings(site):\n", + "\n", + "def create_binding(site, hostheader='', ipaddress='*', port=80, protocol='http',\n", + "\n", + "def modify_binding(site, binding, hostheader=None, ipaddress=None, port=None,\n", + "\n", + "def remove_binding(site, hostheader='', ipaddress='*', port=80):\n", + "\n", + "def list_cert_bindings(site):\n", + "\n", + "def create_cert_binding(name, site, hostheader='', ipaddress='*', port=443,\n", + "\n", + "def remove_cert_binding(name, site, hostheader='', ipaddress='*', port=443):\n", + "\n", + "def list_apppools():\n", + "\n", + "def create_apppool(name):\n", + "\n", + "def stop_apppool(name):\n", + "\n", + "def start_apppool(name):\n", + "\n", + "def restart_apppool(name):\n", + "\n", + "def get_container_setting(name, container, settings):\n", + "\n", + "def set_container_setting(name, container, settings):\n", + "\n", + "def list_apps(site):\n", + "\n", + "def create_app(name, site, sourcepath, apppool=None):\n", + "\n", + "def remove_app(name, site):\n", + "\n", + "def list_vdirs(site, app=_DEFAULT_APP):\n", + "\n", + "def create_vdir(name, site, sourcepath, app=_DEFAULT_APP):\n", + "\n", + "def remove_vdir(name, site, app=_DEFAULT_APP):\n", + "\n", + "def create_backup(name):\n", + "\n", + "def remove_backup(name):\n", + "\n", + "def list_worker_processes(apppool):\n", + "\n", + "def get_webapp_settings(name, site, settings):\n", + "\n", + "def set_webapp_settings(name, site, settings):\n", + "\n", + "def get_webconfiguration_settings(name, settings, location=''):\n", + "\n", + "def set_webconfiguration_settings(name, settings, location=''):\n", + "\n", + "def create(zone, name, ttl, rdtype, data, keyname, keyfile, nameserver,\n", + "\n", + "def add_host(zone, name, ttl, ip, keyname, keyfile, nameserver, timeout,\n", + "\n", + "def delete_host(zone, name, keyname, keyfile, nameserver, timeout, port=53,\n", + "\n", + "def combine_comments(comments):\n", + "\n", + "def strip_uri(repo):\n", + "\n", + "def _get_si():\n", + "\n", + "def _add_new_ide_controller_helper(ide_controller_label,\n", + "\n", + "def _valid_ip(ip_address):\n", + "\n", + "def _valid_ip6(ip_address):\n", + "\n", + "def _master_supports_ipv6():\n", + "\n", + "def _get_hba_type(hba_type):\n", + "\n", + "def get_vcenter_version(kwargs=None, call=None):\n", + "\n", + "def list_datacenters(kwargs=None, call=None):\n", + "\n", + "def list_portgroups(kwargs=None, call=None):\n", + "\n", + "def list_clusters(kwargs=None, call=None):\n", + "\n", + "def list_datastore_clusters(kwargs=None, call=None):\n", + "\n", + "def list_datastores(kwargs=None, call=None):\n", + "\n", + "def list_datastores_full(kwargs=None, call=None):\n", + "\n", + "def list_datastore_full(kwargs=None, call=None, datastore=None):\n", + "\n", + "def list_hosts(kwargs=None, call=None):\n", + "\n", + "def list_resourcepools(kwargs=None, call=None):\n", + "\n", + "def list_networks(kwargs=None, call=None):\n", + "\n", + "def list_nodes_min(kwargs=None, call=None):\n", + "\n", + "def list_nodes(kwargs=None, call=None):\n", + "\n", + "def list_nodes_select(call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def list_folders(kwargs=None, call=None):\n", + "\n", + "def list_snapshots(kwargs=None, call=None):\n", + "\n", + "def suspend(name, call=None):\n", + "\n", + "def reset(name, soft=False, call=None):\n", + "\n", + "def terminate(name, call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def handle_snapshot(config_spec, object_ref, reloc_spec, template, vm_):\n", + "\n", + "def get_clonespec_for_valid_snapshot(config_spec, object_ref, reloc_spec, template, vm_):\n", + "\n", + "def build_clonespec(config_spec, object_ref, reloc_spec, template):\n", + "\n", + "def create_datacenter(kwargs=None, call=None):\n", + "\n", + "def create_cluster(kwargs=None, call=None):\n", + "\n", + "def rescan_hba(kwargs=None, call=None):\n", + "\n", + "def upgrade_tools_all(call=None):\n", + "\n", + "def upgrade_tools(name, reboot=False, call=None):\n", + "\n", + "def list_hosts_by_cluster(kwargs=None, call=None):\n", + "\n", + "def list_clusters_by_datacenter(kwargs=None, call=None):\n", + "\n", + "def list_hbas(kwargs=None, call=None):\n", + "\n", + "def list_dvs(kwargs=None, call=None):\n", + "\n", + "def list_vapps(kwargs=None, call=None):\n", + "\n", + "def enter_maintenance_mode(kwargs=None, call=None):\n", + "\n", + "def create_folder(kwargs=None, call=None):\n", + "\n", + "def create_snapshot(name, kwargs=None, call=None):\n", + "\n", + "def revert_to_snapshot(name, kwargs=None, call=None):\n", + "\n", + "def remove_snapshot(name, kwargs=None, call=None):\n", + "\n", + "def remove_all_snapshots(name, kwargs=None, call=None):\n", + "\n", + "def convert_to_template(name, kwargs=None, call=None):\n", + "\n", + "def add_host(kwargs=None, call=None):\n", + "\n", + "def remove_host(kwargs=None, call=None):\n", + "\n", + "def connect_host(kwargs=None, call=None):\n", + "\n", + "def create_datastore_cluster(kwargs=None, call=None):\n", + "\n", + "def shutdown_host(kwargs=None, call=None):\n", + "\n", + "def present(name, value, hostid=None, **kwargs):\n", + "\n", + "def absent(name, hostid=None, **kwargs):\n", + "\n", + "def diff(*args, **kwargs):\n", + "\n", + "def _get_pool_results(*args, **kwargs):\n", + "\n", + "def downloaded(name, artifact, target_dir='/tmp', target_file=None, use_literal_group_id=False):\n", + "\n", + "def sync_all(name, **kwargs):\n", + "\n", + "def _query(api_version=None, data=None):\n", + "\n", + "def getUsage(api_key=None, api_version=None):\n", + "\n", + "def generateIntegers(api_key=None,\n", + "\n", + "def add(self, key):\n", + "\n", + "def index(self, key):\n", + "\n", + "def discard(self, key):\n", + "\n", + "def update(branch=None, repo=None):\n", + "\n", + "def held(name):\n", + "\n", + "def _get_rc():\n", + "\n", + "def available(name):\n", + "\n", + "def get_all():\n", + "\n", + "def get_disabled():\n", + "\n", + "def present(name,\n", + "\n", + "def set_option(file_name, sections=None, separator='='):\n", + "\n", + "def get_option(file_name, section, option, separator='='):\n", + "\n", + "def remove_option(file_name, section, option, separator='='):\n", + "\n", + "def get_section(file_name, section, separator='='):\n", + "\n", + "def remove_section(file_name, section, separator='='):\n", + "\n", + "def get_ini(file_name, separator='='):\n", + "\n", + " def ini_odict2dict(odict):\n", + "\n", + "def render(template, saltenv='base', sls='', tmplpath=None, **kws):\n", + "\n", + "def present(name):\n", + "\n", + "def property_present(properties, admin_username='root', admin_password='calvin', host=None, **kwargs):\n", + "\n", + "def _run_svn(cmd, cwd, user, username, password, opts, **kwargs):\n", + "\n", + "def info(cwd,\n", + "\n", + "def checkout(cwd,\n", + "\n", + "def update(cwd, targets=None, user=None, username=None, password=None, *opts):\n", + "\n", + "def export(cwd,\n", + "\n", + "def to_bytes(s, encoding=None, errors='strict'):\n", + "\n", + "def to_str(s, encoding=None, errors='strict', normalize=False):\n", + "\n", + " def _normalize(s):\n", + "\n", + "def to_bool(text):\n", + "\n", + "def is_quoted(value):\n", + "\n", + "def is_binary(data):\n", + "\n", + "def human_to_bytes(size):\n", + "\n", + "def build_whitespace_split_regex(text):\n", + "\n", + " def __build_parts(text):\n", + "\n", + "def expr_match(line, expr):\n", + "\n", + "def check_whitelist_blacklist(value, whitelist=None, blacklist=None):\n", + "\n", + "def check_include_exclude(path_str, include_pat=None, exclude_pat=None):\n", + "\n", + " def _pat_check(path_str, check_pat):\n", + "\n", + "def print_cli(msg, retries=10, step=0.01):\n", + "\n", + "def get_context(template, line, num_lines=5, marker=None):\n", + "\n", + "def get_diff(a, b, *args, **kwargs):\n", + "\n", + "def camel_to_snake_case(camel_input):\n", + "\n", + "def snake_to_camel_case(snake_input, uppercamel=False):\n", + "\n", + "def show_ring(devname):\n", + "\n", + "def show_coalesce(devname):\n", + "\n", + "def show_driver(devname):\n", + "\n", + "def set_ring(devname, **kwargs):\n", + "\n", + "def set_coalesce(devname, **kwargs):\n", + "\n", + "def show_offload(devname):\n", + "\n", + "def set_offload(devname, **kwargs):\n", + "\n", + "def _microtime():\n", + "\n", + "def cert_base_path(cacert_path=None):\n", + "\n", + "def _new_serial(ca_name):\n", + "\n", + "def _get_basic_info(ca_name, cert, ca_dir=None):\n", + "\n", + "def _write_cert_to_database(ca_name, cert, cacert_path=None, status='V'):\n", + "\n", + "def maybe_fix_ssl_version(ca_name, cacert_path=None, ca_filename=None):\n", + "\n", + "def ca_exists(ca_name, cacert_path=None, ca_filename=None):\n", + "\n", + "def get_ca(ca_name, as_text=False, cacert_path=None):\n", + "\n", + "def get_ca_signed_key(ca_name,\n", + "\n", + "def validate(cert, ca_name, crl_file):\n", + "\n", + "def _get_expiration_date(cert):\n", + "\n", + "def create_ca(ca_name,\n", + "\n", + "def get_extensions(cert_type):\n", + "\n", + "def create_csr(ca_name,\n", + "\n", + "def create_self_signed_cert(tls_dir='tls',\n", + "\n", + "def create_ca_signed_cert(ca_name,\n", + "\n", + "def create_pkcs12(ca_name, CN, passphrase='', cacert_path=None, replace=False):\n", + "\n", + "def cert_info(cert, digest='sha256'):\n", + "\n", + "def _convert_range_to_list(tgt, range_server):\n", + "\n", + "def _ret_minions(self, filter_):\n", + "\n", + "def ret_glob_minions(self):\n", + "\n", + "def ret_pcre_minions(self):\n", + "\n", + "def ret_list_minions(self):\n", + "\n", + "def ret_nodegroup_minions(self):\n", + "\n", + "def ret_range_minions(self):\n", + "\n", + "def get_data(self, minion):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def create_node(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_name):\n", + "\n", + "def query(action=None, command=None, args=None, method='GET', data=None):\n", + "\n", + "def show_image(kwargs, call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def wait_until(name, state, timeout=300):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _walk_through(job_dir):\n", + "\n", + "def prep_jid(nocache=False, passed_jid=None, recurse_count=0):\n", + "\n", + "def returner(load):\n", + "\n", + "def save_load(jid, clear_load, minions=None, recurse_count=0):\n", + "\n", + "def save_minions(jid, minions, syndic_id=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_jids():\n", + "\n", + "def get_jids_filter(count, filter_find_job=True):\n", + "\n", + "def clean_old_jobs():\n", + "\n", + "def update_endtime(jid, time):\n", + "\n", + "def get_endtime(jid):\n", + "\n", + "def save_reg(data):\n", + "\n", + "def load_reg():\n", + "\n", + "def merge_recursive(obj_a, obj_b, level=False):\n", + "\n", + "def construct_yaml_omap(self, node):\n", + "\n", + "def construct_sls_str(self, node):\n", + "\n", + "def construct_sls_int(self, node):\n", + "\n", + "def present(name=None,\n", + "\n", + "def _global_indexes_present(provisioned_indexes, global_indexes, changes_old,\n", + "\n", + "def _partition_index_names(provisioned_index_names, index_names):\n", + "\n", + "def _add_global_secondary_index(ret, name, index_name, changes_old, changes_new, comments,\n", + "\n", + "def _update_global_secondary_indexes(ret, changes_old, changes_new, comments, existing_index_names,\n", + "\n", + "def _alarms_present(name, alarms, alarms_from_pillar,\n", + "\n", + "def _next_datetime_with_utc_hour(table_name, utc_hour):\n", + "\n", + "def genrepo(opts=None, fire_event=True):\n", + "\n", + "def update_git_repos(opts=None, clean=False, masterless=False):\n", + "\n", + "def sync(opts,\n", + "\n", + "def _parallel_map(func, inputs):\n", + "\n", + " def create_thread(index):\n", + "\n", + " def run_thread():\n", + "\n", + "def state(name,\n", + "\n", + "def runner(name, **kwargs):\n", + "\n", + " def call_runner(runner_config):\n", + "\n", + " def extract_changes(obj):\n", + "\n", + "def wheel(name, **kwargs):\n", + "\n", + "def list_rooms(api_key=None):\n", + "\n", + "def find_room(name, api_key=None):\n", + "\n", + "def find_user(name, api_key=None):\n", + "\n", + "def post_message(channel,\n", + "\n", + "def call_hook(message,\n", + "\n", + "def add(name, gid=None, system=False, root=None):\n", + "\n", + "def delete(name, root=None):\n", + "\n", + "def info(name, root=None):\n", + "\n", + "def getent(refresh=False, root=None):\n", + "\n", + "def _chattrib(name, key, value, param, root=None):\n", + "\n", + "def adduser(name, username, root=None):\n", + "\n", + "def deluser(name, username, root=None):\n", + "\n", + "def members(name, members_list, root=None):\n", + "\n", + "def _getgrnam(name, root=None):\n", + "\n", + "def _execute_cmd(plugin, args='', run_type='cmd.retcode'):\n", + "\n", + "def _execute_pillar(pillar_name, run_type):\n", + "\n", + "def retcode(plugin, args='', key_name=None):\n", + "\n", + "def retcode_pillar(pillar_name):\n", + "\n", + "def list_plugins():\n", + "\n", + "def installed(name,\n", + "\n", + "def removed(name, cyg_arch='x86_64', mirrors=None):\n", + "\n", + "def updated(name=None, cyg_arch='x86_64', mirrors=None):\n", + "\n", + "def query(method='GET', profile_dict=None, url=None, path='api/v1',\n", + "\n", + "def list_items(action, key, profile_dict=None, api_key=None, opts=None):\n", + "\n", + "def add(name, gid=None, system=False, root=None):\n", + "\n", + "def info(name):\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def deluser(name, username, root=None):\n", + "\n", + "def members(name, members_list, root=None):\n", + "\n", + "def install(runas=None, path=None):\n", + "\n", + "def update(runas=None, path=None):\n", + "\n", + "def install_python(python, runas=None):\n", + "\n", + "def uninstall_python(python, runas=None):\n", + "\n", + "def versions(runas=None):\n", + "\n", + "def default(python=None, runas=None):\n", + "\n", + "def do(cmdline=None, runas=None):\n", + "\n", + "def do_with_python(python, cmdline, runas=None):\n", + "\n", + "def present(name,\n", + "\n", + "def replica_present(name, source, db_instance_class=None,\n", + "\n", + "def subnet_group_present(name, description, subnet_ids=None, subnet_names=None,\n", + "\n", + "def absent(name, skip_final_snapshot=None, final_db_snapshot_identifier=None,\n", + "\n", + "def parameter_present(name, db_parameter_group_family, description, parameters=None,\n", + "\n", + "def _parse_interval(value):\n", + "\n", + "def find(path, options):\n", + "\n", + "def find(self, path):\n", + "\n", + "def list_services(profile=None, api_key=None):\n", + "\n", + "def create_event(service_key=None, description=None, details=None,\n", + "\n", + "def add_store(name, store, saltenv='base'):\n", + "\n", + "def master_call(self, **kwargs):\n", + "\n", + "def cmd_sync(self, low, timeout=None, full_return=False):\n", + "\n", + "def cmd(self, fun, arg=None, pub_data=None, kwarg=None, print_event=True, full_return=False):\n", + "\n", + "def store_job(self):\n", + "\n", + "def low(self, fun, low, print_event=True, full_return=False):\n", + "\n", + "def get_docs(self, arg=None):\n", + "\n", + "def asynchronous(self, fun, low, user='UNKNOWN', pub=None):\n", + "\n", + "def print_async_event(self, suffix, event):\n", + "\n", + "def write_urls_index(app, exc):\n", + "\n", + "def execute_return_success(cmd):\n", + "\n", + "def execute_return_result(cmd):\n", + "\n", + "def validate_enabled(enabled):\n", + "\n", + "def confirm_updated(value, check_fun, normalize_ret=False, wait=5):\n", + "\n", + "def launchctl(sub_cmd, *args, **kwargs):\n", + "\n", + "def _available_services(refresh=False):\n", + "\n", + "def console_user(username=False):\n", + "\n", + "def managed(name, ppa=None, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def create_table(table_name, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def exists(table_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete(table_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def update(table_name, throughput=None, global_indexes=None,\n", + "\n", + "def create_global_secondary_index(table_name, global_index, region=None,\n", + "\n", + "def update_global_secondary_index(table_name, global_indexes, region=None,\n", + "\n", + "def describe(table_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def extract_index(index_data, global_index=False):\n", + "\n", + "def install(module):\n", + "\n", + "def remove(module, details=False):\n", + "\n", + "def list_():\n", + "\n", + "def show(module):\n", + "\n", + "def show_config():\n", + "\n", + "def run_query(conn, query, retries=3):\n", + "\n", + "def _create_table():\n", + "\n", + "def _init_client():\n", + "\n", + "def store(bank, key, data):\n", + "\n", + "def fetch(bank, key):\n", + "\n", + "def flush(bank, key=None):\n", + "\n", + "def ls(bank):\n", + "\n", + "def contains(bank, key):\n", + "\n", + "def new(self):\n", + "\n", + "def purge(self, dbid):\n", + "\n", + "def flush(self, table):\n", + "\n", + "def list(self):\n", + "\n", + "def list_tables(self):\n", + "\n", + "def open(self, dbname=None):\n", + "\n", + "def create_table_from_object(self, obj):\n", + "\n", + "def store(self, obj, distinct=False):\n", + "\n", + "def update(self, obj, matches=None, mt=None, lt=None, eq=None):\n", + "\n", + "def delete(self, obj, matches=None, mt=None, lt=None, eq=None):\n", + "\n", + "def __criteria(self, obj, matches=None, mt=None, lt=None, eq=None):\n", + "\n", + "def get(self, obj, matches=None, mt=None, lt=None, eq=None):\n", + "\n", + "def send(tag, data=None):\n", + "\n", + "def grains(tgt=None, tgt_type='glob', **kwargs):\n", + "\n", + "def pillar(tgt=None, tgt_type='glob', **kwargs):\n", + "\n", + "def mine(tgt=None, tgt_type='glob', **kwargs):\n", + "\n", + "def _clear_cache(tgt=None,\n", + "\n", + "def clear_all(tgt=None, tgt_type='glob'):\n", + "\n", + "def clear_git_lock(role, remote=None, **kwargs):\n", + "\n", + "def cloud(tgt, provider=None):\n", + "\n", + "def store(bank, key, data, cachedir=None):\n", + "\n", + "def list_(bank, cachedir=None):\n", + "\n", + "def fetch(bank, key, cachedir=None):\n", + "\n", + "def _conn(commit=False):\n", + "\n", + "def insert(queue, items):\n", + "\n", + "def delete(queue, items):\n", + "\n", + "def pop(queue, quantity=1, is_runner=False):\n", + "\n", + "def daemonize(redirect_out=True):\n", + "\n", + "def daemonize_if(opts):\n", + "\n", + "def notify_systemd():\n", + "\n", + "def set_pidfile(pidfile, user):\n", + "\n", + "def get_pidfile(pidfile):\n", + "\n", + "def clean_proc(proc, wait_for_kill=10):\n", + "\n", + "def os_is_running(pid):\n", + "\n", + "def add_process(self, tgt, args=None, kwargs=None, name=None):\n", + "\n", + "def restart_process(self, pid):\n", + "\n", + "def run(self, asynchronous=False):\n", + "\n", + "def check_children(self):\n", + "\n", + "def kill_children(self, *args, **kwargs):\n", + "\n", + "def _query(action=None,\n", + "\n", + "def create_event(message_type=None, routing_key='everybody', **kwargs):\n", + "\n", + "def present(name, deployment_id, metric_name, alert_config, api_key=None, profile='telemetry'):\n", + "\n", + "def absent(name, deployment_id, metric_name, api_key=None, profile=\"telemetry\"):\n", + "\n", + "def list_():\n", + "\n", + "def _install_from_path(path):\n", + "\n", + "def install(source, package_id):\n", + "\n", + "def forget(package_id):\n", + "\n", + "def apps():\n", + "\n", + "def update_app(id, config):\n", + "\n", + "def rm_app(id):\n", + "\n", + "def info():\n", + "\n", + "def restart_app(id, restart=False, force=True):\n", + "\n", + "def get_dns_servers(interface='Local Area Connection'):\n", + "\n", + "def rm_dns(ip, interface='Local Area Connection'):\n", + "\n", + "def add_dns(ip, interface='Local Area Connection', index=1):\n", + "\n", + "def get_dns_config(interface='Local Area Connection'):\n", + "\n", + "def installed(name,\n", + "\n", + "def bootstrap(name, user=None):\n", + "\n", + "def pruned(name, user=None, env=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, exports='/etc/exports'):\n", + "\n", + "def query(function,\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def set_(name, key, value, setting=None, conf_file=_DEFAULT_CONF):\n", + "\n", + "def _unlock_cache(w_lock):\n", + "\n", + "def wait_lock(lk_fn, dest, wait_timeout=0):\n", + "\n", + "def check_file_list_cache(opts, form, list_cache, w_lock):\n", + "\n", + "def write_file_list_cache(opts, data, list_cache, w_lock):\n", + "\n", + "def check_env_cache(opts, env_cache):\n", + "\n", + "def generate_mtime_map(opts, path_map):\n", + "\n", + "def diff_mtime_map(map1, map2):\n", + "\n", + "def reap_fileserver_cache_dir(cache_base, find_func):\n", + "\n", + "def is_file_ignored(opts, fname):\n", + "\n", + "def clear_lock(clear_func, role, remote=None, lock_type='update'):\n", + "\n", + "def backends(self, back=None):\n", + "\n", + "def clear_cache(self, back=None):\n", + "\n", + "def lock(self, back=None, remote=None):\n", + "\n", + "def clear_lock(self, back=None, remote=None):\n", + "\n", + "def update(self, back=None):\n", + "\n", + "def update_intervals(self, back=None):\n", + "\n", + "def envs(self, back=None, sources=False):\n", + "\n", + "def file_envs(self, load=None):\n", + "\n", + "def init(self, back=None):\n", + "\n", + "def _find_file(self, load):\n", + "\n", + "def file_find(self, load):\n", + "\n", + "def find_file(self, path, saltenv, back=None):\n", + "\n", + "def serve_file(self, load):\n", + "\n", + "def __file_hash_and_stat(self, load):\n", + "\n", + "def clear_file_list_cache(self, load):\n", + "\n", + "def file_list(self, load):\n", + "\n", + "def symlink_list(self, load):\n", + "\n", + "def render(dson_input, saltenv='base', sls='', **kwargs):\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def targets(self):\n", + "\n", + "def evaluate(contents, jsonnet_library_paths=None):\n", + "\n", + "def _parse_fmdump(output):\n", + "\n", + "def _parse_fmdump_verbose(output):\n", + "\n", + "def _parse_fmadm_config(output):\n", + "\n", + "def _fmadm_action_fmri(action, fmri):\n", + "\n", + "def _parse_fmadm_faulty(output):\n", + "\n", + " def _merge_data(summary, fault):\n", + "\n", + "def list_records(after=None, before=None):\n", + "\n", + "def show(uuid):\n", + "\n", + "def config():\n", + "\n", + "def load(path):\n", + "\n", + "def unload(module):\n", + "\n", + "def reset(module, serd=None):\n", + "\n", + "def faulty():\n", + "\n", + "def _validate_device(device):\n", + "\n", + "def _validate_partition_boundary(boundary):\n", + "\n", + "def probe(*devices):\n", + "\n", + "def list_(device, unit=None):\n", + "\n", + "def align_check(device, part_type, partition):\n", + "\n", + "def set_id(device, minor, system_id):\n", + "\n", + "def system_types():\n", + "\n", + "def mkfs(device, fs_type):\n", + "\n", + "def mklabel(device, label_type):\n", + "\n", + "def mkpart(device, part_type, fs_type=None, start=None, end=None):\n", + "\n", + "def mkpartfs(device, part_type, fs_type, start, end):\n", + "\n", + "def name(device, partition, name):\n", + "\n", + "def rescue(device, start, end):\n", + "\n", + "def resize(device, minor, start, end):\n", + "\n", + "def set_(device, minor, flag, state):\n", + "\n", + "def toggle(device, partition, flag):\n", + "\n", + "def disk_set(device, flag, state):\n", + "\n", + "def disk_toggle(device, flag):\n", + "\n", + "def exists(device=''):\n", + "\n", + "def _paths(name=None):\n", + "\n", + "def status(name=None):\n", + "\n", + "def list_():\n", + "\n", + "def freeze(name=None, force=False, **kwargs):\n", + "\n", + "def restore(name=None, **kwargs):\n", + "\n", + "def _get_rabbitmq_plugin():\n", + "\n", + "def _safe_output(line):\n", + "\n", + "def _output_to_dict(cmdoutput, values_mapper=None):\n", + "\n", + "def _output_to_list(cmdoutput):\n", + "\n", + "def list_users(runas=None):\n", + "\n", + "def list_vhosts(runas=None):\n", + "\n", + "def user_exists(name, runas=None):\n", + "\n", + "def vhost_exists(name, runas=None):\n", + "\n", + "def add_user(name, password=None, runas=None):\n", + "\n", + "def delete_user(name, runas=None):\n", + "\n", + "def change_password(name, password, runas=None):\n", + "\n", + "def check_password(name, password, runas=None):\n", + "\n", + "def add_vhost(vhost, runas=None):\n", + "\n", + "def set_permissions(vhost, user, conf='.*', write='.*', read='.*', runas=None):\n", + "\n", + "def list_permissions(vhost, runas=None):\n", + "\n", + "def list_user_permissions(name, runas=None):\n", + "\n", + "def set_user_tags(name, tags, runas=None):\n", + "\n", + "def join_cluster(host, user='rabbit', ram_node=None, runas=None):\n", + "\n", + "def list_queues(runas=None, *args):\n", + "\n", + "def list_policies(vhost=\"/\", runas=None):\n", + "\n", + "def set_policy(vhost,\n", + "\n", + "def delete_policy(vhost, name, runas=None):\n", + "\n", + "def policy_exists(vhost, name, runas=None):\n", + "\n", + "def list_available_plugins(runas=None):\n", + "\n", + "def plugin_is_enabled(name, runas=None):\n", + "\n", + "def enable_plugin(name, runas=None):\n", + "\n", + "def _check_cygwin_installed(cyg_arch='x86_64'):\n", + "\n", + "def _get_all_packages(mirror=DEFAULT_MIRROR,\n", + "\n", + "def check_valid_package(package,\n", + "\n", + "def _run_silent_cygwin(cyg_arch='x86_64',\n", + "\n", + "def _cygcheck(args, cyg_arch='x86_64'):\n", + "\n", + "def install(packages=None,\n", + "\n", + "def uninstall(packages,\n", + "\n", + "def update(cyg_arch='x86_64', mirrors=None):\n", + "\n", + "def list_(package='', cyg_arch='x86_64'):\n", + "\n", + "def extract_ipv4(roster_order, ipv4):\n", + "\n", + "def _prepare_connection(**nxos_api_kwargs):\n", + "\n", + "def rpc(commands,\n", + "\n", + "def render_reaction(self, glob_ref, tag, data):\n", + "\n", + "def list_reactors(self, tag):\n", + "\n", + "def list_all(self):\n", + "\n", + "def add_reactor(self, tag, reaction):\n", + "\n", + "def delete_reactor(self, tag):\n", + "\n", + "def resolve_aliases(self, chunks):\n", + "\n", + "def reactions(self, tag, data, reactors):\n", + "\n", + "def run(self):\n", + "\n", + "def populate_client_cache(self, low):\n", + "\n", + "def run(self, low):\n", + "\n", + "def runner(self, fun, **kwargs):\n", + "\n", + "def local(self, fun, tgt, **kwargs):\n", + "\n", + "def caller(self, fun, **kwargs):\n", + "\n", + "def mk_token(**load):\n", + "\n", + "def del_token(token):\n", + "\n", + "def deserialize(stream_or_string, **options):\n", + "\n", + "def serialize(obj, **options):\n", + "\n", + "def _read_dict(cp, dictionary):\n", + "\n", + " def _yaml_safe_dump(attrs):\n", + "\n", + "def installed(name,\n", + "\n", + "def removed(name):\n", + "\n", + "def get_roster_file(options):\n", + "\n", + "def _gen_back(self):\n", + "\n", + "def targets(self, tgt, tgt_type):\n", + "\n", + "def clean_kwargs(**kwargs):\n", + "\n", + "def invalid_kwargs(invalid_kwargs, raise_exc=True):\n", + "\n", + "def condition_input(args, kwargs):\n", + "\n", + "def parse_input(args, kwargs=None, condition=True, no_parse=None):\n", + "\n", + "def yamlify_arg(arg):\n", + "\n", + "def get_function_argspec(func, is_class_method=None):\n", + "\n", + "def shlex_split(s, **kwargs):\n", + "\n", + "def arg_lookup(fun, aspec=None):\n", + "\n", + "def argspec_report(functions, module=''):\n", + "\n", + "def split_input(val, mapper=None):\n", + "\n", + "def format_call(fun,\n", + "\n", + "def parse_function(s):\n", + "\n", + "def prepare_kwargs(all_kwargs, class_init_kwargs):\n", + "\n", + "def _check_pkg(target):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def install(name=None, refresh=False, pkgs=None, version=None, test=False, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def clear():\n", + "\n", + "def load():\n", + "\n", + "def dump(new_data):\n", + "\n", + "def update(key, value):\n", + "\n", + "def cas(key, value, old_value):\n", + "\n", + "def pop(key, default=None):\n", + "\n", + "def get(key, default=None):\n", + "\n", + "def compare_changes(obj, **kwargs):\n", + "\n", + "def get_entity(ent_type, **kwargs):\n", + "\n", + "def _clean_kwargs(keep_name=False, **kwargs):\n", + "\n", + "def get_operator_cloud(auth=None):\n", + "\n", + "def get_openstack_cloud(auth=None):\n", + "\n", + "def group_create(auth=None, **kwargs):\n", + "\n", + "def group_delete(auth=None, **kwargs):\n", + "\n", + "def group_update(auth=None, **kwargs):\n", + "\n", + "def group_list(auth=None, **kwargs):\n", + "\n", + "def group_search(auth=None, **kwargs):\n", + "\n", + "def group_get(auth=None, **kwargs):\n", + "\n", + "def project_create(auth=None, **kwargs):\n", + "\n", + "def project_delete(auth=None, **kwargs):\n", + "\n", + "def project_update(auth=None, **kwargs):\n", + "\n", + "def project_list(auth=None, **kwargs):\n", + "\n", + "def project_search(auth=None, **kwargs):\n", + "\n", + "def project_get(auth=None, **kwargs):\n", + "\n", + "def domain_create(auth=None, **kwargs):\n", + "\n", + "def domain_delete(auth=None, **kwargs):\n", + "\n", + "def domain_update(auth=None, **kwargs):\n", + "\n", + "def domain_list(auth=None, **kwargs):\n", + "\n", + "def domain_search(auth=None, **kwargs):\n", + "\n", + "def domain_get(auth=None, **kwargs):\n", + "\n", + "def role_create(auth=None, **kwargs):\n", + "\n", + "def role_delete(auth=None, **kwargs):\n", + "\n", + "def role_update(auth=None, **kwargs):\n", + "\n", + "def role_list(auth=None, **kwargs):\n", + "\n", + "def role_search(auth=None, **kwargs):\n", + "\n", + "def role_get(auth=None, **kwargs):\n", + "\n", + "def user_create(auth=None, **kwargs):\n", + "\n", + "def user_delete(auth=None, **kwargs):\n", + "\n", + "def user_update(auth=None, **kwargs):\n", + "\n", + "def user_list(auth=None, **kwargs):\n", + "\n", + "def user_search(auth=None, **kwargs):\n", + "\n", + "def user_get(auth=None, **kwargs):\n", + "\n", + "def endpoint_create(auth=None, **kwargs):\n", + "\n", + "def endpoint_delete(auth=None, **kwargs):\n", + "\n", + "def endpoint_update(auth=None, **kwargs):\n", + "\n", + "def endpoint_list(auth=None, **kwargs):\n", + "\n", + "def endpoint_search(auth=None, **kwargs):\n", + "\n", + "def endpoint_get(auth=None, **kwargs):\n", + "\n", + "def service_create(auth=None, **kwargs):\n", + "\n", + "def service_delete(auth=None, **kwargs):\n", + "\n", + "def service_update(auth=None, **kwargs):\n", + "\n", + "def service_list(auth=None, **kwargs):\n", + "\n", + "def service_search(auth=None, **kwargs):\n", + "\n", + "def service_get(auth=None, **kwargs):\n", + "\n", + "def role_assignment_list(auth=None, **kwargs):\n", + "\n", + "def role_grant(auth=None, **kwargs):\n", + "\n", + "def role_revoke(auth=None, **kwargs):\n", + "\n", + "def _get_or_create_hostfile():\n", + "\n", + "def _list_hosts():\n", + "\n", + "def get_ip(host):\n", + "\n", + "def has_pair(ip, alias):\n", + "\n", + "def set_host(ip, alias):\n", + "\n", + "def rm_host(ip, alias):\n", + "\n", + "def add_host(ip, alias):\n", + "\n", + "def init(opts):\n", + "\n", + "def call(method, *args, **kwargs):\n", + "\n", + "def _get_shells():\n", + "\n", + "def beacon(config):\n", + "\n", + "def _get_network(project_id, network_name, service):\n", + "\n", + "def _get_instance(project_id, instance_zone, name, service):\n", + "\n", + "def route_create(credential_file=None,\n", + "\n", + "def _trim_dict_in_dict(data, max_val_size, replace_with):\n", + "\n", + "def _config(name, key=None, **kwargs):\n", + "\n", + "def _connect(**kwargs):\n", + "\n", + "def check_dns_name_availability(name, region, **kwargs):\n", + "\n", + "def check_ip_address_availability(ip_address, virtual_network, resource_group,\n", + "\n", + "def default_security_rule_get(name, security_group, resource_group, **kwargs):\n", + "\n", + "def default_security_rules_list(security_group, resource_group, **kwargs):\n", + "\n", + "def security_rules_list(security_group, resource_group, **kwargs):\n", + "\n", + "def security_rule_create_or_update(name, access, direction, priority, protocol, security_group, resource_group,\n", + "\n", + "def security_rule_delete(security_rule, security_group, resource_group,\n", + "\n", + "def security_rule_get(security_rule, security_group, resource_group, **kwargs):\n", + "\n", + "def network_security_group_delete(name, resource_group, **kwargs):\n", + "\n", + "def network_security_group_get(name, resource_group, **kwargs):\n", + "\n", + "def network_security_groups_list(resource_group, **kwargs):\n", + "\n", + "def subnets_list(virtual_network, resource_group, **kwargs):\n", + "\n", + "def subnet_get(name, virtual_network, resource_group, **kwargs):\n", + "\n", + "def subnet_create_or_update(name, address_prefix, virtual_network, resource_group, **kwargs):\n", + "\n", + "def subnet_delete(name, virtual_network, resource_group, **kwargs):\n", + "\n", + "def virtual_networks_list_all(**kwargs):\n", + "\n", + "def virtual_networks_list(resource_group, **kwargs):\n", + "\n", + "def virtual_network_create_or_update(name,\n", + "\n", + "def virtual_network_delete(name, resource_group, **kwargs):\n", + "\n", + "def virtual_network_get(name, resource_group, **kwargs):\n", + "\n", + "def load_balancers_list_all(**kwargs):\n", + "\n", + "def load_balancers_list(resource_group, **kwargs):\n", + "\n", + "def load_balancer_get(name, resource_group, **kwargs):\n", + "\n", + "def load_balancer_create_or_update(name, resource_group, **kwargs):\n", + "\n", + "def load_balancer_delete(name, resource_group, **kwargs):\n", + "\n", + "def usages_list(location, **kwargs):\n", + "\n", + "def network_interface_delete(name, resource_group, **kwargs):\n", + "\n", + "def network_interface_get(name, resource_group, **kwargs):\n", + "\n", + "def network_interface_create_or_update(name, ip_configurations, subnet, virtual_network,\n", + "\n", + "def network_interfaces_list_all(**kwargs):\n", + "\n", + "def network_interfaces_list(resource_group, **kwargs):\n", + "\n", + "def network_interface_get_effective_route_table(name, resource_group, **kwargs):\n", + "\n", + "def network_interface_list_effective_network_security_groups(name, resource_group, **kwargs):\n", + "\n", + "def list_virtual_machine_scale_set_vm_network_interfaces(scale_set,\n", + "\n", + "def list_virtual_machine_scale_set_network_interfaces(scale_set, resource_group, **kwargs):\n", + "\n", + "def get_virtual_machine_scale_set_network_interface(name, scale_set, vm_index, resource_group, **kwargs):\n", + "\n", + "def public_ip_address_delete(name, resource_group, **kwargs):\n", + "\n", + "def public_ip_address_get(name, resource_group, **kwargs):\n", + "\n", + "def public_ip_address_create_or_update(name, resource_group, **kwargs):\n", + "\n", + "def public_ip_addresses_list_all(**kwargs):\n", + "\n", + "def public_ip_addresses_list(resource_group, **kwargs):\n", + "\n", + "def route_filter_rule_delete(name, route_filter, resource_group, **kwargs):\n", + "\n", + "def route_filter_rule_get(name, route_filter, resource_group, **kwargs):\n", + "\n", + "def route_filter_rule_create_or_update(name, access, communities, route_filter, resource_group, **kwargs):\n", + "\n", + "def route_filter_rules_list(route_filter, resource_group, **kwargs):\n", + "\n", + "def route_filter_delete(name, resource_group, **kwargs):\n", + "\n", + "def route_filter_get(name, resource_group, **kwargs):\n", + "\n", + "def route_filter_create_or_update(name, resource_group, **kwargs):\n", + "\n", + "def route_filters_list(resource_group, **kwargs):\n", + "\n", + "def route_filters_list_all(**kwargs):\n", + "\n", + "def route_delete(name, route_table, resource_group, **kwargs):\n", + "\n", + "def route_get(name, route_table, resource_group, **kwargs):\n", + "\n", + "def route_create_or_update(name, address_prefix, next_hop_type, route_table, resource_group,\n", + "\n", + "def routes_list(route_table, resource_group, **kwargs):\n", + "\n", + "def route_table_delete(name, resource_group, **kwargs):\n", + "\n", + "def route_table_get(name, resource_group, **kwargs):\n", + "\n", + "def route_table_create_or_update(name, resource_group, **kwargs):\n", + "\n", + "def route_tables_list(resource_group, **kwargs):\n", + "\n", + "def route_tables_list_all(**kwargs):\n", + "\n", + "def _import_platform_generator(platform):\n", + "\n", + "def _get_services_mapping():\n", + "\n", + "def _translate_port(port):\n", + "\n", + "def _make_it_list(dict_, field_name, value):\n", + "\n", + "def _clean_term_opts(term_opts):\n", + "\n", + "def _lookup_element(lst, key):\n", + "\n", + "def _get_pillar_cfg(pillar_key,\n", + "\n", + "def _cleanup(lst):\n", + "\n", + "def _merge_list_of_dict(first, second, prepend=True):\n", + "\n", + "def _get_term_object(filter_name,\n", + "\n", + "def _get_policy_object(platform,\n", + "\n", + "def _revision_tag(text,\n", + "\n", + "def get_term_config(platform,\n", + "\n", + "def get_filter_config(platform,\n", + "\n", + "def get_policy_config(platform,\n", + "\n", + "def get_filter_pillar(filter_name,\n", + "\n", + "def get_term_pillar(filter_name,\n", + "\n", + "def run(self):\n", + "\n", + "def note(name, source=None, contents=None, **kwargs):\n", + "\n", + "def available(software=True,\n", + "\n", + "def get(name, download=False, install=False):\n", + "\n", + "def list(software=True,\n", + "\n", + "def download(names):\n", + "\n", + "def uninstall(names):\n", + "\n", + "def set_wu_settings(level=None,\n", + "\n", + "def get_wu_settings():\n", + "\n", + "def _get_msupdate_status():\n", + "\n", + "def profile_func(filename=None):\n", + "\n", + " def proffunc(fun):\n", + "\n", + " def profiled_func(*args, **kwargs):\n", + "\n", + "def _get_django_admin(bin_env):\n", + "\n", + "def command(settings_module,\n", + "\n", + "def syncdb(settings_module,\n", + "\n", + "def migrate(settings_module,\n", + "\n", + "def createsuperuser(settings_module,\n", + "\n", + "def loaddata(settings_module,\n", + "\n", + "def collectstatic(settings_module,\n", + "\n", + "def present(name,\n", + "\n", + "def list_exports(exports='/etc/exports'):\n", + "\n", + "def del_export(exports='/etc/exports', path=None):\n", + "\n", + "def add_export(exports='/etc/exports', path=None, hosts=None, options=None):\n", + "\n", + "def _write_exports(exports, edict):\n", + "\n", + "def reload_exports():\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name=None, images=None, force=False):\n", + "\n", + "def mod_watch(name, sfun=None, **kwargs):\n", + "\n", + "def render(genshi_data, saltenv='base', sls='', method='xml', **kws):\n", + "\n", + "def output(ret, **kwargs):\n", + "\n", + "def display(self, ret, indent, prefix, out):\n", + "\n", + "def _read_file(path):\n", + "\n", + "def write_cache(cache, opts):\n", + "\n", + "def _get_diff_text(old, new):\n", + "\n", + "def _print_config_text(tree, indentation=0):\n", + "\n", + "def tree(config=None,\n", + "\n", + "def clean(config=None, path=None, saltenv='base'):\n", + "\n", + "def merge_tree(initial_config=None,\n", + "\n", + "def merge_text(initial_config=None,\n", + "\n", + "def merge_diff(initial_config=None,\n", + "\n", + "def diff_tree(candidate_config=None,\n", + "\n", + "def diff_text(candidate_config=None,\n", + "\n", + "def item_show(item, item_id=None, item_type=None, show='show', extra_args=None, cibfile=None):\n", + "\n", + "def item_create(item, item_id, item_type, create='create', extra_args=None, cibfile=None):\n", + "\n", + "def auth(nodes, pcsuser='hacluster', pcspasswd='hacluster', extra_args=None):\n", + "\n", + "def is_auth(nodes):\n", + "\n", + "def cluster_setup(nodes, pcsclustername='pcscluster', extra_args=None):\n", + "\n", + "def cluster_node_add(node, extra_args=None):\n", + "\n", + "def cib_create(cibfile, scope='configuration', extra_args=None):\n", + "\n", + "def prop_show(prop, extra_args=None, cibfile=None):\n", + "\n", + "def prop_set(prop, value, extra_args=None, cibfile=None):\n", + "\n", + "def stonith_show(stonith_id, extra_args=None, cibfile=None):\n", + "\n", + "def stonith_create(stonith_id, stonith_device_type, stonith_device_options=None, cibfile=None):\n", + "\n", + "def resource_show(resource_id, extra_args=None, cibfile=None):\n", + "\n", + "def resource_create(resource_id, resource_type, resource_options=None, cibfile=None):\n", + "\n", + "def wrap(txt, width=80, ident=0):\n", + "\n", + "def put(self, message, indent=0):\n", + "\n", + "def msg(self, message, title=None, title_color=None, color='BLUE', ident=0):\n", + "\n", + "def highlight(self, message, *values, **colors):\n", + "\n", + "def _ensure_exists(wrapped):\n", + "\n", + " def check_exists(name, *args, **kwargs):\n", + "\n", + "def _root(name='', all_roots=False):\n", + "\n", + "def _make_container_root(name):\n", + "\n", + "def _bootstrap_arch(name, **kwargs):\n", + "\n", + "def _bootstrap_debian(name, **kwargs):\n", + "\n", + "def _bootstrap_fedora(name, **kwargs):\n", + "\n", + "def _ensure_systemd(version):\n", + "\n", + "def _machinectl(cmd,\n", + "\n", + "def _run(name,\n", + "\n", + "def pid(name):\n", + "\n", + "def bootstrap_container(name, dist=None, version=None):\n", + "\n", + "def bootstrap_salt(name,\n", + "\n", + "def list_all():\n", + "\n", + "def list_running():\n", + "\n", + "def exists(name):\n", + "\n", + "def state(name):\n", + "\n", + "def info(name, **kwargs):\n", + "\n", + "def enable(name):\n", + "\n", + "def start(name):\n", + "\n", + "def stop(name, kill=False):\n", + "\n", + "def reboot(name, kill=False):\n", + "\n", + "def remove(name, stop=False):\n", + "\n", + " def _failed_remove(name, exc):\n", + "\n", + "def copy_to(name, source, dest, overwrite=False, makedirs=False):\n", + "\n", + "def _pull_image(pull_type, image, name, **kwargs):\n", + "\n", + " def _bad_verify():\n", + "\n", + "def pull_raw(url, name, verify=False):\n", + "\n", + "def pull_tar(url, name, verify=False):\n", + "\n", + "def _prep_acl_for_compare(ACL):\n", + "\n", + "def _compare_acl(current, desired, region, key, keyid, profile):\n", + "\n", + "def _compare_replication(current, desired, region, key, keyid, profile):\n", + "\n", + "def present(name, Bucket,\n", + "\n", + "def _check_pkgin():\n", + "\n", + "def _get_version():\n", + "\n", + "def search(pkg_name, **kwargs):\n", + "\n", + "def refresh_db(force=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def list_upgrades(refresh=True, **kwargs):\n", + "\n", + "def install(name=None, refresh=False, fromrepo=None,\n", + "\n", + "def upgrade(refresh=True, pkgs=None, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def file_list(package, **kwargs):\n", + "\n", + "def file_dict(*packages, **kwargs):\n", + "\n", + "def mounted(name,\n", + "\n", + "def swap(name, persist=True, config='/etc/fstab'):\n", + "\n", + "def unmounted(name,\n", + "\n", + "def mod_watch(name, user=None, **kwargs):\n", + "\n", + "def _convert_to(maybe_device, convert_to):\n", + "\n", + "def fstab_present(name, fs_file, fs_vfstype, fs_mntops='defaults',\n", + "\n", + "def fstab_absent(name, fs_file, mount_by=None, config='/etc/fstab'):\n", + "\n", + "def get_agent_settings():\n", + "\n", + "def set_agent_settings(contact=None, location=None, services=None):\n", + "\n", + "def set_auth_traps_enabled(status=True):\n", + "\n", + "def get_community_names():\n", + "\n", + "def set_community_names(communities):\n", + "\n", + "def _merge_dicts(*args):\n", + "\n", + "def _normalize_server_settings(**settings):\n", + "\n", + "def server_setting(name, settings=None, server=_DEFAULT_SERVER):\n", + "\n", + "def active_log_format(name, log_format, server=_DEFAULT_SERVER):\n", + "\n", + "def connection_ip_list(name, addresses=None, grant_by_default=False, server=_DEFAULT_SERVER):\n", + "\n", + "def relay_ip_list(name, addresses=None, server=_DEFAULT_SERVER):\n", + "\n", + "def cmd(command, *args, **kwargs):\n", + "\n", + "def _paginate(url, topkey, *args, **kwargs):\n", + "\n", + "def list_domains(container_id=None):\n", + "\n", + "def list_requests(status=None):\n", + "\n", + "def get_certificate(order_id=None, certificate_id=None, minion_id=None, cert_format='pem_all', filename=None):\n", + "\n", + "def list_organizations(container_id=None, include_validation=True):\n", + "\n", + "def order_certificate(minion_id, common_name, organization_id, validity_years,\n", + "\n", + "def gen_key(minion_id, dns_name=None, password=None, key_len=2048):\n", + "\n", + "def get_org_details(organization_id):\n", + "\n", + "def _id_map(minion_id, dns_name):\n", + "\n", + "def show_csrs():\n", + "\n", + "def show_rsa(minion_id, dns_name):\n", + "\n", + "def list_():\n", + "\n", + "def _check_minions_directories(pki_dir):\n", + "\n", + "def kill(timeout=15):\n", + "\n", + "def restart():\n", + "\n", + "def state_apply(state_name, **kwargs):\n", + "\n", + "def _generate_out_list(results):\n", + "\n", + "def _is_valid_function(module_name, function):\n", + "\n", + "def _get_top_states(saltenv='base'):\n", + "\n", + "def _call_salt_command(self,\n", + "\n", + "def _cast_expected_to_returned_type(expected, returned):\n", + "\n", + "def __assert_equal(expected, returned, assert_print_result=True):\n", + "\n", + "def __assert_true(returned):\n", + "\n", + "def __assert_false(returned):\n", + "\n", + "def __assert_less(expected, returned):\n", + "\n", + "def __assert_empty(returned):\n", + "\n", + "def __assert_not_empty(returned):\n", + "\n", + "def get_state_search_path_list(saltenv='base'):\n", + "\n", + "def additions_mount():\n", + "\n", + "def additions_umount(mount_point):\n", + "\n", + "def additions_install(**kwargs):\n", + "\n", + "def _additions_remove_use_cd(**kwargs):\n", + "\n", + "def additions_remove(**kwargs):\n", + "\n", + "def additions_version():\n", + "\n", + "def grant_access_to_shared_folders_to(name, users=None):\n", + "\n", + "def _get_disk_size(self, device):\n", + "\n", + "def _get_fs(self):\n", + "\n", + "def _get_cpu(self):\n", + "\n", + "def _get_mem(self):\n", + "\n", + "def _get_network(self):\n", + "\n", + "def _get_os(self):\n", + "\n", + "def _configuration(self, *args, **kwargs):\n", + "\n", + "def _get_local_users(self, disabled=None):\n", + "\n", + "def _get_local_groups(self):\n", + "\n", + "def _get_external_accounts(self, locals):\n", + "\n", + "def _identity(self, *args, **kwargs):\n", + "\n", + "def _system(self, *args, **kwargs):\n", + "\n", + "def _software(self, *args, **kwargs):\n", + "\n", + "def _id_resolv(self, iid, named=True, uid=True):\n", + "\n", + "def _payload(self, *args, **kwargs):\n", + "\n", + " def _size_format(size, fmt):\n", + "\n", + "def _all(self, *args, **kwargs):\n", + "\n", + "def _create_update_from_file(mode='create', uuid=None, path=None):\n", + "\n", + "def _create_update_from_cfg(mode='create', uuid=None, vmcfg=None):\n", + "\n", + "def start(vm, options=None, key='uuid'):\n", + "\n", + "def stop(vm, force=False, key='uuid'):\n", + "\n", + "def list_vms(search=None, sort=None, order='uuid,type,ram,state,alias', keyed=True):\n", + "\n", + "def lookup(search=None, order=None, one=False):\n", + "\n", + "def sysrq(vm, action='nmi', key='uuid'):\n", + "\n", + "def delete(vm, key='uuid'):\n", + "\n", + "def get(vm, key='uuid'):\n", + "\n", + "def info(vm, info_type='all', key='uuid'):\n", + "\n", + "def create_snapshot(vm, name, key='uuid'):\n", + "\n", + "def reprovision(vm, image, key='uuid'):\n", + "\n", + "def create(from_file=None, **kwargs):\n", + "\n", + "def update(vm, from_file=None, key='uuid', **kwargs):\n", + "\n", + "def send(vm, target, key='uuid'):\n", + "\n", + "def receive(uuid, source):\n", + "\n", + "def add_capability(capability,\n", + "\n", + "def remove_capability(capability, image=None, restart=False):\n", + "\n", + "def get_capabilities(image=None):\n", + "\n", + "def installed_capabilities(image=None):\n", + "\n", + "def add_feature(feature,\n", + "\n", + "def remove_feature(feature, remove_payload=False, image=None, restart=False):\n", + "\n", + "def get_features(package=None, image=None):\n", + "\n", + "def add_package(package,\n", + "\n", + "def remove_package(package, image=None, restart=False):\n", + "\n", + "def package_info(package, image=None):\n", + "\n", + "def execute(opts, data, func, args, kwargs):\n", + "\n", + "def _update_repo(ret, name, target, clean, user, identity, rev, opts, update_head):\n", + "\n", + "def exists(name, **kwargs):\n", + "\n", + "def create(name, **kwargs):\n", + "\n", + "def destroy(name, **kwargs):\n", + "\n", + "def rename(name, new_name, **kwargs):\n", + "\n", + "def list_(name=None, **kwargs):\n", + "\n", + "def list_mount():\n", + "\n", + "def mount(name=None, **kwargs):\n", + "\n", + "def unmount(name, **kwargs):\n", + "\n", + "def inherit(prop, name, **kwargs):\n", + "\n", + "def diff(name_a, name_b=None, **kwargs):\n", + "\n", + "def rollback(name, **kwargs):\n", + "\n", + "def clone(name_a, name_b, **kwargs):\n", + "\n", + "def promote(name):\n", + "\n", + "def bookmark(snapshot, bookmark):\n", + "\n", + "def holds(snapshot, **kwargs):\n", + "\n", + "def hold(tag, *snapshot, **kwargs):\n", + "\n", + "def snapshot(*snapshot, **kwargs):\n", + "\n", + "def set(*dataset, **kwargs):\n", + "\n", + "def get(*dataset, **kwargs):\n", + "\n", + "def warn_until(version,\n", + "\n", + " def _formatwarning(message,\n", + "\n", + "def kwargs_warn_until(kwargs,\n", + "\n", + "def version_cmp(pkg1, pkg2, ignore_epoch=False):\n", + "\n", + "def compare(ver1='', oper='==', ver2='', cmp_func=None, ignore_epoch=False):\n", + "\n", + "def check_boto_reqs(boto_ver=None,\n", + "\n", + "def create_target_group(name, protocol, port, vpc_id,\n", + "\n", + "def delete_target_group(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def targets_registered(name, targets, region=None, key=None, keyid=None,\n", + "\n", + "def list_employees(order_by='id'):\n", + "\n", + "def show_employee(emp_id, fields=None):\n", + "\n", + "def update_employee(emp_id, key=None, value=None, items=None):\n", + "\n", + "def list_users(order_by='id'):\n", + "\n", + "def list_meta_fields():\n", + "\n", + "def _query(action=None,\n", + "\n", + "def init():\n", + "\n", + "def info(package, conn=None):\n", + "\n", + "def list_packages(conn=None):\n", + "\n", + "def list_files(package, conn=None):\n", + "\n", + "def register_pkg(name, formula_def, conn=None):\n", + "\n", + "def register_file(name, member, path, digest='', conn=None):\n", + "\n", + "def init(opts):\n", + "\n", + "def call(payload, apply_changes=False):\n", + "\n", + "def logon():\n", + "\n", + "def logout(session, cookies, csrf_token):\n", + "\n", + "def grains():\n", + "\n", + "def ping():\n", + "\n", + "def cmd(tgt,\n", + "\n", + "def mk_token(opts, tdata):\n", + "\n", + "def get_token(opts, tok):\n", + "\n", + "def rm_token(opts, tok):\n", + "\n", + "def list_tokens(opts):\n", + "\n", + "def islink(path):\n", + "\n", + "def readlink(path):\n", + "\n", + "def _is_reparse_point(path):\n", + "\n", + "def _get_reparse_data(path):\n", + "\n", + "def which(exe=None):\n", + "\n", + " def is_executable_common(path):\n", + "\n", + " def resolve(path):\n", + "\n", + " def has_executable_ext(path, ext_membership):\n", + "\n", + "def which_bin(exes):\n", + "\n", + "def join(*parts, **kwargs):\n", + "\n", + "def sanitize_win_path(winpath):\n", + "\n", + "def safe_path(path, allow_path=None):\n", + "\n", + "def os_walk(top, *args, **kwargs):\n", + "\n", + "def _process_emerge_err(stdout, stderr):\n", + "\n", + "def check_db(*names, **kwargs):\n", + "\n", + "def _get_upgradable(backtrack=3):\n", + "\n", + "def porttree_matches(name):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def update(pkg, slot=None, fromrepo=None, refresh=False, binhost=None, **kwargs):\n", + "\n", + "def remove(name=None, slot=None, fromrepo=None, pkgs=None, **kwargs):\n", + "\n", + "def purge(name=None, slot=None, fromrepo=None, pkgs=None, **kwargs):\n", + "\n", + "def depclean(name=None, slot=None, fromrepo=None, pkgs=None):\n", + "\n", + "def version_cmp(pkg1, pkg2, **kwargs):\n", + "\n", + "def check_extra_requirements(pkgname, pkgver):\n", + "\n", + "def installed(name, password, keychain=\"/Library/Keychains/System.keychain\", **kwargs):\n", + "\n", + "def uninstalled(name, password, keychain=\"/Library/Keychains/System.keychain\", keychain_password=None):\n", + "\n", + "def default_keychain(name, domain=\"user\", user=None):\n", + "\n", + "def bootstrap_app():\n", + "\n", + "def get_application(*args):\n", + "\n", + " def wsgi_app(environ, start_response):\n", + "\n", + "def _get_conn(ret=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_minions():\n", + "\n", + "def _check_worktree_support(failhard=True):\n", + "\n", + "def _config_getter(get_opt,\n", + "\n", + "def _expand_path(cwd, user):\n", + "\n", + "def _path_is_executable_others(path):\n", + "\n", + "def _format_opts(opts):\n", + "\n", + "def _format_git_opts(opts):\n", + "\n", + "def _find_ssh_exe():\n", + "\n", + "def _git_run(command, cwd=None, user=None, password=None, identity=None,\n", + "\n", + "def _get_toplevel(path, user=None, password=None, output_encoding=None):\n", + "\n", + "def _git_config(cwd, user, password, output_encoding=None):\n", + "\n", + "def _which_git_config(global_, cwd, user, password, output_encoding=None):\n", + "\n", + "def add(cwd,\n", + "\n", + "def archive(cwd,\n", + "\n", + "def branch(cwd,\n", + "\n", + "def checkout(cwd,\n", + "\n", + "def clone(cwd,\n", + "\n", + "def commit(cwd,\n", + "\n", + "def config_get(key,\n", + "\n", + "def config_get_regexp(key,\n", + "\n", + "def config_set(key,\n", + "\n", + "def config_unset(key,\n", + "\n", + "def current_branch(cwd,\n", + "\n", + "def describe(cwd,\n", + "\n", + "def diff(cwd,\n", + "\n", + "def discard_local_changes(cwd,\n", + "\n", + "def fetch(cwd,\n", + "\n", + "def init(cwd,\n", + "\n", + "def is_worktree(cwd,\n", + "\n", + "def list_branches(cwd,\n", + "\n", + "def list_tags(cwd,\n", + "\n", + "def list_worktrees(cwd,\n", + "\n", + " def _git_tag_points_at(cwd, rev, user=None, password=None,\n", + "\n", + " def _desired(is_stale, all_, stale):\n", + "\n", + " def _duplicate_worktree_path(path):\n", + "\n", + " def _untracked_item(line):\n", + "\n", + " def _read_file(path):\n", + "\n", + "def ls_remote(cwd=None,\n", + "\n", + "def merge(cwd,\n", + "\n", + "def merge_base(cwd,\n", + "\n", + "def merge_tree(cwd,\n", + "\n", + "def push(cwd,\n", + "\n", + "def rebase(cwd,\n", + "\n", + "def remote_get(cwd,\n", + "\n", + "def remote_refs(url,\n", + "\n", + "def remote_set(cwd,\n", + "\n", + "def remotes(cwd,\n", + "\n", + "def reset(cwd,\n", + "\n", + "def rev_parse(cwd,\n", + "\n", + "def revision(cwd,\n", + "\n", + "def rm_(cwd,\n", + "\n", + "def stash(cwd,\n", + "\n", + "def status(cwd,\n", + "\n", + "def submodule(cwd,\n", + "\n", + "def symbolic_ref(cwd,\n", + "\n", + "def tag(cwd,\n", + "\n", + "def version(versioninfo=False):\n", + "\n", + "def worktree_add(cwd,\n", + "\n", + "def worktree_prune(cwd,\n", + "\n", + "def worktree_rm(cwd, user=None, output_encoding=None):\n", + "\n", + "def list_(name,\n", + "\n", + " def _list_tar(name, cached, decompress_cmd, failhard=False):\n", + "\n", + " def _list_zip(name, cached):\n", + "\n", + " def _list_rar(name, cached):\n", + "\n", + " def _unsupported_format(archive_format):\n", + "\n", + "def _expand_sources(sources):\n", + "\n", + "def tar(options, tarfile, sources=None, dest=None,\n", + "\n", + "def gzip(sourcefile, template=None, runas=None, options=None):\n", + "\n", + "def gunzip(gzipfile, template=None, runas=None, options=None):\n", + "\n", + "def cmd_zip(zip_file, sources, template=None, cwd=None, runas=None):\n", + "\n", + "def zip_(zip_file, sources, template=None, cwd=None, runas=None, zip64=False):\n", + "\n", + "def cmd_unzip(zip_file,\n", + "\n", + "def unzip(zip_file,\n", + "\n", + "def is_encrypted(name, clean=False, saltenv='base', source_hash=None):\n", + "\n", + "def rar(rarfile, sources, template=None, cwd=None, runas=None):\n", + "\n", + "def unrar(rarfile, dest, excludes=None, template=None, runas=None, trim_output=False):\n", + "\n", + "def _render_filenames(filenames, zip_file, saltenv, template):\n", + "\n", + " def _render(contents):\n", + "\n", + "def _trim_files(files, trim_output):\n", + "\n", + "def _get_token(url, email, secret_key):\n", + "\n", + "def _check_regex(minion_id, regex):\n", + "\n", + "def _query_nsot(url, headers, device=None):\n", + "\n", + "def _proxy_info(minion_id, api_url, email, secret_key, fqdn_separator):\n", + "\n", + "def _all_nsot_devices(api_url, email, secret_key):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _check_cron(user,\n", + "\n", + "def present(name,\n", + "\n", + "def insert(queue, items, backend='sqlite'):\n", + "\n", + "def list_queues(backend='sqlite'):\n", + "\n", + "def list_length(queue, backend='sqlite'):\n", + "\n", + "def pop(queue, quantity=1, backend='sqlite', is_runner=False):\n", + "\n", + "def process_queue(queue, quantity=1, backend='sqlite', is_runner=False):\n", + "\n", + "def __get_queue_opts(queue=None, backend=None):\n", + "\n", + "def insert_runner(fun, args=None, kwargs=None, queue=None, backend=None):\n", + "\n", + "def process_runner(quantity=1, queue=None, backend=None):\n", + "\n", + "def _parse_args(arg):\n", + "\n", + "def publish(tgt,\n", + "\n", + "def full_data(tgt,\n", + "\n", + "def runner(fun, arg=None, timeout=5):\n", + "\n", + "def __execute_kadmin(cmd):\n", + "\n", + "def list_principals():\n", + "\n", + "def get_principal(name):\n", + "\n", + "def list_policies():\n", + "\n", + "def get_privs():\n", + "\n", + "def create_principal(name, enctypes=None):\n", + "\n", + "def delete_principal(name):\n", + "\n", + "def create_keytab(name, keytab, enctypes=None):\n", + "\n", + "def only(name, hostnames):\n", + "\n", + "def _rev(repo):\n", + "\n", + "def init():\n", + "\n", + "def _clear_old_remotes():\n", + "\n", + "def clear_cache():\n", + "\n", + "def clear_lock(remote=None):\n", + "\n", + " def _do_clear_lock(repo):\n", + "\n", + " def _add_error(errlist, repo, exc):\n", + "\n", + "def update():\n", + "\n", + "def _env_is_exposed(env):\n", + "\n", + "def envs(ignore_cache=False):\n", + "\n", + "def _env_root(repo, saltenv):\n", + "\n", + "def file_hash(load, fnd):\n", + "\n", + "def _file_lists(load, form):\n", + "\n", + "def authenticate(username, password):\n", + "\n", + " def my_conv(n_messages, messages, p_response, app_data):\n", + "\n", + "def _retrieve_grains_cache(proxy=None):\n", + "\n", + "def _retrieve_device_cache(proxy=None):\n", + "\n", + "def _get_grain(name, proxy=None):\n", + "\n", + "def _get_device_grain(name, proxy=None):\n", + "\n", + "def username(proxy=None):\n", + "\n", + "def host(proxy=None):\n", + "\n", + "def host_dns(proxy=None):\n", + "\n", + "def optional_args(proxy=None):\n", + "\n", + "def _get_missing_results(results, dest_dir):\n", + "\n", + "def built(name,\n", + "\n", + "def repo(name,\n", + "\n", + "def compile_template(template,\n", + "\n", + "def compile_template_str(template, renderers, default, blacklist, whitelist):\n", + "\n", + "def template_shebang(template, renderers, default, blacklist, whitelist, input_data):\n", + "\n", + "def check_render_pipe_str(pipestr, renderers, blacklist, whitelist):\n", + "\n", + "def init(state):\n", + "\n", + "def reboot(delay=0, message=None):\n", + "\n", + "def _get_twilio(profile):\n", + "\n", + "def send_sms(profile, body, to, from_):\n", + "\n", + "def lowstate_file_refs(chunks, extras=''):\n", + "\n", + "def salt_refs(data, ret=None):\n", + "\n", + "def prep_trans_tar(file_client, chunks, file_refs, pillar=None, id_=None, roster_grains=None):\n", + "\n", + "def load_modules(self, data=None, proxy=None):\n", + "\n", + "def _master_tops(self):\n", + "\n", + "def get_resource_by_id(resource_id, api_version, extract_value=None):\n", + "\n", + "def get_configured_provider():\n", + "\n", + " def __is_provider_configured(opts, provider, required_keys=()):\n", + "\n", + "def get_conn(client_type):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + " def _get_publisher_images(publisher):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + " def _get_node_info(node):\n", + "\n", + "def list_resource_groups(call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def _get_public_ip(name, resource_group):\n", + "\n", + "def _get_network_interface(name, resource_group):\n", + "\n", + "def create_network_interface(call=None, kwargs=None):\n", + "\n", + "def request_instance(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + " def _query_node_data(name, bootstrap_interface):\n", + "\n", + "def list_storage_accounts(call=None):\n", + "\n", + "def _get_cloud_environment():\n", + "\n", + "def _get_block_blob_service(kwargs=None):\n", + "\n", + "def list_virtual_networks(call=None, kwargs=None):\n", + "\n", + "def list_subnets(call=None, kwargs=None):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def license_present(name):\n", + "\n", + "def _create_rpmmacros(runas='root'):\n", + "\n", + "def _mk_tree(runas='root'):\n", + "\n", + "def _get_spec(tree_base, spec, template, saltenv='base'):\n", + "\n", + "def _get_distset(tgt):\n", + "\n", + "def _get_deps(deps, tree_base, saltenv='base'):\n", + "\n", + "def make_src_pkg(dest_dir, spec, sources, env=None, template=None, saltenv='base', runas='root'):\n", + "\n", + "def build(runas,\n", + "\n", + "def make_repo(repodir,\n", + "\n", + "def display(self, ret, indent, prefix, out):\n", + "\n", + "def start(grains=False, grain_keys=None, pillar=False, pillar_keys=None):\n", + "\n", + "def init(opts):\n", + "\n", + "def alive(opts):\n", + "\n", + "def ping():\n", + "\n", + "def _retry_get_url(url, num_retries=10, timeout=5):\n", + "\n", + "def _convert_key_to_str(key):\n", + "\n", + "def print_docs(self):\n", + "\n", + "def print_grains(self):\n", + "\n", + "def run(self):\n", + "\n", + "def call(self):\n", + "\n", + "def return_pub(self, ret):\n", + "\n", + "def cmd(name,\n", + "\n", + "def _api_version(profile=None, **connection_args):\n", + "\n", + "def user_present(name,\n", + "\n", + "def user_absent(name, profile=None, **connection_args):\n", + "\n", + "def tenant_present(name, description=None, enabled=True, profile=None,\n", + "\n", + "def tenant_absent(name, profile=None, **connection_args):\n", + "\n", + "def project_present(name, description=None, enabled=True, profile=None,\n", + "\n", + "def role_present(name, profile=None, **connection_args):\n", + "\n", + "def service_present(name, service_type, description=None,\n", + "\n", + "def endpoint_present(name,\n", + "\n", + " def _changes(desc):\n", + "\n", + " def _create_endpoint():\n", + "\n", + "def endpoint_absent(name, region=None, profile=None, interface=None, **connection_args):\n", + "\n", + "def _chkconfig_add(name):\n", + "\n", + "def _service_is_sysv(name):\n", + "\n", + "def _service_is_chkconfig(name):\n", + "\n", + "def _sysv_is_enabled(name, runlevel=None):\n", + "\n", + "def _chkconfig_is_enabled(name, runlevel=None):\n", + "\n", + "def _sysv_enable(name):\n", + "\n", + "def _sysv_delete(name):\n", + "\n", + "def _upstart_delete(name):\n", + "\n", + "def _sysv_services():\n", + "\n", + "def get_enabled(limit=''):\n", + "\n", + "def get_all(limit=''):\n", + "\n", + "def available(name, limit=''):\n", + "\n", + "def missing(name, limit=''):\n", + "\n", + "def start(name):\n", + "\n", + "def stop(name):\n", + "\n", + "def restart(name):\n", + "\n", + "def reload_(name):\n", + "\n", + "def _check_repo_sign_utils_support(name):\n", + "\n", + "def _get_build_env(env):\n", + "\n", + "def _get_repo_options_env(env):\n", + "\n", + "def _get_repo_dists_env(env):\n", + "\n", + "def _create_pbuilders(env, runas='root'):\n", + "\n", + "def _get_src(tree_base, source, saltenv='base'):\n", + "\n", + "def make_src_pkg(dest_dir, spec, sources, env=None, saltenv='base', runas='root'):\n", + "\n", + "def build(runas,\n", + "\n", + "def make_repo(repodir,\n", + "\n", + "def generate_token(minion_id, signature, impersonated_by_master=False):\n", + "\n", + "def unseal():\n", + "\n", + "def _validate_signature(minion_id, signature, impersonated_by_master):\n", + "\n", + "def _get_policies(minion_id, config):\n", + "\n", + "def _expand_pattern_lists(pattern, **mappings):\n", + "\n", + "def _selftoken_expired():\n", + "\n", + "def _get_token_create_url(config):\n", + "\n", + "def _find_function(name,\n", + "\n", + "def function_exists(FunctionName, region=None, key=None,\n", + "\n", + "def create_function(FunctionName, Runtime, Role, Handler, ZipFile=None,\n", + "\n", + "def delete_function(FunctionName, Qualifier=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_function(FunctionName, region=None, key=None,\n", + "\n", + "def update_function_config(FunctionName, Role=None, Handler=None,\n", + "\n", + "def update_function_code(FunctionName, ZipFile=None, S3Bucket=None, S3Key=None,\n", + "\n", + "def add_permission(FunctionName, StatementId, Action, Principal, SourceArn=None,\n", + "\n", + "def remove_permission(FunctionName, StatementId, Qualifier=None,\n", + "\n", + "def get_permissions(FunctionName, Qualifier=None,\n", + "\n", + "def list_functions(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_function_versions(FunctionName,\n", + "\n", + "def create_alias(FunctionName, Name, FunctionVersion, Description=\"\",\n", + "\n", + "def _find_alias(FunctionName, Name, FunctionVersion=None,\n", + "\n", + "def alias_exists(FunctionName, Name, region=None, key=None,\n", + "\n", + "def describe_alias(FunctionName, Name, region=None, key=None,\n", + "\n", + "def update_alias(FunctionName, Name, FunctionVersion=None, Description=None,\n", + "\n", + "def create_event_source_mapping(EventSourceArn, FunctionName, StartingPosition,\n", + "\n", + "def get_event_source_mapping_ids(EventSourceArn, FunctionName,\n", + "\n", + "def delete_event_source_mapping(UUID=None, EventSourceArn=None, FunctionName=None,\n", + "\n", + "def event_source_mapping_exists(UUID=None, EventSourceArn=None,\n", + "\n", + "def describe_event_source_mapping(UUID=None, EventSourceArn=None,\n", + "\n", + "def update_event_source_mapping(UUID,\n", + "\n", + "def update():\n", + "\n", + "def find_file(path, saltenv='base', **kwargs):\n", + "\n", + "def file_hash(load, fnd):\n", + "\n", + "def serve_file(load, fnd):\n", + "\n", + "def file_list(load):\n", + "\n", + "def dir_list(load):\n", + "\n", + "def _get_s3_key():\n", + "\n", + "def _init():\n", + "\n", + "def _get_cached_file_name(bucket_name, saltenv, path):\n", + "\n", + "def _get_buckets_cache_filename():\n", + "\n", + "def _refresh_buckets_cache_file(cache_file):\n", + "\n", + " def __get_s3_meta(bucket, key=key, keyid=keyid):\n", + "\n", + "def _read_buckets_cache_file(cache_file):\n", + "\n", + "def _find_files(metadata):\n", + "\n", + "def _find_dirs(metadata):\n", + "\n", + "def _find_file_meta(metadata, bucket_name, saltenv, path):\n", + "\n", + "def _get_file_from_s3(metadata, saltenv, bucket_name, path, cached_file_path):\n", + "\n", + "def _trim_env_off_path(paths, saltenv, trim_slash=False):\n", + "\n", + "def _is_env_per_bucket():\n", + "\n", + "def find_hosted_zone(Id=None, Name=None, PrivateZone=None,\n", + "\n", + "def get_hosted_zone(Id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_hosted_zones_by_domain(Name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_hosted_zones(DelegationSetId=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_hosted_zone(Name, VPCId=None, VPCName=None, VPCRegion=None, CallerReference=None,\n", + "\n", + "def update_hosted_zone_comment(Id=None, Name=None, Comment=None, PrivateZone=None,\n", + "\n", + "def associate_vpc_with_hosted_zone(HostedZoneId=None, Name=None, VPCId=None,\n", + "\n", + "def delete_hosted_zone(Id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_hosted_zone_by_domain(Name, PrivateZone=None, region=None, key=None, keyid=None,\n", + "\n", + "def aws_encode(x):\n", + "\n", + "def _aws_encode_changebatch(o):\n", + "\n", + "def get_resource_records(HostedZoneId=None, Name=None, StartRecordName=None,\n", + "\n", + "def change_resource_record_sets(HostedZoneId=None, Name=None,\n", + "\n", + "def mask_args_value(data, mask):\n", + "\n", + "def trim(value):\n", + "\n", + "def filename(value):\n", + "\n", + "def _get_all_eip_addresses(addresses=None, allocation_ids=None, region=None,\n", + "\n", + "def get_all_eip_addresses(addresses=None, allocation_ids=None, region=None,\n", + "\n", + "def get_unassociated_eip_address(domain='standard', region=None, key=None,\n", + "\n", + "def get_eip_address_info(addresses=None, allocation_ids=None, region=None, key=None,\n", + "\n", + "def allocate_eip_address(domain=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def release_eip_address(public_ip=None, allocation_id=None, region=None, key=None,\n", + "\n", + "def associate_eip_address(instance_id=None, instance_name=None, public_ip=None,\n", + "\n", + "def disassociate_eip_address(public_ip=None, association_id=None, region=None,\n", + "\n", + "def assign_private_ip_addresses(network_interface_name=None, network_interface_id=None,\n", + "\n", + "def get_zones(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def find_instances(instance_id=None, name=None, tags=None, region=None,\n", + "\n", + "def create_image(ami_name, instance_id=None, instance_name=None, tags=None, region=None,\n", + "\n", + "def find_images(ami_name=None, executable_by=None, owners=None, image_ids=None, tags=None,\n", + "\n", + "def terminate(instance_id=None, name=None, region=None,\n", + "\n", + "def get_id(name=None, tags=None, region=None, key=None,\n", + "\n", + "def get_tags(instance_id=None, keyid=None, key=None, profile=None,\n", + "\n", + "def exists(instance_id=None, name=None, tags=None, region=None, key=None,\n", + "\n", + "def _to_blockdev_map(thing):\n", + "\n", + "def run(image_id, name=None, tags=None, key_name=None, security_groups=None,\n", + "\n", + "def get_key(key_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_key(key_name, save_path, region=None, key=None, keyid=None,\n", + "\n", + "def import_key(key_name, public_key_material, region=None, key=None,\n", + "\n", + "def delete_key(key_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_keys(keynames=None, filters=None, region=None, key=None,\n", + "\n", + "def get_attribute(attribute, instance_name=None, instance_id=None, region=None, key=None,\n", + "\n", + "def set_attribute(attribute, attribute_value, instance_name=None, instance_id=None, region=None, key=None, keyid=None,\n", + "\n", + "def get_network_interface_id(name, region=None, key=None, keyid=None,\n", + "\n", + "def get_network_interface(name=None, network_interface_id=None, region=None,\n", + "\n", + "def create_network_interface(name, subnet_id=None, subnet_name=None,\n", + "\n", + "def attach_network_interface(device_index, name=None, network_interface_id=None,\n", + "\n", + "def get_all_volumes(volume_ids=None, filters=None, return_objs=False,\n", + "\n", + "def set_volumes_tags(tag_maps, authoritative=False, dry_run=False,\n", + "\n", + "def get_all_tags(filters=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_tags(resource_ids, tags, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def detach_volume(volume_id, instance_id=None, device=None, force=False,\n", + "\n", + "def delete_volume(volume_id, instance_id=None, device=None, force=False,\n", + "\n", + "def attach_volume(volume_id, instance_id, device,\n", + "\n", + "def create_volume(zone_name, size=None, snapshot_id=None, volume_type=None,\n", + "\n", + "def revision(cwd, rev='tip', short=False, user=None):\n", + "\n", + "def describe(cwd, rev='tip', user=None):\n", + "\n", + "def archive(cwd, output, rev='tip', fmt=None, prefix=None, user=None):\n", + "\n", + "def pull(cwd, opts=None, user=None, identity=None, repository=None):\n", + "\n", + "def update(cwd, rev, force=False, user=None):\n", + "\n", + "def status(cwd, opts=None, user=None):\n", + "\n", + " def _status(cwd):\n", + "\n", + "def validate(config):\n", + "\n", + "def _copy_interfaces_info(interfaces):\n", + "\n", + "def beacon(config):\n", + "\n", + "def set_(key, value, profile=None):\n", + "\n", + "def get(key, profile=None):\n", + "\n", + "def managed(name, port, services=None, user=None, password=None, bypass_domains=None, network_service='Ethernet'):\n", + "\n", + "def _get_archive_name(self, archname=None):\n", + "\n", + "def archives(self):\n", + "\n", + "def last_archive(self):\n", + "\n", + "def delete_archives(self, *archives):\n", + "\n", + "def format_sync_stats(self, cnt):\n", + "\n", + "def sync(self, group, name=None, host=None, location=None, move=False, all=False):\n", + "\n", + "def run(self, profile='default', pillar=None, archive=None, output='nested'):\n", + "\n", + " def __init__(self, output_device):\n", + "\n", + " def __enter__(self):\n", + "\n", + " def __exit__(self, *args):\n", + "\n", + "def next(self):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _recurse_config_to_dict(t_data):\n", + "\n", + "def _crawl_attribute(this_data, this_attr):\n", + "\n", + "def _serializer(obj):\n", + "\n", + "def modify(db=None, sql=None):\n", + "\n", + "def fetch(db=None, sql=None):\n", + "\n", + "def tables(db=None):\n", + "\n", + "def indices(db=None):\n", + "\n", + "def _get_key_dir():\n", + "\n", + "def _decrypt_ciphertext(cipher):\n", + "\n", + "def _decrypt_object(obj, translate_newlines=False):\n", + "\n", + "def render(gpg_data, saltenv='base', sls='', argline='', **kwargs):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def stats():\n", + "\n", + "def locate(pattern, database='', limit=0, **kwargs):\n", + "\n", + "def init(name, storage_backend='dir', trust_password=None,\n", + "\n", + "def config_managed(name, value, force_password=False):\n", + "\n", + "def authenticate(name, remote_addr, password, cert, key, verify_cert=True):\n", + "\n", + "def boot_device(name='default', **kwargs):\n", + "\n", + "def power(name='power_on', wait=300, **kwargs):\n", + "\n", + "def user_present(name, uid, password, channel=14, callback=False,\n", + "\n", + "def user_absent(name, channel=14, **kwargs):\n", + "\n", + "def mmatch(expr,\n", + "\n", + "def _get_spacewalk_configuration(spacewalk_url=''):\n", + "\n", + "def _get_client_and_key(url, user, password, verbose=0):\n", + "\n", + "def _get_session(server):\n", + "\n", + "def api(server, command, *args, **kwargs):\n", + "\n", + "def addGroupsToKey(server, activation_key, groups):\n", + "\n", + "def deleteAllGroups(server):\n", + "\n", + "def deleteAllSystems(server):\n", + "\n", + "def deleteAllActivationKeys(server):\n", + "\n", + "def unregister(name, server_url):\n", + "\n", + "def _diff_cache_cluster(current, desired):\n", + "\n", + "def cache_cluster_present(name, wait=900, security_groups=None, region=None, key=None,\n", + "\n", + "def _diff_replication_group(current, desired):\n", + "\n", + "def _diff_cache_subnet_group(current, desired):\n", + "\n", + "def cache_subnet_group_present(name, subnets=None, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def cache_subnet_group_absent(name, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def cache_parameter_group_present(name, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def _find_identity_pool_ids(name, pool_id, conn):\n", + "\n", + "def describe_identity_pools(IdentityPoolName, IdentityPoolId=None,\n", + "\n", + "def create_identity_pool(IdentityPoolName,\n", + "\n", + "def delete_identity_pools(IdentityPoolName, IdentityPoolId=None,\n", + "\n", + "def _get_role_arn(name, **conn_params):\n", + "\n", + "def set_identity_pool_roles(IdentityPoolId, AuthenticatedRole=None, UnauthenticatedRole=None,\n", + "\n", + "def update_identity_pool(IdentityPoolId,\n", + "\n", + "def _filter_running(runnings):\n", + "\n", + "def _set_retcode(ret, highstate=None):\n", + "\n", + "def _snapper_pre(opts, jid):\n", + "\n", + "def _snapper_post(opts, jid, pre_num):\n", + "\n", + "def _get_pause(jid, state_id=None):\n", + "\n", + "def get_pauses(jid=None):\n", + "\n", + "def soft_kill(jid, state_id=None):\n", + "\n", + "def pause(jid, state_id=None, duration=None):\n", + "\n", + "def resume(jid, state_id=None):\n", + "\n", + "def orchestrate(mods,\n", + "\n", + "def _check_queue(queue, kwargs):\n", + "\n", + "def low(data, queue=False, **kwargs):\n", + "\n", + "def high(data, test=None, queue=False, **kwargs):\n", + "\n", + "def template(tem, queue=False, **kwargs):\n", + "\n", + "def template_str(tem, queue=False, **kwargs):\n", + "\n", + "def check_request(name=None):\n", + "\n", + "def highstate(test=None, queue=False, **kwargs):\n", + "\n", + "def sls(mods, test=None, exclude=None, queue=False, sync_mods=None, **kwargs):\n", + "\n", + "def top(topfn, test=None, queue=False, **kwargs):\n", + "\n", + "def show_highstate(queue=False, **kwargs):\n", + "\n", + "def show_lowstate(queue=False, **kwargs):\n", + "\n", + "def show_state_usage(queue=False, **kwargs):\n", + "\n", + "def show_states(queue=False, **kwargs):\n", + "\n", + "def sls_id(id_, mods, test=None, queue=False, **kwargs):\n", + "\n", + "def show_low_sls(mods, test=None, queue=False, **kwargs):\n", + "\n", + "def sls_exists(mods, test=None, queue=False, **kwargs):\n", + "\n", + "def id_exists(ids, mods, test=None, queue=False, **kwargs):\n", + "\n", + "def show_top(queue=False, **kwargs):\n", + "\n", + "def single(fun, name, test=None, queue=False, **kwargs):\n", + "\n", + "def clear_cache():\n", + "\n", + "def pkg(pkg_path,\n", + "\n", + "def disable(states):\n", + "\n", + "def enable(states):\n", + "\n", + "def _disabled(funs):\n", + "\n", + "def event(tagmatch='*',\n", + "\n", + "def exists(name, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def present(name, value, delimiter=DEFAULT_TARGET_DELIM, force=False):\n", + "\n", + "def list_present(name, value, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def list_absent(name, value, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def absent(name,\n", + "\n", + "def append(name, value, convert=False,\n", + "\n", + "def _clear_context(context):\n", + "\n", + "def _yes(context):\n", + "\n", + "def _no_progress(context):\n", + "\n", + "def _find_chocolatey(context, salt):\n", + "\n", + "def chocolatey_version():\n", + "\n", + "def bootstrap(force=False):\n", + "\n", + "def list_(narrow=None,\n", + "\n", + "def list_windowsfeatures():\n", + "\n", + "def install_cygwin(name, install_args=None, override_args=False):\n", + "\n", + "def install_gem(name, version=None, install_args=None, override_args=False):\n", + "\n", + "def install_missing(name, version=None, source=None):\n", + "\n", + "def install_python(name, version=None, install_args=None, override_args=False):\n", + "\n", + "def install_webpi(name, install_args=None, override_args=False):\n", + "\n", + "def uninstall(name, version=None, uninstall_args=None, override_args=False):\n", + "\n", + "def upgrade(name,\n", + "\n", + "def update(name, source=None, pre_versions=False):\n", + "\n", + "def version(name, check_remote=False, source=None, pre_versions=False):\n", + "\n", + "def add_source(name, source_location, username=None, password=None):\n", + "\n", + "def _change_source_state(name, state):\n", + "\n", + "def add(overlay):\n", + "\n", + "def delete(overlay):\n", + "\n", + "def list_local():\n", + "\n", + "def __django_auth_setup():\n", + "\n", + "def auth(username, password):\n", + "\n", + "def confirm_top(match, data, nodegroups=None):\n", + "\n", + "def list_installed():\n", + "\n", + "def install(feature, recurse=False, restart=False, source=None, exclude=None):\n", + "\n", + "def remove(feature, remove_payload=False, restart=False):\n", + "\n", + "def scan(iface, style=None):\n", + "\n", + "def set_mode(iface, mode):\n", + "\n", + "def list_interfaces(style=None):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def tsql_query(query, **kwargs):\n", + "\n", + "def db_create(database, containment='NONE', new_database_options=None, **kwargs):\n", + "\n", + "def db_remove(database_name, **kwargs):\n", + "\n", + "def role_exists(role, **kwargs):\n", + "\n", + "def role_create(role, owner=None, grants=None, **kwargs):\n", + "\n", + "def role_remove(role, **kwargs):\n", + "\n", + "def login_exists(login, domain='', **kwargs):\n", + "\n", + "def login_create(login, new_login_password=None, new_login_domain='', new_login_roles=None, new_login_options=None, **kwargs):\n", + "\n", + "def login_remove(login, **kwargs):\n", + "\n", + "def user_exists(username, domain='', database=None, **kwargs):\n", + "\n", + "def user_create(username, login=None, domain='', database=None, roles=None, options=None, **kwargs):\n", + "\n", + "def user_remove(username, **kwargs):\n", + "\n", + "def _format_comments(ret, comments):\n", + "\n", + "def _check_diff(changes):\n", + "\n", + "def _parse_networks(networks):\n", + "\n", + "def _resolve_image(ret, image, client_timeout):\n", + "\n", + "def running(name,\n", + "\n", + " def _replace(orig, new):\n", + "\n", + " def _delete_temp_container():\n", + "\n", + " def _get_nets():\n", + "\n", + "def run(name,\n", + "\n", + "def stopped(name=None,\n", + "\n", + "def absent(name, force=False):\n", + "\n", + "def mod_run_check(onlyif, unless, creates):\n", + "\n", + "def mod_watch(name, sfun=None, **kwargs):\n", + "\n", + "def _cache_provider_details(conn=None):\n", + "\n", + "def list_nodes(**kwargs):\n", + "\n", + "def list_nodes_full(**kwargs):\n", + "\n", + "def destroy(name):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def _lookup_vultrid(which_key, availkey, keyname):\n", + "\n", + "def create(vm_):\n", + "\n", + " def wait_for_hostname():\n", + "\n", + " def wait_for_default_password():\n", + "\n", + " def wait_for_status():\n", + "\n", + " def wait_for_server_state():\n", + "\n", + "def _query(path, method='GET', data=None, params=None, header_dict=None, decode=True):\n", + "\n", + "def ext_pillar(minion_id, pillar, function, **kwargs):\n", + "\n", + "def key_value(minion_id,\n", + "\n", + "def key_json(minion_id,\n", + "\n", + "def sync():\n", + "\n", + "def add(name, gid=None, **kwargs):\n", + "\n", + "def adduser(name, username):\n", + "\n", + "def deluser(name, username):\n", + "\n", + "def datasource_exists(name, jboss_config, datasource_properties, recreate=False, profile=None):\n", + "\n", + "def bindings_exist(name, jboss_config, bindings, profile=None):\n", + "\n", + "def deployed(name, jboss_config, salt_source=None):\n", + "\n", + "def reloaded(name, jboss_config, timeout=60, interval=5):\n", + "\n", + "def valid_username(user):\n", + "\n", + "def load_states():\n", + "\n", + "def send_message(url, message):\n", + "\n", + "def raise_error(name=None, args=None, message=''):\n", + "\n", + "def fire_exception(exc, opts, job=None, node='minion'):\n", + "\n", + "def render(msgpack_data, saltenv='base', sls='', **kws):\n", + "\n", + "def init_git_pillar(opts):\n", + "\n", + "def clean_fsbackend(opts):\n", + "\n", + "def clean_expired_tokens(opts):\n", + "\n", + "def clean_old_jobs(opts):\n", + "\n", + "def clean_proc_dir(opts):\n", + "\n", + "def access_keys(opts):\n", + "\n", + "def fileserver_update(fileserver):\n", + "\n", + "def check_permissions(self, filename):\n", + "\n", + "def check_signing_file(self, keyid, signing_file):\n", + "\n", + "def check_autosign_dir(self, keyid):\n", + "\n", + "def check_autosign_grains(self, autosign_grains):\n", + "\n", + "def check_autosign(self, keyid, autosign_grains=None):\n", + "\n", + "def __setup_fileserver(self):\n", + "\n", + "def __verify_minion_publish(self, load):\n", + "\n", + "def _master_opts(self, load):\n", + "\n", + "def _master_tops(self, load, skip_verify=False):\n", + "\n", + "def _mine_get(self, load, skip_verify=False):\n", + "\n", + "def _mine(self, load, skip_verify=False):\n", + "\n", + "def _mine_delete(self, load):\n", + "\n", + "def _mine_flush(self, load, skip_verify=False):\n", + "\n", + "def _file_recv(self, load):\n", + "\n", + "def _pillar(self, load):\n", + "\n", + "def _minion_event(self, load):\n", + "\n", + "def _return(self, load):\n", + "\n", + "def _syndic_return(self, load):\n", + "\n", + "def minion_runner(self, load):\n", + "\n", + "def pub_ret(self, load, skip_verify=False):\n", + "\n", + "def minion_pub(self, load):\n", + "\n", + "def minion_publish(self, load):\n", + "\n", + "def revoke_auth(self, load):\n", + "\n", + "def runner(self, load):\n", + "\n", + "def wheel(self, load):\n", + "\n", + "def mk_token(self, load):\n", + "\n", + "def publish(self, load):\n", + "\n", + "def start(token,\n", + "\n", + "def get_slack_users(self, token):\n", + "\n", + "def get_slack_channels(self, token):\n", + "\n", + "def get_config_groups(self, groups_conf, groups_pillar_name):\n", + "\n", + "def _groups_from_pillar(self, pillar_name):\n", + "\n", + "def fire(self, tag, msg):\n", + "\n", + "def can_user_run(self, user, command, groups):\n", + "\n", + "def commandline_to_list(self, cmdline_str, trigger_string):\n", + "\n", + "def control_message_target(self, slack_user_name, text, loaded_groups, trigger_string):\n", + "\n", + "def message_text(self, m_data):\n", + "\n", + "def generate_triggered_messages(self, token, trigger_string, groups, groups_pillar_name):\n", + "\n", + " def just_data(m_data):\n", + "\n", + "def get_target(self, permitted_group, cmdline, alias_cmdline):\n", + "\n", + " def check_cmd_against_group(cmd):\n", + "\n", + "def parse_args_and_kwargs(self, cmdline):\n", + "\n", + "def get_jobs_from_runner(self, outstanding_jids):\n", + "\n", + "def run_commands_from_slack_async(self, message_generator, fire_all, tag, control, interval=1):\n", + "\n", + "def run_command_async(self, msg):\n", + "\n", + "def _get_serv(ret=None, commit=False):\n", + "\n", + "def returner(ret):\n", + "\n", + "def get_jids():\n", + "\n", + "def present(name, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def _json_to_unicode(data):\n", + "\n", + "def _is_updated(old_conf, new_conf):\n", + "\n", + "def _do_element_present(name, elem_type, data, server=None):\n", + "\n", + "def _do_element_absent(name, elem_type, data, server=None):\n", + "\n", + "def connection_factory_present(name,\n", + "\n", + "def connection_factory_absent(name, both=True, server=None):\n", + "\n", + "def destination_present(name,\n", + "\n", + "def destination_absent(name, server=None):\n", + "\n", + "def jdbc_datasource_present(name,\n", + "\n", + "def jdbc_datasource_absent(name, both=True, server=None):\n", + "\n", + "def system_properties_present(server=None, **kwargs):\n", + "\n", + "def system_properties_absent(name, server=None):\n", + "\n", + "def parse_target(target_expression):\n", + "\n", + "def get_minion_data(minion, opts):\n", + "\n", + "def nodegroup_comp(nodegroup, nodegroups, skip=None, first_call=True):\n", + "\n", + "def mine_get(tgt, fun, tgt_type='glob', opts=None):\n", + "\n", + "def _pki_minions(self):\n", + "\n", + "def _check_cache_minions(self,\n", + "\n", + " def list_cached_minions():\n", + "\n", + "def _check_grain_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_grain_pcre_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_pillar_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_pillar_pcre_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_pillar_exact_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_ipcidr_minions(self, expr, greedy):\n", + "\n", + "def _check_range_minions(self, expr, greedy):\n", + "\n", + "def _check_compound_pillar_exact_minions(self, expr, delimiter, greedy):\n", + "\n", + "def _check_compound_minions(self,\n", + "\n", + "def connected_ids(self, subset=None, show_ip=False, show_ipv4=None, include_localhost=None):\n", + "\n", + "def _all_minions(self, expr=None):\n", + "\n", + "def check_minions(self,\n", + "\n", + "def validate_tgt(self, valid, expr, tgt_type, minions=None, expr_form=None):\n", + "\n", + "def match_check(self, regex, fun):\n", + "\n", + "def any_auth(self, form, auth_list, fun, arg, tgt=None, tgt_type='glob'):\n", + "\n", + "def auth_check(self,\n", + "\n", + "def fill_auth_list_from_groups(self, auth_provider, user_groups, auth_list):\n", + "\n", + "def fill_auth_list(self, auth_provider, name, groups, auth_list=None, permissive=None):\n", + "\n", + "def wheel_check(self, auth_list, fun, args):\n", + "\n", + "def runner_check(self, auth_list, fun, args):\n", + "\n", + "def spec_check(self, auth_list, fun, args, form):\n", + "\n", + "def __fun_check(self, valid, fun, args=None, kwargs=None):\n", + "\n", + "def __args_check(self, valid, args=None, kwargs=None):\n", + "\n", + "def list_nodes_full(call=None, for_output=True):\n", + "\n", + "def get_monthly_estimate(call=None, for_output=True):\n", + "\n", + "def get_server_alerts(call=None, for_output=True, **kwargs):\n", + "\n", + "def get_group_estimate(call=None, for_output=True, **kwargs):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def get_build_status(req_id, nodename):\n", + "\n", + "def create(vm_):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, protocol=None, service_address=None):\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def show(config_file=False):\n", + "\n", + "def assign(name, value):\n", + "\n", + "def _get_asam_configuration(driver_url=''):\n", + "\n", + "def remove_platform(name, server_url):\n", + "\n", + "def list_platforms(server_url):\n", + "\n", + "def list_platform_sets(server_url):\n", + "\n", + "def add_platform(name, platform_set, server_url):\n", + "\n", + "def _split_module_dicts():\n", + "\n", + "def render(template_file, saltenv='base', sls='', argline='',\n", + "\n", + "def init(**kwargs):\n", + "\n", + "def check_existing(package, pkg_files, formula_def, conn=None):\n", + "\n", + "def install_file(package, formula_tar, member, formula_def, conn=None):\n", + "\n", + "def remove_file(path, conn=None):\n", + "\n", + "def hash_file(path, hashobj, conn=None):\n", + "\n", + "def set_(name,\n", + "\n", + "def xor(*variables):\n", + "\n", + "def usage():\n", + "\n", + "def _convert_datetime_str(response):\n", + "\n", + "def _multi_call(function, contentkey, *args, **kwargs):\n", + "\n", + "def _find_apis_by_name(name, description=None,\n", + "\n", + "def describe_apis(name=None, description=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def api_exists(name, description=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api(name, description, cloneFrom=None,\n", + "\n", + "def delete_api(name, description=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_resources(restApiId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_resource(restApiId, path,\n", + "\n", + "def create_api_resources(restApiId, path,\n", + "\n", + "def delete_api_resources(restApiId, path,\n", + "\n", + "def describe_api_key(apiKey, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_keys(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api_key(name, description, enabled=True, stageKeys=None,\n", + "\n", + "def delete_api_key(apiKey, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _api_key_patch_replace(conn, apiKey, path, value):\n", + "\n", + "def _api_key_patch_add(conn, apiKey, pvlist):\n", + "\n", + "def _api_key_patch_remove(conn, apiKey, pvlist):\n", + "\n", + "def update_api_key_description(apiKey, description, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def enable_api_key(apiKey, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def associate_api_key_stagekeys(apiKey, stagekeyslist, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def disassociate_api_key_stagekeys(apiKey, stagekeyslist, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_deployments(restApiId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_deployment(restApiId, deploymentId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def activate_api_deployment(restApiId, stageName, deploymentId,\n", + "\n", + "def create_api_deployment(restApiId, stageName, stageDescription='', description='', cacheClusterEnabled=False,\n", + "\n", + "def delete_api_deployment(restApiId, deploymentId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def overwrite_api_stage_variables(restApiId, stageName, variables, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_stage(restApiId, stageName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_stages(restApiId, deploymentId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api_stage(restApiId, stageName, deploymentId, description='',\n", + "\n", + "def delete_api_stage(restApiId, stageName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def flush_api_stage_cache(restApiId, stageName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api_method(restApiId, resourcePath, httpMethod, authorizationType,\n", + "\n", + "def describe_api_method(restApiId, resourcePath, httpMethod, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_api_method(restApiId, resourcePath, httpMethod, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api_method_response(restApiId, resourcePath, httpMethod, statusCode, responseParameters=None,\n", + "\n", + "def delete_api_method_response(restApiId, resourcePath, httpMethod, statusCode,\n", + "\n", + "def describe_api_method_response(restApiId, resourcePath, httpMethod, statusCode,\n", + "\n", + "def describe_api_models(restApiId, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_model(restApiId, modelName, flatten=True, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def api_model_exists(restApiId, modelName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _api_model_patch_replace(conn, restApiId, modelName, path, value):\n", + "\n", + "def update_api_model_schema(restApiId, modelName, schema, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_api_model(restApiId, modelName, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_api_model(restApiId, modelName, modelDescription, schema, contentType='application/json',\n", + "\n", + "def describe_api_integration(restApiId, resourcePath, httpMethod, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_api_integration_response(restApiId, resourcePath, httpMethod, statusCode,\n", + "\n", + "def delete_api_integration_response(restApiId, resourcePath, httpMethod, statusCode,\n", + "\n", + "def create_api_integration(restApiId, resourcePath, httpMethod, integrationType, integrationHttpMethod,\n", + "\n", + "def create_api_integration_response(restApiId, resourcePath, httpMethod, statusCode, selectionPattern,\n", + "\n", + "def _filter_plans(attr, name, plans):\n", + "\n", + "def describe_usage_plans(name=None, plan_id=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _validate_quota(quota):\n", + "\n", + "def create_usage_plan(name, description=None, throttle=None, quota=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def update_usage_plan(plan_id, throttle=None, quota=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_usage_plan(plan_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _update_usage_plan_apis(plan_id, apis, op, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def attach_usage_plan_to_apis(plan_id, apis, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def detach_usage_plan_from_apis(plan_id, apis, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _clean_vdev_config(config):\n", + "\n", + "def status(zpool=None):\n", + "\n", + "def iostat(zpool=None, sample_time=5, parsable=True):\n", + "\n", + "def list_(properties='size,alloc,free,cap,frag,health', zpool=None, parsable=True):\n", + "\n", + "def get(zpool, prop=None, show_source=False, parsable=True):\n", + "\n", + "def set(zpool, prop, value):\n", + "\n", + "def exists(zpool):\n", + "\n", + "def destroy(zpool, force=False):\n", + "\n", + "def scrub(zpool, stop=False, pause=False):\n", + "\n", + "def create(zpool, *vdevs, **kwargs):\n", + "\n", + "def add(zpool, *vdevs, **kwargs):\n", + "\n", + "def attach(zpool, device, new_device, force=False):\n", + "\n", + "def detach(zpool, device):\n", + "\n", + "def split(zpool, newzpool, **kwargs):\n", + "\n", + "def replace(zpool, old_device, new_device=None, force=False):\n", + "\n", + "def create_file_vdev(size, *vdevs):\n", + "\n", + "def export(*pools, **kwargs):\n", + "\n", + "def import_(zpool=None, new_name=None, **kwargs):\n", + "\n", + "def online(zpool, *vdevs, **kwargs):\n", + "\n", + "def offline(zpool, *vdevs, **kwargs):\n", + "\n", + "def labelclear(device, force=False):\n", + "\n", + "def clear(zpool, device=None):\n", + "\n", + "def reguid(zpool):\n", + "\n", + "def upgrade(zpool=None, version=None):\n", + "\n", + "def history(zpool=None, internal=False, verbose=False):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_config(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create(name, launch_config_name, availability_zones, min_size, max_size,\n", + "\n", + "def update(name, launch_config_name, availability_zones, min_size, max_size,\n", + "\n", + "def _create_scaling_policies(conn, as_name, scaling_policies):\n", + "\n", + "def _create_scheduled_actions(conn, as_name, scheduled_actions):\n", + "\n", + "def get_cloud_init_mime(cloud_init):\n", + "\n", + "def launch_configuration_exists(name, region=None, key=None, keyid=None,\n", + "\n", + "def get_all_launch_configurations(region=None, key=None, keyid=None,\n", + "\n", + "def list_launch_configurations(region=None, key=None, keyid=None,\n", + "\n", + "def create_launch_configuration(name, image_id, key_name=None,\n", + "\n", + "def delete_launch_configuration(name, region=None, key=None, keyid=None,\n", + "\n", + "def get_scaling_policy_arn(as_group, scaling_policy_name, region=None,\n", + "\n", + "def get_all_groups(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_groups(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_instances(name, lifecycle_state=\"InService\", health_status=\"Healthy\",\n", + "\n", + "def exit_standby(name, instance_ids, should_decrement_desired_capacity=False,\n", + "\n", + "def ls_(get_size=True):\n", + "\n", + "def rescan_all(host):\n", + "\n", + "def _get_vsan_datastore(si, cluster_name):\n", + "\n", + "def cluster_configured(name, cluster_config):\n", + "\n", + "def vsan_datastore_configured(name, datastore_name):\n", + "\n", + "def licenses_configured(name, licenses=None):\n", + "\n", + "def get_system_encoding():\n", + "\n", + "def need_deployment():\n", + "\n", + "def get_hash(path, form='sha1', chunk_size=4096):\n", + "\n", + "def unpack_thin(thin_path):\n", + "\n", + "def need_ext():\n", + "\n", + "def unpack_ext(ext_path):\n", + "\n", + "def reset_time(path='.', amt=None):\n", + "\n", + "def get_executable():\n", + "\n", + "def _mount(device):\n", + "\n", + "def _is_default(path, dest, name):\n", + "\n", + "def _set_default(path, dest, name):\n", + "\n", + "def _is_cow(path):\n", + "\n", + "def __mount_device(action):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def subvolume_created(name, device, qgroupids=None, set_default=False,\n", + "\n", + "def subvolume_deleted(name, device, commit=False, __dest=None):\n", + "\n", + "def zone_present(name, resource_group, etag=None, if_match=None, if_none_match=None,\n", + "\n", + "def zone_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def record_set_present(name, zone_name, resource_group, record_type, if_match=None, if_none_match=None,\n", + "\n", + "def record_set_absent(name, zone_name, resource_group, connection_auth=None):\n", + "\n", + "def _get_config_file(conf, atom):\n", + "\n", + "def _get_cpv(cp, installed=True):\n", + "\n", + "def _unify_keywords():\n", + "\n", + "def _package_conf_file_to_dir(file_name):\n", + "\n", + "def _package_conf_ordering(conf, clean=True, keep_backup=False):\n", + "\n", + "def _check_accept_keywords(approved, flag):\n", + "\n", + "def _merge_flags(new_flags, old_flags=None, conf='any'):\n", + "\n", + "def append_to_package_conf(conf, atom='', flags=None, string='', overwrite=False):\n", + "\n", + "def append_use_flags(atom, uses=None, overwrite=False):\n", + "\n", + "def get_flags_from_package_conf(conf, atom):\n", + "\n", + "def has_flag(conf, atom, flag):\n", + "\n", + "def get_missing_flags(conf, atom, flags):\n", + "\n", + "def is_present(conf, atom):\n", + "\n", + "def get_iuse(cp):\n", + "\n", + "def get_installed_use(cp, use=\"USE\"):\n", + "\n", + "def filter_flags(use, use_expand_hidden, usemasked, useforced):\n", + "\n", + "def get_all_cpv_use(cp):\n", + "\n", + "def get_cleared_flags(cp):\n", + "\n", + "def is_changed_uses(cp):\n", + "\n", + "def active():\n", + "\n", + "def crypttab(config='/etc/crypttab'):\n", + "\n", + "def rm_crypttab(name, config='/etc/crypttab'):\n", + "\n", + "def open(name, device, keyfile):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, protocol=None, service_address=None, server_address=None):\n", + "\n", + "def present(name,\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def install(name=None, pkgs=None, sources=None, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, purge=False, **kwargs):\n", + "\n", + "def purge(name=None, pkgs=None, **kwargs):\n", + "\n", + "def upgrade(name=None,\n", + "\n", + "def present(name, pipeline_objects=None,\n", + "\n", + "def _pipeline_present_with_definition(name, expected_pipeline_objects,\n", + "\n", + "def _cleaned(_pipeline_objects):\n", + "\n", + "def _recursive_compare(v1, v2):\n", + "\n", + "def _id_or_key(list_item):\n", + "\n", + "def _diff(old_pipeline_definition, new_pipeline_definition):\n", + "\n", + "def _standardize(structure):\n", + "\n", + " def mutating_helper(structure):\n", + "\n", + "def _pipeline_objects(pipeline_objects_from_pillars, pipeline_object_overrides):\n", + "\n", + "def _parameter_objects(parameter_objects_from_pillars, parameter_object_overrides):\n", + "\n", + "def _parameter_values(parameter_values_from_pillars, parameter_value_overrides):\n", + "\n", + "def _dict_to_list_ids(objects):\n", + "\n", + "def _properties_from_dict(d, key_name='key'):\n", + "\n", + "def absent(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def deserialize(stream_or_string, **options):\n", + "\n", + "def serialize(obj, **options):\n", + "\n", + "def present(name, character_set=None, collate=None, **connection_args):\n", + "\n", + "def absent(name, **connection_args):\n", + "\n", + "def _get_net_runner_opts():\n", + "\n", + "def _get_mine(fun):\n", + "\n", + "def _display_runner(rows, labels, title, display=_DEFAULT_DISPLAY):\n", + "\n", + "def _find_interfaces_ip(mac):\n", + "\n", + "def interfaces(device=None,\n", + "\n", + " def _ipnet_belongs(net):\n", + "\n", + "def findarp(device=None,\n", + "\n", + "def findmac(device=None, mac=None, interface=None, vlan=None, display=_DEFAULT_DISPLAY):\n", + "\n", + "def lldp(device=None,\n", + "\n", + "def find(addr, best=True, display=_DEFAULT_DISPLAY):\n", + "\n", + "def multi_find(*patterns, **kwargs):\n", + "\n", + "def _recurmatch(path, aug):\n", + "\n", + "def _lstrip_word(word, prefix):\n", + "\n", + "def _check_load_paths(load_path):\n", + "\n", + "def execute(context=None, lens=None, commands=(), load_path=None):\n", + "\n", + " def make_path(path):\n", + "\n", + "def get(path, value='', load_path=None):\n", + "\n", + "def setvalue(*args):\n", + "\n", + "def match(path, value='', load_path=None):\n", + "\n", + "def remove(path, load_path=None):\n", + "\n", + " def _match(path):\n", + "\n", + "def tree(path, load_path=None):\n", + "\n", + "def list_installed():\n", + "\n", + "def upgrade(reboot=False, at_time=None):\n", + "\n", + "def remove(release):\n", + "\n", + "def cleanup(keep_latest=True):\n", + "\n", + "def _cmp_version(item1, item2):\n", + "\n", + "def string(name, value, expire=None, expireat=None, **connection_args):\n", + "\n", + "def absent(name, keys=None, **connection_args):\n", + "\n", + "def slaveof(name, sentinel_host=None, sentinel_port=None, sentinel_password=None, **connection_args):\n", + "\n", + "def __main():\n", + "\n", + " def run():\n", + "\n", + "def __squid_to_guid(self, squid):\n", + "\n", + "def __one_equals_true(value):\n", + "\n", + "def __reg_query_value(handle, value_name):\n", + "\n", + "def install_time(self):\n", + "\n", + "def get_install_value(self, value_name, wanted_type=None):\n", + "\n", + "def get_product_value(self, value_name, wanted_type=None):\n", + "\n", + "def upgrade_code(self):\n", + "\n", + "def list_patches(self):\n", + "\n", + "def version_binary(self):\n", + "\n", + "def pkg_version_list(self, pkg_id):\n", + "\n", + "def __sid_to_username(sid):\n", + "\n", + "def __software_to_pkg_id(self, publisher, name, is_component, is_32bit):\n", + "\n", + "def __version_capture_slp(self, pkg_id, version_binary, version_display, display_name):\n", + "\n", + "def __collect_software_info(self, sid, key_software, use_32bit):\n", + "\n", + "def __get_software_details(self, user_pkgs):\n", + "\n", + "def enforce_types(key, val):\n", + "\n", + " def _find_global(key):\n", + "\n", + "def _get_envs_from_ref_paths(self, refs):\n", + "\n", + " def _check_ref(env_set, rname):\n", + "\n", + "def add_conf_overlay(cls, name):\n", + "\n", + " def _getconf(self, tgt_env='base'):\n", + "\n", + " def _get_per_saltenv(tgt_env):\n", + "\n", + "def check_root(self):\n", + "\n", + "def clean_stale_refs(self):\n", + "\n", + "def clear_lock(self, lock_type='update'):\n", + "\n", + " def _add_error(errlist, exc):\n", + "\n", + "def enforce_git_config(self):\n", + "\n", + "def fetch(self):\n", + "\n", + "def _lock(self, lock_type='update', failhard=False):\n", + "\n", + "def lock(self):\n", + "\n", + "def gen_lock(self, lock_type='update', timeout=0, poll_interval=0.5):\n", + "\n", + "def env_is_exposed(self, tgt_env):\n", + "\n", + "def get_checkout_target(self):\n", + "\n", + "def get_tree(self, tgt_env):\n", + "\n", + "def get_url(self):\n", + "\n", + "def linkdir_walk(self):\n", + "\n", + "def checkout(self):\n", + "\n", + "def init_remote(self):\n", + "\n", + "def dir_list(self, tgt_env):\n", + "\n", + "def envs(self):\n", + "\n", + "def _fetch(self):\n", + "\n", + "def file_list(self, tgt_env):\n", + "\n", + "def find_file(self, path, tgt_env):\n", + "\n", + "def get_tree_from_branch(self, ref):\n", + "\n", + "def get_tree_from_tag(self, ref):\n", + "\n", + "def get_tree_from_sha(self, ref):\n", + "\n", + "def write_file(self, blob, dest):\n", + "\n", + "def checkout(self):\n", + "\n", + " def _perform_checkout(checkout_ref, branch=True):\n", + "\n", + "def init_remote(self):\n", + "\n", + "def dir_list(self, tgt_env):\n", + "\n", + " def _traverse(tree, blobs, prefix):\n", + "\n", + "def _fetch(self):\n", + "\n", + "def file_list(self, tgt_env):\n", + "\n", + " def _traverse(tree, blobs, prefix):\n", + "\n", + "def find_file(self, path, tgt_env):\n", + "\n", + "def get_tree_from_branch(self, ref):\n", + "\n", + "def get_tree_from_sha(self, ref):\n", + "\n", + "def setup_callbacks(self):\n", + "\n", + "def verify_auth(self):\n", + "\n", + " def _incomplete_auth(missing):\n", + "\n", + " def _key_does_not_exist(key_type, path):\n", + "\n", + "def write_file(self, blob, dest):\n", + "\n", + "def init_remotes(self, remotes, per_remote_overrides=(),\n", + "\n", + "def clear_old_remotes(self):\n", + "\n", + "def clear_cache(self):\n", + "\n", + "def clear_lock(self, remote=None, lock_type='update'):\n", + "\n", + "def fetch_remotes(self, remotes=None):\n", + "\n", + "def lock(self, remote=None):\n", + "\n", + "def update(self, remotes=None):\n", + "\n", + "def update_intervals(self):\n", + "\n", + "def verify_provider(self):\n", + "\n", + "def verify_gitpython(self, quiet=False):\n", + "\n", + " def _recommend():\n", + "\n", + "def verify_pygit2(self, quiet=False):\n", + "\n", + " def _recommend():\n", + "\n", + "def write_remote_map(self):\n", + "\n", + "def do_checkout(self, repo):\n", + "\n", + "def envs(self, ignore_cache=False):\n", + "\n", + " def _add_file_stat(fnd, mode):\n", + "\n", + "def file_hash(self, load, fnd):\n", + "\n", + "def _file_lists(self, load, form):\n", + "\n", + "def symlink_list(self, load):\n", + "\n", + "def checkout(self):\n", + "\n", + "def link_mountpoint(self, repo):\n", + "\n", + "def checkout(self):\n", + "\n", + "def _is_exposed(minion):\n", + "\n", + "def update():\n", + "\n", + "def file_hash(load, fnd):\n", + "\n", + "def file_list(load):\n", + "\n", + "def _subprocess(cmd):\n", + "\n", + "def bounce_local(drain=False):\n", + "\n", + "def restart_local(drain=False):\n", + "\n", + "def match_metric(regex):\n", + "\n", + "def match_config(regex):\n", + "\n", + "def read_config(*args):\n", + "\n", + "def set_config(variable, value):\n", + "\n", + "def offline(path):\n", + "\n", + "def clear_alarms(alarm):\n", + "\n", + "def node_state(id_):\n", + "\n", + "def check_libcloud_version(reqver=LIBCLOUD_MINIMAL_VERSION, why=None):\n", + "\n", + "def get_node(conn, name):\n", + "\n", + "def avail_locations(conn=None, call=None):\n", + "\n", + "def avail_images(conn=None, call=None):\n", + "\n", + "def avail_sizes(conn=None, call=None):\n", + "\n", + "def get_location(conn, vm_):\n", + "\n", + "def get_image(conn, vm_):\n", + "\n", + "def get_size(conn, vm_):\n", + "\n", + "def destroy(name, conn=None, call=None):\n", + "\n", + "def reboot(name, conn=None):\n", + "\n", + "def list_nodes(conn=None, call=None):\n", + "\n", + "def list_nodes_full(conn=None, call=None):\n", + "\n", + "def list_nodes_select(conn=None, call=None):\n", + "\n", + "def conn_has_method(conn, method_name):\n", + "\n", + "def db_exists(name, **client_args):\n", + "\n", + "def create_db(name, **client_args):\n", + "\n", + "def drop_db(name, **client_args):\n", + "\n", + "def user_info(name, **client_args):\n", + "\n", + "def create_user(name, passwd, admin=False, **client_args):\n", + "\n", + "def set_user_password(name, passwd, **client_args):\n", + "\n", + "def grant_admin_privileges(name, **client_args):\n", + "\n", + "def revoke_admin_privileges(name, **client_args):\n", + "\n", + "def remove_user(name, **client_args):\n", + "\n", + "def get_retention_policy(database, name, **client_args):\n", + "\n", + "def retention_policy_exists(database, name, **client_args):\n", + "\n", + "def drop_retention_policy(database, name, **client_args):\n", + "\n", + "def create_retention_policy(database,\n", + "\n", + "def list_privileges(name, **client_args):\n", + "\n", + "def grant_privilege(database, privilege, username, **client_args):\n", + "\n", + "def revoke_privilege(database, privilege, username, **client_args):\n", + "\n", + "def continuous_query_exists(database, name, **client_args):\n", + "\n", + "def get_continuous_query(database, name, **client_args):\n", + "\n", + "def create_continuous_query(database, name, query, resample_time=None, coverage_period=None, **client_args):\n", + "\n", + "def drop_continuous_query(database, name, **client_args):\n", + "\n", + "def _pull_query_results(resultset):\n", + "\n", + "def query(database, query, **client_args):\n", + "\n", + "def _get_recursive_difference(self, type):\n", + "\n", + "def remove_diff(self, diff_key=None, diff_list='intersect'):\n", + "\n", + "def diffs(self):\n", + "\n", + "def changes_str(self):\n", + "\n", + "def changes_str2(self, tab_string=' '):\n", + "\n", + "def new_values(self):\n", + "\n", + " def get_new_values_and_key(item):\n", + "\n", + "def old_values(self):\n", + "\n", + " def get_old_values_and_key(item):\n", + "\n", + "def changed(self, selection='all'):\n", + "\n", + "def cmd(fun, *args, **kwargs):\n", + "\n", + "def execute(tgt,\n", + "\n", + "def _resolve_symlink(path, max_depth=64):\n", + "\n", + "def gid_to_group(gid):\n", + "\n", + "def group_to_gid(group):\n", + "\n", + "def get_pgid(path, follow_symlinks=True):\n", + "\n", + "def get_gid(path, follow_symlinks=True):\n", + "\n", + "def get_group(path, follow_symlinks=True):\n", + "\n", + "def user_to_uid(user):\n", + "\n", + "def get_uid(path, follow_symlinks=True):\n", + "\n", + "def get_user(path, follow_symlinks=True):\n", + "\n", + "def get_mode(path):\n", + "\n", + "def lchown(path, user, group=None, pgroup=None):\n", + "\n", + "def chown(path, user, group=None, pgroup=None, follow_symlinks=True):\n", + "\n", + "def chgrp(path, group):\n", + "\n", + "def stats(path, hash_type='sha256', follow_symlinks=True):\n", + "\n", + "def get_attributes(path):\n", + "\n", + "def set_attributes(path, archive=None, hidden=None, normal=None,\n", + "\n", + "def set_mode(path, mode):\n", + "\n", + "def remove(path, force=False):\n", + "\n", + "def symlink(src, link):\n", + "\n", + "def is_link(path):\n", + "\n", + "def readlink(path):\n", + "\n", + "def mkdir(path,\n", + "\n", + "def makedirs_(path,\n", + "\n", + "def makedirs_perms(path,\n", + "\n", + "def check_perms(path,\n", + "\n", + "def set_perms(path,\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def thing_type_exists(thingTypeName,\n", + "\n", + "def describe_thing_type(thingTypeName,\n", + "\n", + "def create_thing_type(thingTypeName, thingTypeDescription,\n", + "\n", + "def deprecate_thing_type(thingTypeName, undoDeprecate=False,\n", + "\n", + "def delete_thing_type(thingTypeName,\n", + "\n", + "def policy_exists(policyName,\n", + "\n", + "def create_policy(policyName, policyDocument,\n", + "\n", + "def describe_policy(policyName,\n", + "\n", + "def policy_version_exists(policyName, policyVersionId,\n", + "\n", + "def delete_policy_version(policyName, policyVersionId,\n", + "\n", + "def describe_policy_version(policyName, policyVersionId,\n", + "\n", + "def list_policies(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_policy_versions(policyName,\n", + "\n", + "def topic_rule_exists(ruleName,\n", + "\n", + "def create_topic_rule(ruleName, sql, actions, description,\n", + "\n", + "def delete_topic_rule(ruleName,\n", + "\n", + "def describe_topic_rule(ruleName,\n", + "\n", + "def list_topic_rules(topic=None, ruleDisabled=None,\n", + "\n", + "def _get_svc(rcd, service_status):\n", + "\n", + "def _get_svc_list(service_status):\n", + "\n", + "def _rcconf_status(name, service_status):\n", + "\n", + "def get_conn():\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def list_images(call=None, kwargs=None):\n", + "\n", + "def get_size(vm_):\n", + "\n", + "def get_datacenter_id():\n", + "\n", + "def list_loadbalancers(call=None):\n", + "\n", + "def create_loadbalancer(call=None, kwargs=None):\n", + "\n", + "def get_datacenter(conn):\n", + "\n", + "def create_datacenter(call=None, kwargs=None):\n", + "\n", + "def list_datacenters(conn=None, call=None):\n", + "\n", + "def list_nodes(conn=None, call=None):\n", + "\n", + "def list_nodes_full(conn=None, call=None):\n", + "\n", + "def reserve_ipblock(call=None, kwargs=None):\n", + "\n", + "def get_node(conn, name):\n", + "\n", + "def _get_nics(vm_):\n", + "\n", + "def set_public_lan(lan_id):\n", + "\n", + "def get_public_keys(vm_):\n", + "\n", + "def get_key_filename(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_, data):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def _override_size(vm_):\n", + "\n", + "def _get_server(vm_, volumes, nics):\n", + "\n", + "def _get_system_volume(vm_):\n", + "\n", + "def _get_data_volumes(vm_):\n", + "\n", + "def _get_firewall_rules(firewall_rules):\n", + "\n", + "def _wait_for_completion(conn, promise, wait_timeout, msg):\n", + "\n", + "def is_installed(name):\n", + "\n", + "def uninstall(pkg):\n", + "\n", + "def add_remote(name, location):\n", + "\n", + "def is_remote_added(remote):\n", + "\n", + "def pack_dunder(name):\n", + "\n", + "def deepcopy_bound(name):\n", + "\n", + " def _deepcopy_method(x, memo):\n", + "\n", + "def upgrade_available(name):\n", + "\n", + "def upgrade(refresh=True):\n", + "\n", + "def install(name=None, refresh=False, version=None, pkgs=None, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def monitored(name, device_class=None, collector='localhost', prod_state=None):\n", + "\n", + "def _find_volume(name):\n", + "\n", + "def present(name, driver=None, driver_opts=None, force=False):\n", + "\n", + "def absent(name, driver=None):\n", + "\n", + "def _load(formula):\n", + "\n", + "def get(key, default=''):\n", + "\n", + "def merge(dest, src, merge_lists=False, in_place=True):\n", + "\n", + "def update(dest, defaults, merge_lists=True, in_place=True):\n", + "\n", + "def _get_date_time_format(dt_string):\n", + "\n", + "def _reverse_lookup(dictionary, value):\n", + "\n", + "def _lookup_first(dictionary, key):\n", + "\n", + "def _save_task_definition(name,\n", + "\n", + "def list_tasks(location='\\\\'):\n", + "\n", + "def list_folders(location='\\\\'):\n", + "\n", + "def list_triggers(name, location='\\\\'):\n", + "\n", + "def list_actions(name, location='\\\\'):\n", + "\n", + "def create_task(name,\n", + "\n", + "def create_task_from_xml(name,\n", + "\n", + "def create_folder(name, location='\\\\'):\n", + "\n", + "def edit_task(name=None,\n", + "\n", + "def delete_task(name, location='\\\\'):\n", + "\n", + "def run(name, location='\\\\'):\n", + "\n", + "def run_wait(name, location='\\\\'):\n", + "\n", + "def status(name, location='\\\\'):\n", + "\n", + "def info(name, location='\\\\'):\n", + "\n", + "def add_action(name=None,\n", + "\n", + "def add_trigger(name=None,\n", + "\n", + "def clear_triggers(name, location='\\\\'):\n", + "\n", + "def _get_conn(profile):\n", + "\n", + "def set_(key, value, profile=None):\n", + "\n", + "def gen_key(path):\n", + "\n", + "def gen_shell(opts, **kwargs):\n", + "\n", + "def get_error(self, errstr):\n", + "\n", + "def _key_opts(self):\n", + "\n", + "def _passwd_opts(self):\n", + "\n", + "def _copy_id_str_old(self):\n", + "\n", + "def copy_id(self):\n", + "\n", + "def _cmd_str(self, cmd, ssh='ssh'):\n", + "\n", + "def _old_run_cmd(self, cmd):\n", + "\n", + "def _run_nb_cmd(self, cmd):\n", + "\n", + "def exec_nb_cmd(self, cmd):\n", + "\n", + "def exec_cmd(self, cmd):\n", + "\n", + "def send(self, local, remote, makedirs=False):\n", + "\n", + "def _run_cmd(self, cmd, key_accept=False, passwd_retries=3):\n", + "\n", + "def setup_handlers():\n", + "\n", + " def filter(record):\n", + "\n", + "def _config(key, mandatory=True, opts=None):\n", + "\n", + "def _render_template(param, username):\n", + "\n", + "def _bind_for_search(anonymous=False, opts=None):\n", + "\n", + "def _bind(username, password, anonymous=False, opts=None):\n", + "\n", + "def auth(username, password):\n", + "\n", + "def groups(username, **kwargs):\n", + "\n", + "def process_acl(auth_list, opts=None):\n", + "\n", + "def _get_netmiko_args(optional_args):\n", + "\n", + "def call(method, *args, **kwargs):\n", + "\n", + "def compliance_report(filepath=None,\n", + "\n", + "def netmiko_args(**kwargs):\n", + "\n", + "def netmiko_fun(fun, *args, **kwargs):\n", + "\n", + "def netmiko_call(method, *args, **kwargs):\n", + "\n", + "def netmiko_multi_call(*methods, **kwargs):\n", + "\n", + "def netmiko_commands(*commands, **kwargs):\n", + "\n", + "def netmiko_config(*config_commands, **kwargs):\n", + "\n", + "def junos_rpc(cmd=None, dest=None, format=None, **kwargs):\n", + "\n", + "def junos_install_os(path=None, **kwargs):\n", + "\n", + "def junos_facts(**kwargs):\n", + "\n", + "def junos_cli(command, format=None, dev_timeout=None, dest=None, **kwargs):\n", + "\n", + "def junos_copy_file(src, dst, **kwargs):\n", + "\n", + "def junos_call(fun, *args, **kwargs):\n", + "\n", + "def pyeapi_nxos_api_args(**prev_kwargs):\n", + "\n", + "def pyeapi_call(method, *args, **kwargs):\n", + "\n", + "def pyeapi_config(commands=None,\n", + "\n", + "def nxos_api_rpc(commands,\n", + "\n", + "def nxos_api_config(commands=None,\n", + "\n", + "def nxos_api_show(commands, raw_text=True, **kwargs):\n", + "\n", + "def rpc(command, **kwargs):\n", + "\n", + "def config_find_lines(regex, source='running'):\n", + "\n", + "def config_lines_w_child(parent_regex, child_regex, source='running'):\n", + "\n", + "def config_lines_wo_child(parent_regex, child_regex, source='running'):\n", + "\n", + "def config_filter_lines(parent_regex, child_regex, source='running'):\n", + "\n", + "def config_tree(source='running', with_tags=False):\n", + "\n", + "def config_merge_tree(source='running',\n", + "\n", + "def config_merge_text(source='running',\n", + "\n", + "def config_merge_diff(source='running',\n", + "\n", + "def config_diff_tree(source1='candidate',\n", + "\n", + "def scp_get(remote_path,\n", + "\n", + "def scp_put(files,\n", + "\n", + "def _get_config(**kwargs):\n", + "\n", + "def _get_sk(**kwargs):\n", + "\n", + "def _get_pk(**kwargs):\n", + "\n", + "def keygen(sk_file=None, pk_file=None, **kwargs):\n", + "\n", + "def enc(data, **kwargs):\n", + "\n", + "def enc_file(name, out=None, **kwargs):\n", + "\n", + "def dec(data, **kwargs):\n", + "\n", + "def sealedbox_encrypt(data, **kwargs):\n", + "\n", + "def sealedbox_decrypt(data, **kwargs):\n", + "\n", + "def secretbox_encrypt(data, **kwargs):\n", + "\n", + "def secretbox_decrypt(data, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, profile='grafana'):\n", + "\n", + "def _cleaned(_dashboard):\n", + "\n", + "def _inherited_dashboard(dashboard, base_dashboards_from_pillar, ret):\n", + "\n", + "def _inherited_row(row, base_rows_from_pillar, ret):\n", + "\n", + "def _inherited_panel(panel, base_panels_from_pillar, ret):\n", + "\n", + "def _auto_adjust_panel_spans(dashboard):\n", + "\n", + "def _ensure_pinned_rows(dashboard):\n", + "\n", + "def _ensure_panel_ids(dashboard):\n", + "\n", + "def _ensure_annotations(dashboard):\n", + "\n", + "def _get(url, profile):\n", + "\n", + "def _delete(url, profile):\n", + "\n", + "def _update(dashboard, profile):\n", + "\n", + "def _dashboard_diff(_new_dashboard, _old_dashboard):\n", + "\n", + "def _stripped(d):\n", + "\n", + "def _retrieve_channel_id(email, profile='telemetry'):\n", + "\n", + "def get_alert_config(deployment_id, metric_name=None, api_key=None, profile=\"telemetry\"):\n", + "\n", + "def get_notification_channel_id(notify_channel, profile=\"telemetry\"):\n", + "\n", + "def get_alarms(deployment_id, profile=\"telemetry\"):\n", + "\n", + "def create_alarm(deployment_id, metric_name, data, api_key=None, profile=\"telemetry\"):\n", + "\n", + "def update_alarm(deployment_id, metric_name, data, api_key=None, profile=\"telemetry\"):\n", + "\n", + "def delete_alarms(deployment_id, alert_id=None, metric_name=None, api_key=None, profile='telemetry'):\n", + "\n", + "def __decompressContent(coding, pgctnt):\n", + "\n", + "def query(url,\n", + "\n", + "def get_ca_bundle(opts=None):\n", + "\n", + "def _render(template, render, renderer, template_dict, opts):\n", + "\n", + "def parse_cookie_header(header):\n", + "\n", + "def sanitize_url(url, hide_fields):\n", + "\n", + "def _sanitize_url_components(comp_list, field):\n", + "\n", + "def get_info(sld, tld, nameserver):\n", + "\n", + "def update(sld, tld, nameserver, old_ip, new_ip):\n", + "\n", + "def delete(sld, tld, nameserver):\n", + "\n", + "def create(sld, tld, nameserver, ip):\n", + "\n", + "def version():\n", + "\n", + "def fullversion():\n", + "\n", + "def set_config(config_file='/etc/dnsmasq.conf', follow=True, **kwargs):\n", + "\n", + "def get_config(config_file='/etc/dnsmasq.conf'):\n", + "\n", + "def _parse_dnamasq(filename):\n", + "\n", + "def _get_sqs_conn(profile, region=None, key=None, keyid=None):\n", + "\n", + "def start(queue, profile=None, tag='salt/engine/sqs', owner_acct_id=None):\n", + "\n", + "def get_file(path,\n", + "\n", + "def get_dir(path, dest, saltenv='base'):\n", + "\n", + "def freeze(obj):\n", + "\n", + "def display(name):\n", + "\n", + "def show_link(name):\n", + "\n", + "def check_exists(name, path):\n", + "\n", + "def install(name, link, path, priority):\n", + "\n", + "def remove(name, path):\n", + "\n", + "def auto(name):\n", + "\n", + "def _read_link(name):\n", + "\n", + "def get_placement_solver(service_instance):\n", + "\n", + "def get_capability_definitions(profile_manager):\n", + "\n", + "def get_policies_by_id(profile_manager, policy_ids):\n", + "\n", + "def get_storage_policies(profile_manager, policy_names=None,\n", + "\n", + "def create_storage_policy(profile_manager, policy_spec):\n", + "\n", + "def update_storage_policy(profile_manager, policy, policy_spec):\n", + "\n", + "def get_default_storage_policy_of_datastore(profile_manager, datastore):\n", + "\n", + "def assign_default_storage_policy_to_datastore(profile_manager, policy,\n", + "\n", + "def set_(key, value, profile=None):\n", + "\n", + "def get(key, profile=None):\n", + "\n", + "def balancer_present(name, port, protocol, profile, algorithm=None, members=None, **libcloud_kwargs):\n", + "\n", + "def balancer_absent(name, profile, **libcloud_kwargs):\n", + "\n", + "def member_present(ip, port, balancer_id, profile, **libcloud_kwargs):\n", + "\n", + "def member_absent(ip, port, balancer_id, profile, **libcloud_kwargs):\n", + "\n", + "def _parser(result):\n", + "\n", + "def cpu():\n", + "\n", + "def threads():\n", + "\n", + "def mutex():\n", + "\n", + "def memory():\n", + "\n", + "def fileio():\n", + "\n", + "def version():\n", + "\n", + "def fullversion():\n", + "\n", + "def pvdisplay(pvname='', real=False, quiet=False):\n", + "\n", + "def vgdisplay(vgname='', quiet=False):\n", + "\n", + "def lvdisplay(lvname='', quiet=False):\n", + "\n", + "def pvcreate(devices, override=True, **kwargs):\n", + "\n", + "def pvremove(devices, override=True):\n", + "\n", + "def vgcreate(vgname, devices, **kwargs):\n", + "\n", + "def vgextend(vgname, devices):\n", + "\n", + "def lvcreate(lvname,\n", + "\n", + "def vgremove(vgname):\n", + "\n", + "def lvremove(lvname, vgname):\n", + "\n", + "def lvresize(size=None, lvpath=None, extents=None):\n", + "\n", + "def resource_groups_list(**kwargs):\n", + "\n", + "def resource_group_check_existence(name, **kwargs):\n", + "\n", + "def resource_group_get(name, **kwargs):\n", + "\n", + "def resource_group_delete(name, **kwargs):\n", + "\n", + "def deployment_operation_get(operation, deployment, resource_group, **kwargs):\n", + "\n", + "def deployment_operations_list(name, resource_group, result_limit=10, **kwargs):\n", + "\n", + "def deployment_delete(name, resource_group, **kwargs):\n", + "\n", + "def deployment_check_existence(name, resource_group, **kwargs):\n", + "\n", + "def deployment_get(name, resource_group, **kwargs):\n", + "\n", + "def deployment_cancel(name, resource_group, **kwargs):\n", + "\n", + "def deployment_validate(name, resource_group, deploy_mode=None,\n", + "\n", + "def deployment_export_template(name, resource_group, **kwargs):\n", + "\n", + "def deployments_list(resource_group, **kwargs):\n", + "\n", + "def subscriptions_list_locations(subscription_id=None, **kwargs):\n", + "\n", + "def subscription_get(subscription_id=None, **kwargs):\n", + "\n", + "def subscriptions_list(**kwargs):\n", + "\n", + "def tenants_list(**kwargs):\n", + "\n", + "def policy_assignment_delete(name, scope, **kwargs):\n", + "\n", + "def policy_assignment_create(name, scope, definition_name, **kwargs):\n", + "\n", + "def policy_assignment_get(name, scope, **kwargs):\n", + "\n", + "def policy_assignments_list(**kwargs):\n", + "\n", + "def policy_definition_delete(name, **kwargs):\n", + "\n", + "def policy_definition_get(name, **kwargs):\n", + "\n", + "def policy_definitions_list(hide_builtin=False, **kwargs):\n", + "\n", + "def query_instance(vm_=None, call=None):\n", + "\n", + " def _query_ip_address():\n", + "\n", + "def create(vm_):\n", + "\n", + "def create_node(**kwargs):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def take_action(name=None, call=None, command=None, data=None, method='GET',\n", + "\n", + "def get_location(vm_=None):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def has_method(obj, method_name):\n", + "\n", + "def key_list(items=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def reformat_node(item=None, full=False):\n", + "\n", + "def list_nodes(full=False, call=None):\n", + "\n", + "def _get_proto():\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def list_keys(kwargs=None, call=None):\n", + "\n", + "def show_key(kwargs=None, call=None):\n", + "\n", + "def import_key(kwargs=None, call=None):\n", + "\n", + "def query(action=None,\n", + "\n", + "def _find_utmp():\n", + "\n", + "def _runlevel():\n", + "\n", + "def _upstart_is_disabled(name):\n", + "\n", + "def _service_is_sysv(name):\n", + "\n", + "def _iter_service_names():\n", + "\n", + "def get_enabled():\n", + "\n", + "def get_disabled():\n", + "\n", + "def _upstart_disable(name):\n", + "\n", + "def _upstart_enable(name):\n", + "\n", + "def enable(name, **kwargs):\n", + "\n", + "def disable(name, **kwargs):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def disabled(name):\n", + "\n", + "def __get_yubico_users(username):\n", + "\n", + "def auth(username, password):\n", + "\n", + "def format(self, record):\n", + "\n", + "def delete(bucket, path=None, action=None, key=None, keyid=None,\n", + "\n", + "def get(bucket='', path='', return_bin=False, action=None,\n", + "\n", + "def head(bucket, path='', key=None, keyid=None, service_url=None,\n", + "\n", + "def put(bucket, path=None, return_bin=False, action=None, local_file=None,\n", + "\n", + "def _get_key(key, keyid, service_url, verify_ssl, kms_keyid, location, role_arn, path_style, https_enable):\n", + "\n", + "def generate_nt_hash(password):\n", + "\n", + "def list_users(verbose=True, hashes=False):\n", + "\n", + "def get_user(login, hashes=False):\n", + "\n", + "def delete(login):\n", + "\n", + "def create(login, password, password_hashed=False, machine_account=False):\n", + "\n", + "def _validate_time_range(trange, status, msg):\n", + "\n", + "def validate(config):\n", + "\n", + "def running(name,\n", + "\n", + "def dead(name,\n", + "\n", + "def mod_watch(name,\n", + "\n", + "def render(cheetah_data, saltenv='base', sls='', method='xml', **kws):\n", + "\n", + "def _config():\n", + "\n", + "def _status_query(query, hostname, enumerate=None, service=None):\n", + "\n", + "def host_status(hostname=None, **kwargs):\n", + "\n", + "def service_status(hostname=None, service=None, **kwargs):\n", + "\n", + "def set_(key, value, service=None, profile=None):\n", + "\n", + "def get(key, service=None, profile=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _connect_sentry(message, result):\n", + "\n", + "def list_nodes_min():\n", + "\n", + "def list_nodes():\n", + "\n", + "def start(name):\n", + "\n", + "def register(filename):\n", + "\n", + "def unregister(name, delete=False):\n", + "\n", + "def create(name,\n", + "\n", + "def clonevm(name=None,\n", + "\n", + "def clonemedium(medium,\n", + "\n", + "def list_items(item, details=False, group_by='UUID'):\n", + "\n", + "def _unicode_output(cursor, name, default_type, size, precision, scale):\n", + "\n", + "def _connect(uri):\n", + "\n", + "def _parse_oratab(sid):\n", + "\n", + "def run_query(db, query):\n", + "\n", + "def show_dbs(*dbs):\n", + "\n", + "def version(*dbs):\n", + "\n", + "def show_env():\n", + "\n", + "def _get_gecos(name):\n", + "\n", + "def _build_gecos(gecos_dict):\n", + "\n", + "def _update_gecos(name, key, value):\n", + "\n", + "def add(name,\n", + "\n", + "def delete(name, remove=False, force=False):\n", + "\n", + "def chgid(name, gid):\n", + "\n", + "def chshell(name, shell):\n", + "\n", + "def chhome(name, home, persist=False):\n", + "\n", + "def chgroups(name, groups, append=False):\n", + "\n", + "def rename(name, new_name):\n", + "\n", + "def vb_get_manager():\n", + "\n", + "def vb_get_box():\n", + "\n", + "def vb_get_max_network_slots():\n", + "\n", + "def vb_get_network_adapters(machine_name=None, machine=None):\n", + "\n", + "def vb_wait_for_network_address(timeout, step=None, machine_name=None, machine=None, wait_for_pattern=None):\n", + "\n", + "def vb_wait_for_session_state(xp_session, state='Unlocked', timeout=10, step=None):\n", + "\n", + "def vb_get_network_addresses(machine_name=None, machine=None, wait_for_pattern=None):\n", + "\n", + "def vb_list_machines(**kwargs):\n", + "\n", + "def vb_create_machine(name=None):\n", + "\n", + "def _start_machine(machine, session):\n", + "\n", + "def vb_start_vm(name=None, timeout=10000, **kwargs):\n", + "\n", + "def vb_stop_vm(name=None, timeout=10000, **kwargs):\n", + "\n", + "def vb_destroy_machine(name=None, timeout=10000):\n", + "\n", + "def vb_xpcom_to_attribute_dict(xpcom,\n", + "\n", + "def treat_machine_dict(machine):\n", + "\n", + "def vb_machine_exists(name):\n", + "\n", + "def vb_get_machine(name, **kwargs):\n", + "\n", + "def compare_dicts(old=None, new=None):\n", + "\n", + "def compare_lists(old=None, new=None):\n", + "\n", + "def decode(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def decode_dict(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def decode_tuple(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def encode(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def encode_dict(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def encode_list(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def encode_tuple(data, encoding=None, errors='strict', keep=False,\n", + "\n", + "def filter_by(lookup_dict,\n", + "\n", + "def traverse_dict(data, key, default=None, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def traverse_dict_and_list(data, key, default=None, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def subdict_match(data,\n", + "\n", + " def _match(target, pattern, regex_match=False, exact_match=False):\n", + "\n", + " def _dict_match(target, pattern, regex_match=False, exact_match=False):\n", + "\n", + "def is_dictlist(data):\n", + "\n", + "def repack_dictlist(data,\n", + "\n", + "def is_iter(y, ignore=six.string_types):\n", + "\n", + "def is_true(value=None):\n", + "\n", + "def mysql_to_dict(data, key):\n", + "\n", + "def simple_types_filter(data):\n", + "\n", + "def stringify(data):\n", + "\n", + "def json_query(data, expr):\n", + "\n", + "def _is_not_considered_falsey(value, ignore_types=()):\n", + "\n", + "def filter_falsey(data, recurse_depth=None, ignore_types=()):\n", + "\n", + "def items_lower(self):\n", + "\n", + "def write(name, domain, value, vtype='string', user=None):\n", + "\n", + " def safe_cast(val, to_type, default=None):\n", + "\n", + "def absent(name, domain, user=None):\n", + "\n", + "def info(name):\n", + "\n", + "def get_class_paths(_class, saltclass_path):\n", + "\n", + "def get_class_from_file(_file, saltclass_path):\n", + "\n", + "def match_class_glob(_class, saltclass_path):\n", + "\n", + "def expand_classes_glob(classes, salt_data):\n", + "\n", + "def _is_simple_type(value):\n", + "\n", + "def _get_type_id_options(name, configuration):\n", + "\n", + "def _expand_one_key_dictionary(_dict):\n", + "\n", + "def _parse_typed_parameter_typed_value(values):\n", + "\n", + "def _parse_typed_parameter(param):\n", + "\n", + "def _create_and_add_parameters(params):\n", + "\n", + "def _create_and_add_option(option):\n", + "\n", + "def _is_reference(arg):\n", + "\n", + "def _is_junction(arg):\n", + "\n", + "def _add_reference(reference, statement):\n", + "\n", + "def _is_inline_definition(arg):\n", + "\n", + "def _add_inline_definition(item, statement):\n", + "\n", + "def _add_junction(item):\n", + "\n", + "def _parse_log_statement(options):\n", + "\n", + "def _build_config_tree(name, configuration):\n", + "\n", + "def config(name,\n", + "\n", + "def set_binary_path(name):\n", + "\n", + "def set_config_file(name):\n", + "\n", + "def _run_command(cmd, options=(), env=None):\n", + "\n", + "def set_parameters(version=None,\n", + "\n", + "def _run_command_in_extended_path(syslog_ng_sbin_dir, command, params):\n", + "\n", + "def _format_return_data(retcode, stdout=None, stderr=None):\n", + "\n", + "def version(syslog_ng_sbin_dir=None):\n", + "\n", + "def modules(syslog_ng_sbin_dir=None):\n", + "\n", + "def stats(syslog_ng_sbin_dir=None):\n", + "\n", + "def _format_state_result(name, result, changes=None, comment=''):\n", + "\n", + "def _add_cli_param(params, key, value):\n", + "\n", + "def _add_boolean_cli_param(params, key, value):\n", + "\n", + "def stop(name=None):\n", + "\n", + "def start(name=None,\n", + "\n", + "def reload_(name):\n", + "\n", + "def write_config(config, newlines=2):\n", + "\n", + "def _write_config(config, newlines=2):\n", + "\n", + "def write_version(name):\n", + "\n", + "def build_body(self):\n", + "\n", + "def build(self):\n", + "\n", + "def _parse_dbus_locale():\n", + "\n", + "def _localectl_status():\n", + "\n", + "def _localectl_set(locale=''):\n", + "\n", + "def get_locale():\n", + "\n", + "def set_locale(locale):\n", + "\n", + "def avail(locale):\n", + "\n", + "def gen_locale(locale, **kwargs):\n", + "\n", + "def _parse_template(tmpl_str):\n", + "\n", + "def deployed(name, template=None, environment=None, params=None, poll=5,\n", + "\n", + "def absent(name, poll=5, timeout=60, profile=None):\n", + "\n", + "def _username():\n", + "\n", + "def _groupname():\n", + "\n", + "def unpackage(package_):\n", + "\n", + "def format_payload(enc, **kwargs):\n", + "\n", + "def loads(self, msg, encoding=None, raw=False):\n", + "\n", + " def ext_type_decoder(code, data):\n", + "\n", + "def load(self, fn_):\n", + "\n", + "def dumps(self, msg, use_bin_type=False):\n", + "\n", + " def ext_type_encoder(obj):\n", + "\n", + " def verylong_encoder(obj, context):\n", + "\n", + "def dump(self, msg, fn_):\n", + "\n", + "def socket(self):\n", + "\n", + "def clear_socket(self):\n", + "\n", + "def send(self, enc, load, tries=1, timeout=60):\n", + "\n", + "def send_auto(self, payload, tries=1, timeout=60):\n", + "\n", + "def present(name, description=None, config=None, devices=None,\n", + "\n", + "def absent(name, remote_addr=None, cert=None,\n", + "\n", + "def _get_persistent_modules():\n", + "\n", + "def _set_persistent_module(mod):\n", + "\n", + "def _remove_persistent_module(mod, comment):\n", + "\n", + "def available():\n", + "\n", + "def lsmod():\n", + "\n", + "def mod_list(only_persist=False):\n", + "\n", + "def load(mod, persist=False):\n", + "\n", + "def remove(mod, persist=False, comment=True):\n", + "\n", + "def get_sd_auth(val, sd_auth_pillar_name='serverdensity'):\n", + "\n", + "def _clean_salt_variables(params, variable_prefix=\"__\"):\n", + "\n", + "def create(name, **params):\n", + "\n", + "def delete(device_id):\n", + "\n", + "def ls(**params):\n", + "\n", + "def update(device_id, **params):\n", + "\n", + "def install_agent(agent_key, agent_version=1):\n", + "\n", + "def _init_client():\n", + "\n", + "def store(bank, key, data):\n", + "\n", + "def fetch(bank, key):\n", + "\n", + "def flush(bank, key=None):\n", + "\n", + "def _walk(r):\n", + "\n", + "def ls(bank):\n", + "\n", + "def contains(bank, key):\n", + "\n", + "def _parse_udevadm_info(udev_info):\n", + "\n", + "def _normalize_info(dev):\n", + "\n", + "def info(dev):\n", + "\n", + "def exportdb():\n", + "\n", + "def _get_date_time_format(dt_string):\n", + "\n", + "def get_date():\n", + "\n", + "def set_date(date):\n", + "\n", + "def get_time():\n", + "\n", + "def set_time(time):\n", + "\n", + "def get_zone():\n", + "\n", + "def list_zones():\n", + "\n", + "def set_zone(time_zone):\n", + "\n", + "def get_using_network_time():\n", + "\n", + "def set_using_network_time(enable):\n", + "\n", + "def get_time_server():\n", + "\n", + "def set_time_server(time_server='time.apple.com'):\n", + "\n", + "def get_snapshot(nexus_url, repository, group_id, artifact_id, packaging, version, snapshot_version=None, target_dir='/tmp', target_file=None, classifier=None, username=None, password=None):\n", + "\n", + "def get_snapshot_version_string(nexus_url, repository, group_id, artifact_id, packaging, version, classifier=None, username=None, password=None):\n", + "\n", + "def _get_values(profile=None):\n", + "\n", + "def present(host, groups, interfaces, **kwargs):\n", + "\n", + " def _interface_format(interfaces_data):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def assign_templates(host, templates, **kwargs):\n", + "\n", + "def init(opts):\n", + "\n", + "def set_config_modify(dn=None, inconfig=None, hierarchical=False):\n", + "\n", + "def logon():\n", + "\n", + "def logout(cookie=None):\n", + "\n", + "def prepare_return(x):\n", + "\n", + "def grains():\n", + "\n", + "def ping():\n", + "\n", + "def guess_archive_type(name):\n", + "\n", + "def mkstemp(*args, **kwargs):\n", + "\n", + "def recursive_copy(source, dest):\n", + "\n", + "def copyfile(source, dest, backup_mode='', cachedir=''):\n", + "\n", + "def rename(src, dst):\n", + "\n", + "def process_read_exception(exc, path, ignore=None):\n", + "\n", + "def wait_lock(path, lock_fn=None, timeout=5, sleep=0.1, time_start=None):\n", + "\n", + " def _raise_error(msg, race=False):\n", + "\n", + "def set_umask(mask):\n", + "\n", + "def fopen(*args, **kwargs):\n", + "\n", + "def flopen(*args, **kwargs):\n", + "\n", + "def fpopen(*args, **kwargs):\n", + "\n", + "def safe_walk(top, topdown=True, onerror=None, followlinks=True, _seen=None):\n", + "\n", + "def rm_rf(path):\n", + "\n", + " def _onerror(func, path, exc_info):\n", + "\n", + "def is_fcntl_available(check_sunos=False):\n", + "\n", + "def safe_filename_leaf(file_basename):\n", + "\n", + " def _replace(re_obj):\n", + "\n", + "def safe_filepath(file_path_name, dir_sep=None):\n", + "\n", + "def is_text(fp_, blocksize=512):\n", + "\n", + "def is_binary(path):\n", + "\n", + "def remove(path):\n", + "\n", + "def list_files(directory):\n", + "\n", + "def normalize_mode(mode):\n", + "\n", + "def human_size_to_bytes(human_size):\n", + "\n", + "def backup_minion(path, bkroot):\n", + "\n", + "def get_encoding(path):\n", + "\n", + " def check_ascii(_data):\n", + "\n", + " def check_bom(_data):\n", + "\n", + " def check_utf8_markers(_data):\n", + "\n", + " def check_system_encoding(_data):\n", + "\n", + "def absent(name, orgname=None, profile='grafana'):\n", + "\n", + "def _zfs_pool_data():\n", + "\n", + "def zfs():\n", + "\n", + "def wollist(maclist, bcast='255.255.255.255', destport=9):\n", + "\n", + "def wol(mac, bcast='255.255.255.255', destport=9):\n", + "\n", + "def wolmatch(tgt, tgt_type='glob', bcast='255.255.255.255', destport=9):\n", + "\n", + "def get_conn(opts, profile=None, host=None, port=None):\n", + "\n", + "def set_(conn,\n", + "\n", + "def _get_auth(username, password):\n", + "\n", + "def _get_url(ssl, url, port, path):\n", + "\n", + "def _clean_data(data):\n", + "\n", + "def _api_response(response):\n", + "\n", + "def _api_get(path, server=None):\n", + "\n", + "def _api_post(path, data, server=None):\n", + "\n", + "def _api_delete(path, data, server=None):\n", + "\n", + "def _enum_elements(name, server=None):\n", + "\n", + "def _get_element_properties(name, element_type, server=None):\n", + "\n", + "def _get_element(name, element_type, server=None, with_properties=True):\n", + "\n", + "def _create_element(name, element_type, data, server=None):\n", + "\n", + "def _update_element(name, element_type, data, server=None):\n", + "\n", + "def _delete_element(name, element_type, data, server=None):\n", + "\n", + "def create_connector_c_pool(name, server=None, **kwargs):\n", + "\n", + "def update_connector_c_pool(name, server=None, **kwargs):\n", + "\n", + "def delete_connector_c_pool(name, target='server', cascade=True, server=None):\n", + "\n", + "def create_connector_resource(name, server=None, **kwargs):\n", + "\n", + "def update_connector_resource(name, server=None, **kwargs):\n", + "\n", + "def create_admin_object_resource(name, server=None, **kwargs):\n", + "\n", + "def update_admin_object_resource(name, server=None, **kwargs):\n", + "\n", + "def create_jdbc_connection_pool(name, server=None, **kwargs):\n", + "\n", + "def delete_jdbc_connection_pool(name, target='server', cascade=False, server=None):\n", + "\n", + "def create_jdbc_resource(name, server=None, **kwargs):\n", + "\n", + "def update_jdbc_resource(name, server=None, **kwargs):\n", + "\n", + "def get_system_properties(server=None):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None, **kwargs):\n", + "\n", + "def _split_docker_uuid(uuid):\n", + "\n", + "def _is_uuid(uuid):\n", + "\n", + "def version():\n", + "\n", + "def docker_to_uuid(uuid):\n", + "\n", + "def avail(search=None, verbose=False):\n", + "\n", + "def show(uuid):\n", + "\n", + "def import_image(uuid, verbose=False):\n", + "\n", + "def delete(uuid):\n", + "\n", + "def vacuum(verbose=False):\n", + "\n", + "def sources(verbose=False):\n", + "\n", + "def source_delete(source):\n", + "\n", + "def source_add(source, source_type='imgapi'):\n", + "\n", + "def flags(instantiated=True):\n", + "\n", + "def dacl(obj_name=None, obj_type='file'):\n", + "\n", + " def __init__(self, obj_name=None, obj_type='file'):\n", + "\n", + " def get_reg_name(self, obj_name):\n", + "\n", + " def add_ace(self, principal, access_mode, permissions, applies_to):\n", + "\n", + " def order_acl(self):\n", + "\n", + " def get_ace(self, principal):\n", + "\n", + " def list_aces(self):\n", + "\n", + " def _ace_to_dict(self, ace):\n", + "\n", + " def rm_ace(self, principal, ace_type='all'):\n", + "\n", + " def save(self, obj_name, protected=None):\n", + "\n", + "def get_sid(principal):\n", + "\n", + "def get_sid_string(principal):\n", + "\n", + "def get_name(principal):\n", + "\n", + "def get_owner(obj_name, obj_type='file'):\n", + "\n", + "def get_primary_group(obj_name, obj_type='file'):\n", + "\n", + "def set_owner(obj_name, principal, obj_type='file'):\n", + "\n", + "def set_permissions(obj_name,\n", + "\n", + "def rm_permissions(obj_name,\n", + "\n", + "def get_permissions(obj_name, principal=None, obj_type='file'):\n", + "\n", + "def has_permission(obj_name,\n", + "\n", + "def set_inheritance(obj_name, enabled, obj_type='file', clear=False):\n", + "\n", + "def get_inheritance(obj_name, obj_type='file'):\n", + "\n", + "def copy_security(source,\n", + "\n", + "def _check_perms(obj_name, obj_type, new_perms, cur_perms, access_mode, ret):\n", + "\n", + "def check_perms(obj_name,\n", + "\n", + "def set_perms(obj_name,\n", + "\n", + "def get_user_pubkeys(users):\n", + "\n", + "def get_hosts(sld, tld):\n", + "\n", + "def get_list(sld, tld):\n", + "\n", + "def set_hosts(sld, tld, hosts):\n", + "\n", + "def set_custom(sld, tld, nameservers):\n", + "\n", + "def set_default(sld, tld):\n", + "\n", + "def output(data, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def hosted_zone_present(name, Name=None, PrivateZone=False,\n", + "\n", + "def hosted_zone_absent(name, Name=None, PrivateZone=False,\n", + "\n", + "def rr_present(name, HostedZoneId=None, DomainName=None, PrivateZone=False, Name=None, Type=None,\n", + "\n", + "def rr_absent(name, HostedZoneId=None, DomainName=None, PrivateZone=False,\n", + "\n", + "def get_module_environment(env=None, function=None):\n", + "\n", + "def _cmd_run(cmd):\n", + "\n", + "def _convert_to_closest_type(value):\n", + "\n", + "def _format_repo_args(comment=None, component=None, distribution=None,\n", + "\n", + "def _parse_show_output(cmd_ret):\n", + "\n", + "def _convert_parsed_show_output(parsed_data):\n", + "\n", + "def _validate_config(config_path):\n", + "\n", + "def get_config(config_path=_DEFAULT_CONFIG_PATH):\n", + "\n", + "def list_repos(config_path=_DEFAULT_CONFIG_PATH, with_packages=False):\n", + "\n", + "def get_repo(name, config_path=_DEFAULT_CONFIG_PATH, with_packages=False):\n", + "\n", + "def new_repo(name, config_path=_DEFAULT_CONFIG_PATH, comment=None, component=None,\n", + "\n", + "def set_repo(name, config_path=_DEFAULT_CONFIG_PATH, comment=None, component=None,\n", + "\n", + "def delete_repo(name, config_path=_DEFAULT_CONFIG_PATH, force=False):\n", + "\n", + "def list_mirrors(config_path=_DEFAULT_CONFIG_PATH):\n", + "\n", + "def get_mirror(name, config_path=_DEFAULT_CONFIG_PATH, with_packages=False):\n", + "\n", + "def delete_mirror(name, config_path=_DEFAULT_CONFIG_PATH, force=False):\n", + "\n", + "def list_published(config_path=_DEFAULT_CONFIG_PATH):\n", + "\n", + "def get_published(name, config_path=_DEFAULT_CONFIG_PATH, endpoint='', prefix=None):\n", + "\n", + "def delete_published(name, config_path=_DEFAULT_CONFIG_PATH, endpoint='', prefix=None,\n", + "\n", + "def list_snapshots(config_path=_DEFAULT_CONFIG_PATH, sort_by_time=False):\n", + "\n", + "def get_snapshot(name, config_path=_DEFAULT_CONFIG_PATH, with_packages=False):\n", + "\n", + "def delete_snapshot(name, config_path=_DEFAULT_CONFIG_PATH, force=False):\n", + "\n", + "def cleanup_db(config_path=_DEFAULT_CONFIG_PATH, dry_run=False):\n", + "\n", + "def publish_minions(self):\n", + "\n", + "def publish(self, key, data):\n", + "\n", + "def process_presence_events(self, event_data, token, opts):\n", + "\n", + "def process(self, salt_data, token, opts):\n", + "\n", + "def distinguished_name_list_exists(name, items):\n", + "\n", + "def get_alarm(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _safe_dump(data):\n", + "\n", + " def boto_listelement_presenter(dumper, data):\n", + "\n", + " def dimension_presenter(dumper, data):\n", + "\n", + "def get_all_alarms(region=None, prefix=None, key=None, keyid=None,\n", + "\n", + "def convert_to_arn(arns, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_alarm(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _metric_alarm_to_dict(alarm):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def ext_pillar(minion_id, pillar, repo, branch='default', root=None):\n", + "\n", + "def update(self, branch='default'):\n", + "\n", + "def init(opts):\n", + "\n", + "def alive(opts):\n", + "\n", + "def call(method, *args, **kwargs):\n", + "\n", + "def exists(Name,\n", + "\n", + "def describe(Name,\n", + "\n", + "def status(Name,\n", + "\n", + "def list(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def update(Name,\n", + "\n", + "def start_logging(Name,\n", + "\n", + "def add_tags(Name,\n", + "\n", + "def list_tags(Name,\n", + "\n", + "def get_distribution(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def export_distributions(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_distributions(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def distribution_exists(Id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_distributions_by_comment(Comment, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def disable_distribution(region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def get_cloud_front_origin_access_identities_by_comment(Comment, region=None, key=None, keyid=None,\n", + "\n", + "def cloud_front_origin_access_identity_exists(Id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def tag_resource(region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def enforce_tags(Resource, Tags, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _file_read(path):\n", + "\n", + "def _file_write(path, content):\n", + "\n", + "def _get_cibpath():\n", + "\n", + "def _get_cibfile(cibname):\n", + "\n", + "def _get_cibfile_tmp(cibname):\n", + "\n", + "def _get_cibfile_cksum(cibname):\n", + "\n", + "def _item_present(name, item, item_id, item_type, show='show', create='create', extra_args=None, cibname=None):\n", + "\n", + "def auth(name, nodes, pcsuser='hacluster', pcspasswd='hacluster', extra_args=None):\n", + "\n", + "def cluster_setup(name, nodes, pcsclustername='pcscluster', extra_args=None):\n", + "\n", + "def cluster_node_present(name, node, extra_args=None):\n", + "\n", + "def cib_present(name, cibname, scope=None, extra_args=None):\n", + "\n", + "def cib_pushed(name, cibname, scope=None, extra_args=None):\n", + "\n", + "def prop_has_value(name, prop, value, extra_args=None, cibname=None):\n", + "\n", + "def resource_defaults_to(name, default, value, extra_args=None, cibname=None):\n", + "\n", + "def resource_op_defaults_to(name, op_default, value, extra_args=None, cibname=None):\n", + "\n", + "def stonith_present(name, stonith_id, stonith_device_type, stonith_device_options=None, cibname=None):\n", + "\n", + "def resource_present(name, resource_id, resource_type, resource_options=None, cibname=None):\n", + "\n", + "def constraint_present(name, constraint_id, constraint_type, constraint_options=None, cibname=None):\n", + "\n", + "def _parse_top_cfg(content, filename):\n", + "\n", + "def is_enabled():\n", + "\n", + "def get_enabled():\n", + "\n", + "def show_config(jail):\n", + "\n", + "def fstab(jail):\n", + "\n", + "def status(jail):\n", + "\n", + "def sysctl():\n", + "\n", + "def _pecl(command, defaults=False):\n", + "\n", + "def install(pecls, defaults=False, force=False, preferred_state='stable'):\n", + "\n", + "def uninstall(pecls):\n", + "\n", + "def list_(channel=None):\n", + "\n", + "def _get_client():\n", + "\n", + "def profile(prof=None, instances=None, opts=None, **kwargs):\n", + "\n", + "def map_run(path=None, opts=None, **kwargs):\n", + "\n", + "def destroy(instances, opts=None):\n", + "\n", + "def action(func=None,\n", + "\n", + "def create(provider, instances, opts=None, **kwargs):\n", + "\n", + "def _get_splunk_search_props(search):\n", + "\n", + "def get(name, profile=\"splunk\"):\n", + "\n", + "def update(name, profile=\"splunk\", **kwargs):\n", + "\n", + "def create(name, profile=\"splunk\", **kwargs):\n", + "\n", + "def delete(name, profile=\"splunk\"):\n", + "\n", + "def list_(profile=\"splunk\"):\n", + "\n", + "def list_all(prefix=None, app=None, owner=None, description_contains=None,\n", + "\n", + "def set_present(name, set_type, family='ipv4', **kwargs):\n", + "\n", + "def set_absent(name, family='ipv4', **kwargs):\n", + "\n", + "def absent(name, entry=None, entries=None, family='ipv4', **kwargs):\n", + "\n", + "def flush(name, family='ipv4', **kwargs):\n", + "\n", + "def removed(name, ruby=None, user=None, gem_bin=None):\n", + "\n", + "def sources_add(name, ruby=None, user=None):\n", + "\n", + "def sources_remove(name, ruby=None, user=None):\n", + "\n", + "def joined(name, host, user='rabbit', ram_node=None, runas='root'):\n", + "\n", + "def image_create(auth=None, **kwargs):\n", + "\n", + "def image_delete(auth=None, **kwargs):\n", + "\n", + "def image_list(auth=None, **kwargs):\n", + "\n", + "def image_search(auth=None, **kwargs):\n", + "\n", + "def image_get(auth=None, **kwargs):\n", + "\n", + "def update_image_properties(auth=None, **kwargs):\n", + "\n", + "def delete_device(name, safety_on=True):\n", + "\n", + "def _get_oath2_access_token(client_key, client_secret):\n", + "\n", + "def version():\n", + "\n", + "def fullversion():\n", + "\n", + "def modules():\n", + "\n", + "def servermods():\n", + "\n", + "def directives():\n", + "\n", + "def vhosts():\n", + "\n", + "def signal(signal=None):\n", + "\n", + "def useradd(pwfile, user, password, opts=''):\n", + "\n", + "def server_status(profile='default'):\n", + "\n", + "def _parse_config(conf, slot=None):\n", + "\n", + "def config(name, config, edit=True):\n", + "\n", + " def _yaml_safe_dump(attrs):\n", + "\n", + "def _group_changes(cur, wanted, remove=False):\n", + "\n", + "def _changes(name,\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, purge=False, force=False):\n", + "\n", + "def parse(url):\n", + "\n", + "def create(path, saltenv=None):\n", + "\n", + "def is_escaped(url):\n", + "\n", + "def escape(url):\n", + "\n", + "def unescape(url):\n", + "\n", + "def add_env(url, saltenv):\n", + "\n", + "def split_env(url):\n", + "\n", + "def add_http_basic_auth(url,\n", + "\n", + "def redact_http_basic_auth(output):\n", + "\n", + "def _get_hold(line, pattern=__HOLD_PATTERN, full=True):\n", + "\n", + "def _yum():\n", + "\n", + "def _call_yum(args, **kwargs):\n", + "\n", + "def _yum_pkginfo(output):\n", + "\n", + "def _check_versionlock():\n", + "\n", + "def _get_options(**kwargs):\n", + "\n", + "def _get_yum_config():\n", + "\n", + "def _get_yum_config_value(name):\n", + "\n", + "def _normalize_basedir(basedir=None):\n", + "\n", + "def normalize_name(name):\n", + "\n", + "def version_cmp(pkg1, pkg2, ignore_epoch=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def list_repo_pkgs(*args, **kwargs):\n", + "\n", + " def _check_args(args, name):\n", + "\n", + " def _parse_output(output, strict=False):\n", + "\n", + "def list_upgrades(refresh=True, **kwargs):\n", + "\n", + "def list_downloaded(**kwargs):\n", + "\n", + "def info_installed(*names, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + " def _add_common_args(cmd):\n", + "\n", + " def _temporarily_unhold(pkgs, targets):\n", + "\n", + "def upgrade(name=None,\n", + "\n", + "def update(name=None,\n", + "\n", + "def list_holds(pattern=__HOLD_PATTERN, full=True):\n", + "\n", + "def group_list():\n", + "\n", + "def group_info(name, expand=False):\n", + "\n", + "def group_diff(name):\n", + "\n", + "def group_install(name,\n", + "\n", + "def list_repos(basedir=None, **kwargs):\n", + "\n", + "def mod_repo(repo, basedir=None, **kwargs):\n", + "\n", + "def _parse_repo_file(filename):\n", + "\n", + "def owner(*paths, **kwargs):\n", + "\n", + "def download(*packages, **kwargs):\n", + "\n", + "def diff(*paths, **kwargs):\n", + "\n", + "def _get_patches(installed_only=False):\n", + "\n", + "def complete_transaction(cleanup_only=False, recursive=False, max_attempts=3):\n", + "\n", + "def _complete_transaction(cleanup_only, recursive, max_attempts, run_count, cmd_ret_list):\n", + "\n", + "def present(name, value, zone, record_type, ttl=None, identifier=None, region=None, key=None,\n", + "\n", + "def hosted_zone_present(name, domain_name=None, private_zone=False, caller_ref=None, comment='',\n", + "\n", + "def hosted_zone_absent(name, domain_name=None, region=None, key=None,\n", + "\n", + "def get_self_ip():\n", + "\n", + "def _sendto(self, data, addr=None, attempts=10):\n", + "\n", + "def datagram_received(self, data, addr):\n", + "\n", + "def create_datagram_endpoint(loop, protocol_factory, local_addr=None, remote_addr=None, family=0, proto=0, flags=0):\n", + "\n", + "def run(self):\n", + "\n", + "def _query(self):\n", + "\n", + "def _collect_masters_map(self, response):\n", + "\n", + "def discover(self):\n", + "\n", + "def admin_password_present(name, password=None, **kwargs):\n", + "\n", + "def present(alias, passwd, usrgrps, medias=None, password_reset=False, **kwargs):\n", + "\n", + " def _media_format(medias_data):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def query(function,\n", + "\n", + "def validate_sound(sound,\n", + "\n", + "def validate_user(user,\n", + "\n", + "def is_alive(pidfile):\n", + "\n", + "def main(dbfile, pidfile, mode):\n", + "\n", + "def _syscall(self, command, input=None, env=None, *params):\n", + "\n", + "def _get_cfg_pkgs(self):\n", + "\n", + "def __get_cfg_pkgs_dpkg(self):\n", + "\n", + "def __get_cfg_pkgs_rpm(self):\n", + "\n", + "def _get_changed_cfg_pkgs(self, data):\n", + "\n", + "def _save_cfg_packages(self, data):\n", + "\n", + "def _save_payload(self, files, directories, links):\n", + "\n", + "def _get_managed_files(self):\n", + "\n", + "def __get_managed_files_dpkg(self):\n", + "\n", + "def __get_managed_files_rpm(self):\n", + "\n", + "def _get_all_files(self, path, *exclude):\n", + "\n", + "def _get_unmanaged_files(self, managed, system_all):\n", + "\n", + "def _scan_payload(self):\n", + "\n", + "def _prepare_full_scan(self, **kwargs):\n", + "\n", + "def _init_env(self):\n", + "\n", + "def snapshot(self, mode):\n", + "\n", + "def request_snapshot(self, mode, priority=19, **kwargs):\n", + "\n", + "def export(self, description, local=False, path='/tmp', format='qcow2'):\n", + "\n", + "def build(self, format='qcow2', path='/tmp'):\n", + "\n", + "def value_present(name, xpath, value, **kwargs):\n", + "\n", + "def thing_type_present(name, thingTypeName, thingTypeDescription,\n", + "\n", + "def thing_type_absent(name, thingTypeName,\n", + "\n", + "def policy_present(name, policyName, policyDocument,\n", + "\n", + "def policy_attached(name, policyName, principal,\n", + "\n", + "def topic_rule_present(name, ruleName, sql, actions, description='',\n", + "\n", + "def topic_rule_absent(name, ruleName,\n", + "\n", + "def _quote_username(name):\n", + "\n", + "def _get_gecos(name, root=None):\n", + "\n", + "def _update_gecos(name, key, value, root=None):\n", + "\n", + "def add(name,\n", + "\n", + "def delete(name, remove=False, force=False, root=None):\n", + "\n", + "def getent(refresh=False, root=None):\n", + "\n", + "def _chattrib(name, key, value, param, persist=False, root=None):\n", + "\n", + "def chhome(name, home, persist=False, root=None):\n", + "\n", + "def chgroups(name, groups, append=False, root=None):\n", + "\n", + "def chloginclass(name, loginclass, root=None):\n", + "\n", + "def info(name, root=None):\n", + "\n", + "def get_loginclass(name):\n", + "\n", + "def _format_info(data):\n", + "\n", + "def list_users(root=None):\n", + "\n", + "def rename(name, new_name, root=None):\n", + "\n", + "def _getpwnam(name, root=None):\n", + "\n", + "def add_subgids(name, first=100000, last=110000):\n", + "\n", + "def capability_installed(name,\n", + "\n", + "def package_removed(name, image=None, restart=False):\n", + "\n", + "def ping(host, timeout=False, return_boolean=False):\n", + "\n", + "def _netstat_linux():\n", + "\n", + "def _ss_linux():\n", + "\n", + "def _netinfo_openbsd():\n", + "\n", + "def _netinfo_freebsd_netbsd():\n", + "\n", + "def _ppid():\n", + "\n", + "def _netstat_bsd():\n", + "\n", + "def _netstat_sunos():\n", + "\n", + "def _netstat_aix():\n", + "\n", + "def _ip_route_linux():\n", + "\n", + "def _netstat_route_freebsd():\n", + "\n", + "def _netstat_route_netbsd():\n", + "\n", + "def _netstat_route_sunos():\n", + "\n", + "def netstat():\n", + "\n", + "def active_tcp():\n", + "\n", + "def traceroute(host):\n", + "\n", + "def dig(host):\n", + "\n", + "def arp():\n", + "\n", + "def convert_cidr(cidr):\n", + "\n", + "def mod_hostname(hostname):\n", + "\n", + "def _get_bufsize_linux(iface):\n", + "\n", + "def _mod_bufsize_linux(iface, *args, **kwargs):\n", + "\n", + "def mod_bufsize(iface, *args, **kwargs):\n", + "\n", + "def routes(family=None):\n", + "\n", + "def default_route(family=None):\n", + "\n", + "def get_route(ip):\n", + "\n", + "def ifacestartswith(cidr):\n", + "\n", + "def iphexval(ip):\n", + "\n", + "def present(name, Name=None,\n", + "\n", + "def absent(name, Name=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_nodes(profile, **libcloud_kwargs):\n", + "\n", + "def list_sizes(profile, location_id=None, **libcloud_kwargs):\n", + "\n", + "def list_locations(profile, **libcloud_kwargs):\n", + "\n", + "def reboot_node(node_id, profile, **libcloud_kwargs):\n", + "\n", + "def list_volumes(profile, **libcloud_kwargs):\n", + "\n", + "def list_volume_snapshots(volume_id, profile, **libcloud_kwargs):\n", + "\n", + "def create_volume(size, name, profile, location_id=None, **libcloud_kwargs):\n", + "\n", + "def create_volume_snapshot(volume_id, profile, name=None, **libcloud_kwargs):\n", + "\n", + "def attach_volume(node_id, volume_id, profile, device=None, **libcloud_kwargs):\n", + "\n", + "def detach_volume(volume_id, profile, **libcloud_kwargs):\n", + "\n", + "def destroy_volume_snapshot(volume_id, snapshot_id, profile, **libcloud_kwargs):\n", + "\n", + "def list_images(profile, location_id=None, **libcloud_kwargs):\n", + "\n", + "def create_image(node_id, name, profile, description=None, **libcloud_kwargs):\n", + "\n", + "def delete_image(image_id, profile, **libcloud_kwargs):\n", + "\n", + "def get_image(image_id, profile, **libcloud_kwargs):\n", + "\n", + "def copy_image(source_region, image_id, name, profile, description=None, **libcloud_kwargs):\n", + "\n", + "def list_key_pairs(profile, **libcloud_kwargs):\n", + "\n", + "def get_key_pair(name, profile, **libcloud_kwargs):\n", + "\n", + "def import_key_pair(name, key, profile, key_type=None, **libcloud_kwargs):\n", + "\n", + "def delete_key_pair(name, profile, **libcloud_kwargs):\n", + "\n", + "def _get_by_id(collection, id):\n", + "\n", + "def monitor(name):\n", + "\n", + "def status(jboss_config, host=None, server_config=None):\n", + "\n", + "def stop_server(jboss_config, host=None):\n", + "\n", + "def reload_(jboss_config, host=None):\n", + "\n", + "def create_datasource(jboss_config, name, datasource_properties, profile=None):\n", + "\n", + "def update_datasource(jboss_config, name, new_properties, profile=None):\n", + "\n", + "def read_datasource(jboss_config, name, profile=None):\n", + "\n", + "def create_simple_binding(jboss_config, binding_name, value, profile=None):\n", + "\n", + "def read_simple_binding(jboss_config, binding_name, profile=None):\n", + "\n", + "def remove_datasource(jboss_config, name, profile=None):\n", + "\n", + "def deploy(jboss_config, source_file):\n", + "\n", + "def list_deployments(jboss_config):\n", + "\n", + "def undeploy(jboss_config, deployment):\n", + "\n", + "def get_timestamp_at(time_in=None, time_at=None):\n", + "\n", + "def get_time_at(time_in=None, time_at=None, out_fmt='%Y-%m-%dT%H:%M:%S'):\n", + "\n", + "def _path_is_abs(path):\n", + "\n", + "def extracted(name,\n", + "\n", + "def get_config():\n", + "\n", + "def enable(profile='allprofiles'):\n", + "\n", + "def get_rule(name='all'):\n", + "\n", + "def add_rule(name, localport, protocol='tcp', action='allow', dir='in',\n", + "\n", + "def delete_rule(name=None,\n", + "\n", + "def get_settings(profile, section, store='local'):\n", + "\n", + "def get_all_settings(domain, store='local'):\n", + "\n", + "def set_firewall_settings(profile, inbound=None, outbound=None, store='local'):\n", + "\n", + "def set_logging_settings(profile, setting, value, store='local'):\n", + "\n", + "def set_settings(profile, setting, value, store='local'):\n", + "\n", + "def set_state(profile, state, store='local'):\n", + "\n", + "def _get_jinja_error(trace, context=None):\n", + "\n", + "def render_genshi_tmpl(tmplstr, context, tmplpath=None):\n", + "\n", + "def render_cheetah_tmpl(tmplstr, context, tmplpath=None):\n", + "\n", + "def get_balances():\n", + "\n", + "def check_balances(minimum=100):\n", + "\n", + "def _get_master_uri(master_ip,\n", + "\n", + "def _set_tcp_keepalive(zmq_socket, opts):\n", + "\n", + "def _uncrypted_transfer(self, load, tries=3, timeout=60):\n", + "\n", + "def send(self, load, tries=3, timeout=60, raw=False):\n", + "\n", + "def master_pub(self):\n", + "\n", + "def _decode_messages(self, messages):\n", + "\n", + "def stream(self):\n", + "\n", + "def on_recv(self, callback):\n", + "\n", + " def wrap_callback(messages):\n", + "\n", + "def zmq_device(self):\n", + "\n", + "def close(self):\n", + "\n", + "def pre_fork(self, process_manager):\n", + "\n", + "def _start_zmq_monitor(self):\n", + "\n", + "def post_fork(self, payload_handler, io_loop):\n", + "\n", + "def handle_message(self, stream, payload):\n", + "\n", + "def _publish_daemon(self, log_queue=None):\n", + "\n", + "def pub_connect(self):\n", + "\n", + "def pub_close(self):\n", + "\n", + "def publish(self, load):\n", + "\n", + "def timeout_message(self, message):\n", + "\n", + "def send(self, message, timeout=None, tries=3, future=None, callback=None, raw=False):\n", + "\n", + " def handle_future(future):\n", + "\n", + "def _get_instance(hosts=None, profile=None):\n", + "\n", + " def __init__(self, *args, **kwargs):\n", + "\n", + "def ping(allow_failure=False, hosts=None, profile=None):\n", + "\n", + "def info(hosts=None, profile=None):\n", + "\n", + "def node_info(nodes=None, flat_settings=False, hosts=None, profile=None):\n", + "\n", + "def cluster_health(index=None, level='cluster', local=False, hosts=None, profile=None):\n", + "\n", + "def cluster_stats(nodes=None, hosts=None, profile=None):\n", + "\n", + "def alias_create(indices, alias, hosts=None, body=None, profile=None, source=None):\n", + "\n", + "def alias_delete(indices, aliases, hosts=None, body=None, profile=None, source=None):\n", + "\n", + "def alias_exists(aliases, indices=None, hosts=None, profile=None):\n", + "\n", + "def alias_get(indices=None, aliases=None, hosts=None, profile=None):\n", + "\n", + "def document_create(index, doc_type, body=None, id=None, hosts=None, profile=None, source=None):\n", + "\n", + "def document_delete(index, doc_type, id, hosts=None, profile=None):\n", + "\n", + "def document_exists(index, id, doc_type='_all', hosts=None, profile=None):\n", + "\n", + "def index_create(index, body=None, hosts=None, profile=None, source=None):\n", + "\n", + "def index_delete(index, hosts=None, profile=None):\n", + "\n", + "def index_exists(index, hosts=None, profile=None):\n", + "\n", + "def index_get(index, hosts=None, profile=None):\n", + "\n", + "def index_open(index, allow_no_indices=True, expand_wildcards='closed', ignore_unavailable=True, hosts=None, profile=None):\n", + "\n", + "def mapping_create(index, doc_type, body=None, hosts=None, profile=None, source=None):\n", + "\n", + "def mapping_delete(index, doc_type, hosts=None, profile=None):\n", + "\n", + "def mapping_get(index, doc_type, hosts=None, profile=None):\n", + "\n", + "def index_template_create(name, body=None, hosts=None, profile=None, source=None):\n", + "\n", + "def index_template_delete(name, hosts=None, profile=None):\n", + "\n", + "def index_template_exists(name, hosts=None, profile=None):\n", + "\n", + "def index_template_get(name, hosts=None, profile=None):\n", + "\n", + "def pipeline_get(id, hosts=None, profile=None):\n", + "\n", + "def pipeline_delete(id, hosts=None, profile=None):\n", + "\n", + "def pipeline_create(id, body, hosts=None, profile=None):\n", + "\n", + "def pipeline_simulate(id, body, verbose=False, hosts=None, profile=None):\n", + "\n", + "def search_template_get(id, hosts=None, profile=None):\n", + "\n", + "def search_template_create(id, body, hosts=None, profile=None):\n", + "\n", + "def search_template_delete(id, hosts=None, profile=None):\n", + "\n", + "def repository_get(name, local=False, hosts=None, profile=None):\n", + "\n", + "def repository_create(name, body, hosts=None, profile=None):\n", + "\n", + "def repository_delete(name, hosts=None, profile=None):\n", + "\n", + "def repository_verify(name, hosts=None, profile=None):\n", + "\n", + "def snapshot_status(repository=None, snapshot=None, ignore_unavailable=False, hosts=None, profile=None):\n", + "\n", + "def snapshot_get(repository, snapshot, ignore_unavailable=False, hosts=None, profile=None):\n", + "\n", + "def snapshot_create(repository, snapshot, body=None, hosts=None, profile=None):\n", + "\n", + "def snapshot_delete(repository, snapshot, hosts=None, profile=None):\n", + "\n", + "def installed(name, channel=None):\n", + "\n", + "def removed(name):\n", + "\n", + "def _get_queue(config):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def bounce_cluster(name):\n", + "\n", + "def bounce_local(name, drain=False):\n", + "\n", + "def clear_cluster(name):\n", + "\n", + "def clear_node(name):\n", + "\n", + "def restart_cluster(name):\n", + "\n", + "def restart_local(name, drain=False):\n", + "\n", + "def config(name, value):\n", + "\n", + "def shutdown(name):\n", + "\n", + "def startup(name):\n", + "\n", + "def refresh(name):\n", + "\n", + "def zero_cluster(name):\n", + "\n", + "def zero_node(name):\n", + "\n", + "def offline(name, path):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, profile='grafana'):\n", + "\n", + "def compare_changes(obj, **kwargs):\n", + "\n", + "def network_create(auth=None, **kwargs):\n", + "\n", + "def network_delete(auth=None, **kwargs):\n", + "\n", + "def list_networks(auth=None, **kwargs):\n", + "\n", + "def network_get(auth=None, **kwargs):\n", + "\n", + "def subnet_create(auth=None, **kwargs):\n", + "\n", + "def subnet_update(auth=None, **kwargs):\n", + "\n", + "def subnet_delete(auth=None, **kwargs):\n", + "\n", + "def list_subnets(auth=None, **kwargs):\n", + "\n", + "def subnet_get(auth=None, **kwargs):\n", + "\n", + "def security_group_create(auth=None, **kwargs):\n", + "\n", + "def security_group_update(secgroup=None, auth=None, **kwargs):\n", + "\n", + "def security_group_delete(auth=None, **kwargs):\n", + "\n", + "def security_group_get(auth=None, **kwargs):\n", + "\n", + "def security_group_rule_create(auth=None, **kwargs):\n", + "\n", + "def security_group_rule_delete(auth=None, **kwargs):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(kwargs=None, call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def list_availability_zones(call=None):\n", + "\n", + "def list_nodes_min(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def list_securitygroup(call=None):\n", + "\n", + "def get_image(vm_):\n", + "\n", + "def get_securitygroup(vm_):\n", + "\n", + "def get_size(vm_):\n", + "\n", + "def __get_location(vm_):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def stop(name, force=False, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def create_node(kwargs):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_name):\n", + "\n", + "def _compute_signature(parameters, access_key_secret):\n", + "\n", + " def percent_encode(line):\n", + "\n", + "def query(params=None):\n", + "\n", + "def show_disk(name, call=None):\n", + "\n", + "def list_monitor_data(kwargs=None, call=None):\n", + "\n", + "def show_image(kwargs, call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def _write_adminfile(kwargs):\n", + "\n", + " def _write_line(fp_, line):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def install(name=None, sources=None, saltenv='base', **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, saltenv='base', **kwargs):\n", + "\n", + "def present(name, Name,\n", + "\n", + "def absent(name, Name,\n", + "\n", + "def iter_transport_opts(opts):\n", + "\n", + "def gt(name, value):\n", + "\n", + "def gte(name, value):\n", + "\n", + "def lt(name, value):\n", + "\n", + "def lte(name, value):\n", + "\n", + "def eq(name, value):\n", + "\n", + "def ne(name, value):\n", + "\n", + "def contains(name,\n", + "\n", + "def event(name):\n", + "\n", + "def len_gt(name, value):\n", + "\n", + "def map_clonemode(vm_info):\n", + "\n", + "def create(vm_info):\n", + "\n", + "def list_nodes_full(kwargs=None, call=None):\n", + "\n", + "def list_nodes(kwargs=None, call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def show_image(kwargs, call=None):\n", + "\n", + "def mapped(name,\n", + "\n", + "def unmapped(name,\n", + "\n", + "def show_top(minion=None, saltenv='base'):\n", + "\n", + "def show_pillar(minion='*', **kwargs):\n", + "\n", + "def install(runas=None):\n", + "\n", + "def install_ruby(ruby, runas=None, opts=None, env=None):\n", + "\n", + "def reinstall_ruby(ruby, runas=None, env=None):\n", + "\n", + "def list_(runas=None):\n", + "\n", + "def wrapper(ruby_string, wrapper_prefix, runas=None, *binaries):\n", + "\n", + "def gemset_list(ruby='default', runas=None):\n", + "\n", + "def gemset_list_all(runas=None):\n", + "\n", + "def parse_file(self, fpath):\n", + "\n", + "def parse_lit(self, lines):\n", + "\n", + "def parse_file(self, sls_path):\n", + "\n", + "def mmatch(expr, delimiter, greedy, opts=None):\n", + "\n", + "def attr(key, value=None):\n", + "\n", + "def write(key, value):\n", + "\n", + "def read(key, root=''):\n", + "\n", + "def target(key, full=True):\n", + "\n", + "def interfaces(root):\n", + "\n", + "def _get_librato(ret=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _common(ret, name, service_name, kwargs):\n", + "\n", + "def present(name, service_name, auth=None, **kwargs):\n", + "\n", + "def absent(name, service_name, auth=None, **kwargs):\n", + "\n", + "def _get_bgp_runner_opts():\n", + "\n", + "def _compare_match(dict1, dict2):\n", + "\n", + "def _display_runner(rows,\n", + "\n", + "def neighbors(*asns, **kwargs):\n", + "\n", + "def _get_conn(ret):\n", + "\n", + "def returner(ret):\n", + "\n", + "def _safe_copy(dat):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_minions():\n", + "\n", + "def get_jids():\n", + "\n", + "def event_return(events):\n", + "\n", + "def lowstate_file_refs(chunks):\n", + "\n", + "def salt_refs(data):\n", + "\n", + "def mod_data(fsclient):\n", + "\n", + "def ssh_version():\n", + "\n", + "def _convert_args(args):\n", + "\n", + "def _get_roster(self):\n", + "\n", + "def _expand_target(self):\n", + "\n", + "def _update_roster(self):\n", + "\n", + "def _update_targets(self):\n", + "\n", + "def get_pubkey(self):\n", + "\n", + "def key_deploy(self, host, ret):\n", + "\n", + "def _key_deploy_run(self, host, target, re_run=True):\n", + "\n", + "def handle_routine(self, que, opts, host, target, mine=False):\n", + "\n", + "def handle_ssh(self, mine=False):\n", + "\n", + "def run_iter(self, mine=False, jid=None):\n", + "\n", + "def cache_job(self, jid, id_, ret, fun):\n", + "\n", + "def run(self, jid=None):\n", + "\n", + "def __arg_comps(self):\n", + "\n", + "def _escape_arg(self, arg):\n", + "\n", + "def deploy(self):\n", + "\n", + "def deploy_ext(self):\n", + "\n", + "def run(self, deploy_attempted=False):\n", + "\n", + "def run_wfunc(self):\n", + "\n", + "def _cmd_str(self):\n", + "\n", + "def shim_cmd(self, cmd_str, extension='py'):\n", + "\n", + "def cmd_block(self, is_retry=False):\n", + "\n", + "def _lookup_style(element, names):\n", + "\n", + "def _generate_html_table(data, out, level=0, extra_style=''):\n", + "\n", + "def _generate_html(data, out):\n", + "\n", + "def _dict_to_name_value(data):\n", + "\n", + "def _generate_states_report(sorted_data):\n", + "\n", + "def _generate_report(ret, setup):\n", + "\n", + "def _produce_output(report, failed, setup):\n", + "\n", + "def returner(ret):\n", + "\n", + "def out_format(data, out='nested', opts=None, **kwargs):\n", + "\n", + "def string_format(data, out='nested', opts=None, **kwargs):\n", + "\n", + "def html_format(data, out='nested', opts=None, **kwargs):\n", + "\n", + "def installed(name,\n", + "\n", + "def version(*names, **kwargs):\n", + "\n", + "def set_user_perm(obj, perm, sid):\n", + "\n", + "def grant_winsta_and_desktop(th):\n", + "\n", + "def enumerate_tokens(sid=None, session_id=None, privs=None):\n", + "\n", + " def has_priv(tok, priv):\n", + "\n", + "def impersonate_sid(sid, session_id=None, privs=None):\n", + "\n", + "def dup_token(th):\n", + "\n", + "def elevate_token(th):\n", + "\n", + "def make_inheritable(token):\n", + "\n", + " def _yaml_safe_dump(attrs):\n", + "\n", + "def _fix_quantities(tree):\n", + "\n", + "def distribution_present(name, region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def oai_bucket_policy_present(name, Bucket, OAI, Policy,\n", + "\n", + "def route53_alias_present(name, region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def distribution_absent(name, region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def origin_access_identity_present(name, region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def origin_access_identity_absent(name, region=None, key=None, keyid=None, profile=None, **kwargs):\n", + "\n", + "def install(pkg, channel=None, refresh=False):\n", + "\n", + "def remove(pkg):\n", + "\n", + "def versions_installed(pkg):\n", + "\n", + "def create(path,\n", + "\n", + "def get_site_packages(venv):\n", + "\n", + "def get_distribution_path(venv, distribution):\n", + "\n", + "def get_resource_path(venv,\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def list_nodes_select(call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def do_cleanup(cleanup):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def get_size(vm_):\n", + "\n", + "def get_image(vm_):\n", + "\n", + "def avail_locations(conn=None, call=None):\n", + "\n", + "def create_block_storage(kwargs=None, call=None):\n", + "\n", + "def _get_block_storage(kwargs):\n", + "\n", + "def _get_ssh_key(kwargs):\n", + "\n", + "def create_ssh_key(kwargs=None, call=None):\n", + "\n", + "def _get_firewall_policy(kwargs):\n", + "\n", + "def create_firewall_policy(kwargs=None, call=None):\n", + "\n", + "def avail_images(conn=None, call=None):\n", + "\n", + "def avail_baremetal_images(conn=None, call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def baremetal_models(call=None):\n", + "\n", + "def list_nodes(conn=None, call=None):\n", + "\n", + "def list_nodes_full(conn=None, call=None):\n", + "\n", + "def _get_server(vm_):\n", + "\n", + "def _get_hdds(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + " def __query_node_data(vm_, data):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def get_node(conn, name):\n", + "\n", + "def load_public_key(vm_):\n", + "\n", + "def _wait_for_completion(conn, wait_timeout, server_id):\n", + "\n", + "def _load_result(response, ret):\n", + "\n", + "def _strip_key(dictionary, keyword):\n", + "\n", + "def _check_for_changes(entity_type, ret, existing, modified):\n", + "\n", + "def create_node(hostname, username, password, name, address):\n", + "\n", + "def manage_node(hostname, username, password, name, address,\n", + "\n", + "def modify_node(hostname, username, password, name,\n", + "\n", + "def create_pool(hostname, username, password, name, members=None,\n", + "\n", + "def manage_pool(hostname, username, password, name,\n", + "\n", + "def delete_pool(hostname, username, password, name):\n", + "\n", + "def manage_pool_members(hostname, username, password, name, members):\n", + "\n", + "def add_pool_member(hostname, username, password, name, member):\n", + "\n", + "def modify_pool_member(hostname, username, password, name, member,\n", + "\n", + "def delete_pool_member(hostname, username, password, name, member):\n", + "\n", + "def list_virtual(hostname, username, password, name):\n", + "\n", + "def manage_virtual(hostname, username, password, name, destination,\n", + "\n", + "def modify_virtual(hostname, username, password, name, destination,\n", + "\n", + "def create_monitor(hostname, username, password, monitor_type, name, **kwargs):\n", + "\n", + "def create_profile(hostname, username, password, profile_type, name, **kwargs):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def list_nodes(call=None):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def get_image(server_):\n", + "\n", + "def create_node(args):\n", + "\n", + "def create(server_):\n", + "\n", + " def __query_node_data(server_name):\n", + "\n", + "def query(method='servers', server_id=None, command=None, args=None,\n", + "\n", + "def script(server_):\n", + "\n", + "def absent(name,\n", + "\n", + "def _action(action='get', search=None, one=True, force=False):\n", + "\n", + "def nodes(verbose=False):\n", + "\n", + "def list_vms(search=None, verbose=False):\n", + "\n", + "def reboot(search, one=True, force=False):\n", + "\n", + "def _xml_to_dict(xmltree):\n", + "\n", + "def optimize_providers(providers):\n", + "\n", + "def _wait_for_spot_instance(update_callback,\n", + "\n", + "def avail_images(kwargs=None, call=None):\n", + "\n", + "def ssh_interface(vm_):\n", + "\n", + "def get_ssh_gateway_config(vm_):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def get_availability_zone(vm_):\n", + "\n", + "def get_imageid(vm_):\n", + "\n", + "def _get_subnetname_id(subnetname):\n", + "\n", + "def get_subnetid(vm_):\n", + "\n", + "def _get_securitygroupname_id(securitygroupname_list):\n", + "\n", + "def securitygroupid(vm_):\n", + "\n", + "def get_provider(vm_=None):\n", + "\n", + "def _list_availability_zones(vm_=None):\n", + "\n", + "def _request_eip(interface, vm_):\n", + "\n", + "def _create_eni_if_necessary(interface, vm_):\n", + "\n", + "def _list_interface_private_addrs(eni_desc):\n", + "\n", + "def _modify_eni_properties(eni_id, properties=None, vm_=None):\n", + "\n", + "def _associate_eip_with_interface(eni_id, eip_id, private_ip=None, vm_=None):\n", + "\n", + "def _param_from_config(key, data):\n", + "\n", + "def request_instance(vm_=None, call=None):\n", + "\n", + " def __query_spot_instance_request(sir_id, location):\n", + "\n", + "def query_instance(vm_=None, call=None):\n", + "\n", + "def create(vm_=None, call=None):\n", + "\n", + "def queue_instances(instances):\n", + "\n", + "def create_attach_volumes(name, kwargs, call=None, wait_to_finish=True):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def set_tags(name=None,\n", + "\n", + "def get_tags(name=None,\n", + "\n", + "def del_tags(name=None,\n", + "\n", + "def rename(name, kwargs, call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def show_image(kwargs, call=None):\n", + "\n", + "def show_instance(name=None, instance_id=None, call=None, kwargs=None):\n", + "\n", + "def _extract_instance_info(instances):\n", + "\n", + "def _list_nodes_full(location=None):\n", + "\n", + "def list_nodes_min(location=None, call=None):\n", + "\n", + "def list_nodes_select(call=None):\n", + "\n", + "def show_term_protect(name=None, instance_id=None, call=None, quiet=False):\n", + "\n", + "def show_detailed_monitoring(name=None, instance_id=None, call=None, quiet=False):\n", + "\n", + "def _toggle_term_protect(name, value):\n", + "\n", + "def disable_detailed_monitoring(name, call=None):\n", + "\n", + "def show_delvol_on_destroy(name, kwargs=None, call=None):\n", + "\n", + "def keepvol_on_destroy(name, kwargs=None, call=None):\n", + "\n", + "def register_image(kwargs=None, call=None):\n", + "\n", + "def create_volume(kwargs=None, call=None, wait_to_finish=False):\n", + "\n", + "def attach_volume(name=None, kwargs=None, instance_id=None, call=None):\n", + "\n", + "def describe_volumes(kwargs=None, call=None):\n", + "\n", + "def create_keypair(kwargs=None, call=None):\n", + "\n", + "def import_keypair(kwargs=None, call=None):\n", + "\n", + "def delete_keypair(kwargs=None, call=None):\n", + "\n", + "def create_snapshot(kwargs=None, call=None, wait_to_finish=False):\n", + "\n", + "def copy_snapshot(kwargs=None, call=None):\n", + "\n", + "def describe_snapshots(kwargs=None, call=None):\n", + "\n", + "def update_pricing(kwargs=None, call=None):\n", + "\n", + "def _parse_pricing(url, name):\n", + "\n", + "def show_pricing(kwargs=None, call=None):\n", + "\n", + "def ssm_create_association(name=None, kwargs=None, instance_id=None, call=None):\n", + "\n", + "def _build_machine_uri(machine, cwd):\n", + "\n", + "def _update_vm_info(name, vm_):\n", + "\n", + "def get_vm_info(name):\n", + "\n", + "def get_machine_id(machine, cwd):\n", + "\n", + "def _erase_vm_info(name):\n", + "\n", + "def _vagrant_ssh_config(vm_):\n", + "\n", + "def list_domains():\n", + "\n", + "def list_active_vms(cwd=None):\n", + "\n", + "def vm_state(name='', cwd=None):\n", + "\n", + "def stop(name):\n", + "\n", + "def reboot(name, provision=False):\n", + "\n", + "def destroy(name):\n", + "\n", + "def get_ssh_config(name, network_mask='', get_private_key=False):\n", + "\n", + "def vm_configured(name, vm_name, cpu, memory, image, version, interfaces,\n", + "\n", + "def vm_updated(name, vm_name, cpu, memory, image, version, interfaces,\n", + "\n", + "def vm_created(name, vm_name, cpu, memory, image, version, interfaces,\n", + "\n", + "def vm_registered(vm_name, datacenter, placement, vm_file, power_on=False):\n", + "\n", + "def installed(name,\n", + "\n", + " def _pkg_is_installed(pkg, installed_pkgs):\n", + "\n", + "def removed(name, dir=None, user=None):\n", + "\n", + "def bootstrap(name, user=None, silent=True):\n", + "\n", + "def cache_cleaned(name=None,\n", + "\n", + "def present(name, profile=\"splunk\", **kwargs):\n", + "\n", + "def absent(name, profile=\"splunk\"):\n", + "\n", + "def _bulk_state(saltfunc, lbn, workers, profile):\n", + "\n", + "def worker_stopped(name, workers=None, profile='default'):\n", + "\n", + "def worker_activated(name, workers=None, profile='default'):\n", + "\n", + "def worker_disabled(name, workers=None, profile='default'):\n", + "\n", + "def worker_recover(name, workers=None, profile='default'):\n", + "\n", + "def _parse_forward(mapping):\n", + "\n", + "def present(name,\n", + "\n", + "def service(name,\n", + "\n", + "def _present(name,\n", + "\n", + "def todict(self):\n", + "\n", + "def _connect():\n", + "\n", + "def _retrieve_config_xml(config_xml, saltenv):\n", + "\n", + "def job_exists(name=None):\n", + "\n", + "def get_job_info(name=None):\n", + "\n", + "def build_job(name=None, parameters=None):\n", + "\n", + "def create_job(name=None,\n", + "\n", + "def delete_job(name=None):\n", + "\n", + "def job_status(name=None):\n", + "\n", + "def get_job_config(name=None):\n", + "\n", + "def plugin_installed(name):\n", + "\n", + "def record_set_create_or_update(name, zone_name, resource_group, record_type, **kwargs):\n", + "\n", + "def record_set_delete(name, zone_name, resource_group, record_type, **kwargs):\n", + "\n", + "def record_set_get(name, zone_name, resource_group, record_type, **kwargs):\n", + "\n", + "def record_sets_list_by_type(zone_name, resource_group, record_type, top=None, recordsetnamesuffix=None, **kwargs):\n", + "\n", + "def record_sets_list_by_dns_zone(zone_name, resource_group, top=None, recordsetnamesuffix=None, **kwargs):\n", + "\n", + "def zone_create_or_update(name, resource_group, **kwargs):\n", + "\n", + "def zone_delete(name, resource_group, **kwargs):\n", + "\n", + "def zone_get(name, resource_group, **kwargs):\n", + "\n", + "def zones_list_by_resource_group(resource_group, top=None, **kwargs):\n", + "\n", + "def zones_list(top=None, **kwargs):\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_all_elbs(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_elbs(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_elb_config(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def listener_dict_to_tuple(listener):\n", + "\n", + "def create(name, availability_zones, listeners, subnets=None,\n", + "\n", + "def delete(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_listeners(name, listeners, region=None, key=None, keyid=None,\n", + "\n", + "def delete_listeners(name, ports, region=None, key=None, keyid=None,\n", + "\n", + "def apply_security_groups(name, security_groups, region=None, key=None,\n", + "\n", + "def get_attributes(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def set_attributes(name, attributes, region=None, key=None, keyid=None,\n", + "\n", + "def get_health_check(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def set_health_check(name, health_check, region=None, key=None, keyid=None,\n", + "\n", + "def register_instances(name, instances, region=None, key=None, keyid=None,\n", + "\n", + "def deregister_instances(name, instances, region=None, key=None, keyid=None,\n", + "\n", + "def set_instances(name, instances, test=False, region=None, key=None, keyid=None,\n", + "\n", + "def get_instance_health(name, region=None, key=None, keyid=None, profile=None, instances=None):\n", + "\n", + "def create_policy(name, policy_name, policy_type, policy, region=None,\n", + "\n", + "def delete_policy(name, policy_name, region=None, key=None, keyid=None,\n", + "\n", + "def set_listener_policy(name, port, policies=None, region=None, key=None,\n", + "\n", + "def set_tags(name, tags, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_tags(name, tags, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _build_tag_param_list(params, tags):\n", + "\n", + "def _get_all_tags(conn, load_balancer_names=None):\n", + "\n", + "def _add_tags(conn, load_balancer_names, tags):\n", + "\n", + "def _remove_tags(conn, load_balancer_names, tags):\n", + "\n", + "def _repack_pkgs(pkgs, normalize=True):\n", + "\n", + "def pack_sources(sources, normalize=True):\n", + "\n", + "def parse_targets(name=None,\n", + "\n", + "def version(*names, **kwargs):\n", + "\n", + "def add_pkg(pkgs, name, pkgver):\n", + "\n", + "def sort_pkglist(pkgs):\n", + "\n", + "def stringify(pkgs):\n", + "\n", + "def format_pkg_list(packages, versions_as_list, attr):\n", + "\n", + "def format_version(epoch, version, release):\n", + "\n", + "def _make_set(var):\n", + "\n", + "def present(name, value=None, contains=None, excludes=None):\n", + "\n", + "def absent(name):\n", + "\n", + "def info(name):\n", + "\n", + "def set_maxdays(name, maxdays):\n", + "\n", + "def set_mindays(name, mindays):\n", + "\n", + "def del_password(name):\n", + "\n", + "def set_password(name, password):\n", + "\n", + "def set_warndays(name, warndays):\n", + "\n", + "def _execute_command(cmd, at_time=None):\n", + "\n", + "def set_remote_login(enable):\n", + "\n", + "def set_remote_events(enable):\n", + "\n", + "def set_computer_name(name):\n", + "\n", + "def set_subnet_name(name):\n", + "\n", + "def set_startup_disk(path):\n", + "\n", + "def set_restart_delay(seconds):\n", + "\n", + "def set_disable_keyboard_on_lock(enable):\n", + "\n", + "def set_boot_arch(arch='default'):\n", + "\n", + "def create_target_group(name,\n", + "\n", + "def delete_target_group(name,\n", + "\n", + "def target_group_exists(name,\n", + "\n", + "def describe_target_health(name,\n", + "\n", + "def register_targets(name,\n", + "\n", + "def describe_load_balancers(names=None,\n", + "\n", + "def describe_target_groups(names=None,\n", + "\n", + "def get_parameter(name, withdecryption=False, resp_json=False, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def put_parameter(Name,\n", + "\n", + "def delete_parameter(Name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def base64_b64encode(instr):\n", + "\n", + "def base64_b64decode(instr):\n", + "\n", + "def base64_encodestring(instr):\n", + "\n", + "def base64_decodestring(instr):\n", + "\n", + "def md5_digest(instr):\n", + "\n", + "def sha1_digest(instr):\n", + "\n", + "def sha256_digest(instr):\n", + "\n", + "def sha512_digest(instr):\n", + "\n", + "def hmac_signature(string, shared_secret, challenge_hmac):\n", + "\n", + "def random_hash(size=9999999999, hash_type=None):\n", + "\n", + "def get_hash(path, form='sha256', chunk_size=65536):\n", + "\n", + "def add(self, path):\n", + "\n", + "def digest(self):\n", + "\n", + "def _load_properties(property_name, config_option, set_default=False, default=None):\n", + "\n", + "def _get_ssl_opts():\n", + "\n", + "def _connect(contact_points=None, port=None, cql_user=None, cql_pass=None,\n", + "\n", + "def cql_query(query, contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def cql_query_with_prepare(query, statement_name, statement_arguments, callback_errors=None, contact_points=None,\n", + "\n", + "def list_column_families(keyspace=None, contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def keyspace_exists(keyspace, contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def create_keyspace(keyspace, replication_strategy='SimpleStrategy', replication_factor=1, replication_datacenters=None,\n", + "\n", + "def drop_keyspace(keyspace, contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def list_users(contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def create_user(username, password, superuser=False, contact_points=None, port=None, cql_user=None, cql_pass=None):\n", + "\n", + "def list_permissions(username=None, resource=None, resource_type='keyspace', permission=None, contact_points=None,\n", + "\n", + "def grant_permission(username, resource=None, resource_type='keyspace', permission=None, contact_points=None, port=None,\n", + "\n", + "def _get_journal():\n", + "\n", + "def beacon(config):\n", + "\n", + "def _get_options(ret=None):\n", + "\n", + "def _generate_doc(ret):\n", + "\n", + "def _request(method, url, content_type=None, _data=None, user=None, passwd=None):\n", + "\n", + "def _generate_event_doc(event):\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def get_jids():\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_minions():\n", + "\n", + "def ensure_views():\n", + "\n", + "def set_salt_view():\n", + "\n", + "def get_load(jid):\n", + "\n", + "def _auth(profile=None, api_version=1, **connection_args):\n", + "\n", + " def get(key, default=None):\n", + "\n", + "def _parse_environment(env_str):\n", + "\n", + "def _get_stack_events(h_client, stack_id, event_args):\n", + "\n", + "def _poll_for_events(h_client, stack_name, action=None, poll_period=5,\n", + "\n", + "def list_stack(profile=None):\n", + "\n", + "def show_stack(name=None, profile=None):\n", + "\n", + "def delete_stack(name=None, poll=0, timeout=60, profile=None):\n", + "\n", + "def create_stack(name=None, template_file=None, environment=None,\n", + "\n", + "def template_stack(name=None, profile=None):\n", + "\n", + "def monitored(name, **params):\n", + "\n", + "def lock_holders(path,\n", + "\n", + "def lock(path,\n", + "\n", + "def unlock(path,\n", + "\n", + "def party_members(path,\n", + "\n", + "def _default_logfile(exe_name):\n", + "\n", + "def client(whyrun=False,\n", + "\n", + "def solo(whyrun=False,\n", + "\n", + "def _decode_embedded_list(src):\n", + "\n", + "def _decode_embedded_dict(src):\n", + "\n", + "def decode_embedded_strs(src):\n", + "\n", + "def _validate_int(name, value, limits=(), strip='%'):\n", + "\n", + "def status(name, maximum=None, minimum=None, absolute=False, free=False):\n", + "\n", + "def absent(name, user=None, config=None):\n", + "\n", + "def start_engines(opts, proc_mgr, proxy=None):\n", + "\n", + "def run(self):\n", + "\n", + "def targets(tgt, tgt_type='range', **kwargs):\n", + "\n", + "def _auth(url, user, passwd, realm):\n", + "\n", + "def _do_http(opts, profile='default'):\n", + "\n", + "def _worker_ctl(worker, lbn, vwa, profile='default'):\n", + "\n", + "def list_configured_members(lbn, profile='default'):\n", + "\n", + "def workers(profile='default'):\n", + "\n", + "def recover_all(lbn, profile='default'):\n", + "\n", + "def lb_edit(lbn, settings, profile='default'):\n", + "\n", + "def bulk_stop(workers, lbn, profile='default'):\n", + "\n", + "def bulk_activate(workers, lbn, profile='default'):\n", + "\n", + "def bulk_disable(workers, lbn, profile='default'):\n", + "\n", + "def bulk_recover(workers, lbn, profile='default'):\n", + "\n", + "def worker_status(worker, profile='default'):\n", + "\n", + "def worker_recover(worker, lbn, profile='default'):\n", + "\n", + "def worker_edit(worker, lbn, settings, profile='default'):\n", + "\n", + "def build_info():\n", + "\n", + "def signal(signal=None):\n", + "\n", + "def status(url=\"http://127.0.0.1/status\"):\n", + "\n", + "def init(opts):\n", + "\n", + "def ping():\n", + "\n", + "def ch_config(cmd, *args, **kwargs):\n", + "\n", + "def find_credentials(host):\n", + "\n", + "def _grains(host, protocol=None, port=None):\n", + "\n", + "def post_message(message, chat_id=None, token=None):\n", + "\n", + "def _post_message(message, chat_id, token):\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def _parse_key(key, profile):\n", + "\n", + "def _redis_client(opts):\n", + "\n", + "def mk_token(opts, tdata):\n", + "\n", + "def get_token(opts, tok):\n", + "\n", + "def rm_token(opts, tok):\n", + "\n", + "def list_tokens(opts):\n", + "\n", + "def installed(name, user, admin_user, admin_password, admin_email, title, url):\n", + "\n", + "def activated(name, path, user):\n", + "\n", + "def _prepare_connection(**kwargs):\n", + "\n", + "def get(remote_path,\n", + "\n", + "def put(files,\n", + "\n", + "def _build_session(username, password, trans_label=None):\n", + "\n", + "def _load_response(response):\n", + "\n", + "def _load_connection_error(hostname, error):\n", + "\n", + "def _loop_payload(params):\n", + "\n", + "def _build_list(option_value, item_kind):\n", + "\n", + "def _determine_toggles(payload, toggles):\n", + "\n", + "def _set_value(value):\n", + "\n", + "def start_transaction(hostname, username, password, label):\n", + "\n", + "def list_transaction(hostname, username, password, label):\n", + "\n", + "def create_node(hostname, username, password, name, address, trans_label=None):\n", + "\n", + "def modify_node(hostname, username, password, name,\n", + "\n", + "def create_pool(hostname, username, password, name, members=None,\n", + "\n", + "def replace_pool_members(hostname, username, password, name, members):\n", + "\n", + "def add_pool_member(hostname, username, password, name, member):\n", + "\n", + "def create_virtual(hostname, username, password, name, destination,\n", + "\n", + "def list_profile(hostname, username, password, profile_type, name=None, ):\n", + "\n", + "def create_profile(hostname, username, password, profile_type, name, **kwargs):\n", + "\n", + "def delete_profile(hostname, username, password, profile_type, name):\n", + "\n", + "def list_(return_yaml=True,\n", + "\n", + "def add(name, beacon_data, **kwargs):\n", + "\n", + "def modify(name, beacon_data, **kwargs):\n", + "\n", + "def save(**kwargs):\n", + "\n", + "def enable_beacon(name, **kwargs):\n", + "\n", + "def send(name,\n", + "\n", + "def _rule_compare(rule1, rule2):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None, **kwargs):\n", + "\n", + "def query(name, match=None, match_type='string', status=None, status_type='string', wait_for=None, **kwargs):\n", + "\n", + "def wait_for_successful_query(name, wait_for=300, **kwargs):\n", + "\n", + "def __parse_drac(output):\n", + "\n", + "def __execute_cmd(command, host=None,\n", + "\n", + "def __execute_ret(command, host=None,\n", + "\n", + "def get_property(host=None, admin_username=None, admin_password=None, property=None):\n", + "\n", + "def set_property(host=None, admin_username=None, admin_password=None, property=None, value=None):\n", + "\n", + "def ensure_property_set(host=None, admin_username=None, admin_password=None, property=None, value=None):\n", + "\n", + "def system_info(host=None,\n", + "\n", + "def network_info(host=None,\n", + "\n", + "def nameservers(ns,\n", + "\n", + "def syslog(server, enable=True, host=None,\n", + "\n", + "def email_alerts(action,\n", + "\n", + "def list_users(host=None,\n", + "\n", + "def delete_user(username,\n", + "\n", + "def change_password(username, password, uid=None, host=None,\n", + "\n", + "def deploy_password(username, password, host=None, admin_username=None,\n", + "\n", + "def deploy_snmp(snmp, host=None, admin_username=None,\n", + "\n", + "def set_snmp(community, host=None,\n", + "\n", + "def set_network(ip, netmask, gateway, host=None,\n", + "\n", + "def server_power(status, host=None,\n", + "\n", + "def server_reboot(host=None,\n", + "\n", + "def server_poweroff(host=None,\n", + "\n", + "def server_poweron(host=None,\n", + "\n", + "def server_hardreset(host=None,\n", + "\n", + "def server_powerstatus(host=None,\n", + "\n", + "def server_pxe(host=None,\n", + "\n", + "def list_slotnames(host=None,\n", + "\n", + "def get_slotname(slot, host=None, admin_username=None, admin_password=None):\n", + "\n", + "def set_slotname(slot, name, host=None,\n", + "\n", + "def set_chassis_name(name,\n", + "\n", + "def get_chassis_name(host=None, admin_username=None, admin_password=None):\n", + "\n", + "def set_chassis_location(location,\n", + "\n", + "def get_chassis_location(host=None,\n", + "\n", + "def set_chassis_datacenter(location,\n", + "\n", + "def get_chassis_datacenter(host=None,\n", + "\n", + "def idrac_general(blade_name, command, idrac_password=None,\n", + "\n", + "def update_firmware(filename,\n", + "\n", + "def update_firmware_nfs_or_cifs(filename, share,\n", + "\n", + "def post_card(name,\n", + "\n", + "def accept_dict(match, include_rejected=False, include_denied=False):\n", + "\n", + "def reject(match, include_accepted=False, include_denied=False):\n", + "\n", + "def finger(match, hash_type=None):\n", + "\n", + "def finger_master(hash_type=None):\n", + "\n", + "def gen(id_=None, keysize=2048):\n", + "\n", + "def gen_accept(id_, keysize=2048, force=False):\n", + "\n", + "def gen_keys(keydir=None, keyname=None, keysize=None, user=None):\n", + "\n", + "def gen_signature(priv, pub, signature_path, auto_create=False, keysize=None):\n", + "\n", + "def dirinfo(path, opts=None):\n", + "\n", + "def fileinfo(path):\n", + "\n", + "def mounts():\n", + "\n", + "def getgoal(path, opts=None):\n", + "\n", + "def _auditpol_cmd(cmd):\n", + "\n", + "def get_settings(category='All'):\n", + "\n", + "def get_setting(name):\n", + "\n", + "def set_setting(name, value):\n", + "\n", + "def get_auditpol_dump():\n", + "\n", + "def _ruby_installed(ret, ruby, user=None):\n", + "\n", + "def _check_and_install_ruby(ret, ruby, default=False, user=None):\n", + "\n", + "def installed(name, default=False, user=None):\n", + "\n", + "def _check_and_uninstall_ruby(ret, ruby, user=None):\n", + "\n", + "def absent(name, user=None):\n", + "\n", + "def _check_and_install_rbenv(ret, user=None):\n", + "\n", + "def install_rbenv(name, user=None):\n", + "\n", + "def build_rule(table=None, chain=None, command=None, position='', full=None, family='ipv4',\n", + "\n", + "def get_saved_rules(conf_file=None):\n", + "\n", + "def get_rules(family='ipv4'):\n", + "\n", + "def save(filename=None, family='ipv4'):\n", + "\n", + "def get_rule_handle(table='filter', chain=None, rule=None, family='ipv4'):\n", + "\n", + "def check(table='filter', chain=None, rule=None, family='ipv4'):\n", + "\n", + "def check_table(table=None, family='ipv4'):\n", + "\n", + "def new_chain(table='filter', chain=None, table_type=None, hook=None, priority=None, family='ipv4'):\n", + "\n", + "def flush(table='filter', chain='', family='ipv4'):\n", + "\n", + "def _relative_to_abs_sls(relative, sls):\n", + "\n", + "def nvlist(thelist, names=None):\n", + "\n", + "def nvlist2(thelist, names=None):\n", + "\n", + "def _get_api_params(api_url=None,\n", + "\n", + "def _validate_api_params(params):\n", + "\n", + "def _http_request(url,\n", + "\n", + "def retrieve(endpoint='incidents',\n", + "\n", + "def update(endpoint='incidents',\n", + "\n", + "def delete(endpoint='incidents',\n", + "\n", + "def _get_repo_options(fromrepo=None, packagesite=None):\n", + "\n", + "def _match(names):\n", + "\n", + "def list_pkgs(versions_as_list=False, with_origin=False, **kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def file_dict(*packages, **kwargs):\n", + "\n", + "def namespaced_function(function, global_dict, defaults=None, preserve_context=False):\n", + "\n", + "def alias_function(fun, name, doc=None):\n", + "\n", + "def dns_exists(name, servers=None, interface='Local Area Connection', replace=False):\n", + "\n", + "def dns_dhcp(name, interface='Local Area Connection'):\n", + "\n", + "def primary_suffix(name,\n", + "\n", + "def insert(name, table='filter', family='ipv4', **kwargs):\n", + "\n", + "def delete(name, table='filter', family='ipv4', **kwargs):\n", + "\n", + "def set_policy(name, table='filter', family='ipv4', **kwargs):\n", + "\n", + "def flush(name, table='filter', family='ipv4', **kwargs):\n", + "\n", + "def mod_aggregate(low, chunks, running):\n", + "\n", + "def beacon(config):\n", + "\n", + "def format_name(self):\n", + "\n", + "def managed(name, servers=None):\n", + "\n", + "def _iptables_cmd(family='ipv4'):\n", + "\n", + "def _has_option(option, family='ipv4'):\n", + "\n", + "def _conf(family='ipv4'):\n", + "\n", + "def _regex_iptables_save(cmd_output, filters=None):\n", + "\n", + "def version(family='ipv4'):\n", + "\n", + "def build_rule(table='filter', chain=None, command=None, position='', full=None, family='ipv4',\n", + "\n", + " def maybe_add_negation(arg):\n", + "\n", + "def get_saved_policy(table='filter', chain=None, conf_file=None, family='ipv4'):\n", + "\n", + "def get_policy(table='filter', chain=None, family='ipv4'):\n", + "\n", + "def set_policy(table='filter', chain=None, policy=None, family='ipv4'):\n", + "\n", + "def save(filename=None, family='ipv4'):\n", + "\n", + "def check(table='filter', chain=None, rule=None, family='ipv4'):\n", + "\n", + "def check_chain(table='filter', chain=None, family='ipv4'):\n", + "\n", + "def new_chain(table='filter', chain=None, family='ipv4'):\n", + "\n", + "def append(table='filter', chain=None, rule=None, family='ipv4'):\n", + "\n", + "def insert(table='filter', chain=None, position=None, rule=None, family='ipv4'):\n", + "\n", + "def delete(table, chain=None, position=None, rule=None, family='ipv4'):\n", + "\n", + "def flush(table='filter', chain='', family='ipv4'):\n", + "\n", + "def _parse_conf(conf_file=None, in_mem=False, family='ipv4'):\n", + "\n", + "def _parser():\n", + "\n", + "def _changes(name,\n", + "\n", + "def present(name,\n", + "\n", + "def _run(cmd):\n", + "\n", + "def _nix_env():\n", + "\n", + "def _nix_collect_garbage():\n", + "\n", + "def _zip_flatten(x, ys):\n", + "\n", + "def _output_format(out,\n", + "\n", + "def upgrade(*pkgs):\n", + "\n", + "def install(*pkgs, **kwargs):\n", + "\n", + "def list_pkgs(installed=True,\n", + "\n", + "def uninstall(*pkgs):\n", + "\n", + "def collect_garbage():\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _proc_function(self, fun, low, user, tag, jid, daemonize=True):\n", + "\n", + "def run(*args, **kwargs):\n", + "\n", + "def enable():\n", + "\n", + "def disable(message=None):\n", + "\n", + "def status():\n", + "\n", + "def summary():\n", + "\n", + "def facts(puppet=False):\n", + "\n", + "def fact(name, puppet=False):\n", + "\n", + "def arguments(self, args=None):\n", + "\n", + "def keys_present(name, number, save_dir, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def account_policy(name=None, allow_users_to_change_password=None,\n", + "\n", + "def server_cert_present(name, public_key, private_key, cert_chain=None, path=None,\n", + "\n", + "def saml_provider_present(name, saml_metadata_document, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def saml_provider_absent(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def config(group=None, neighbor=None, **kwargs):\n", + "\n", + "def _salt(fun, *args, **kw):\n", + "\n", + "def list_nodes_select(call=None):\n", + "\n", + "def destroy(vm_, call=None):\n", + "\n", + "def create(vm_, call=None):\n", + "\n", + "def get_configured_provider(vm_=None):\n", + "\n", + "def write_launchd_plist(program):\n", + "\n", + "def _windows_cpudata():\n", + "\n", + "def _linux_cpudata():\n", + "\n", + "def _linux_gpu_data():\n", + "\n", + "def _netbsd_gpu_data():\n", + "\n", + "def _osx_gpudata():\n", + "\n", + "def _bsd_cpudata(osdata):\n", + "\n", + "def _sunos_cpudata():\n", + "\n", + "def _aix_cpudata():\n", + "\n", + "def _linux_memdata():\n", + "\n", + "def _osx_memdata():\n", + "\n", + "def _bsd_memdata(osdata):\n", + "\n", + "def _sunos_memdata():\n", + "\n", + "def _aix_memdata():\n", + "\n", + "def _memdata(osdata):\n", + "\n", + "def _aix_get_machine_id():\n", + "\n", + "def _windows_virtual(osdata):\n", + "\n", + "def _virtual(osdata):\n", + "\n", + "def _virtual_hv(osdata):\n", + "\n", + "def _ps(osdata):\n", + "\n", + "def _clean_value(key, val):\n", + "\n", + "def _windows_platform_data():\n", + "\n", + "def _osx_platform_data():\n", + "\n", + "def _linux_bin_exists(binary):\n", + "\n", + "def _parse_os_release(*os_release_files):\n", + "\n", + "def _parse_cpe_name(cpe):\n", + "\n", + "def os_data():\n", + "\n", + "def locale_info():\n", + "\n", + "def hostname():\n", + "\n", + "def append_domain():\n", + "\n", + "def fqdns():\n", + "\n", + "def ip_fqdn():\n", + "\n", + "def ip_interfaces():\n", + "\n", + "def hwaddr_interfaces():\n", + "\n", + "def dns():\n", + "\n", + "def get_machine_id():\n", + "\n", + "def saltpath():\n", + "\n", + "def _hw_data(osdata):\n", + "\n", + "def _get_hash_by_shell():\n", + "\n", + "def get_server_id():\n", + "\n", + "def default_gateway():\n", + "\n", + "def kernelparams():\n", + "\n", + "def _table_attrs(table):\n", + "\n", + "def _osquery(sql, format='json'):\n", + "\n", + "def _osquery_cmd(table, attrs=None, where=None, format='json'):\n", + "\n", + "def version():\n", + "\n", + "def rpm_packages(attrs=None, where=None):\n", + "\n", + "def kernel_integrity(attrs=None, where=None):\n", + "\n", + "def kernel_modules(attrs=None, where=None):\n", + "\n", + "def memory_map(attrs=None, where=None):\n", + "\n", + "def process_memory_map(attrs=None, where=None):\n", + "\n", + "def shared_memory(attrs=None, where=None):\n", + "\n", + "def apt_sources(attrs=None, where=None):\n", + "\n", + "def deb_packages(attrs=None, where=None):\n", + "\n", + "def alf(attrs=None, where=None):\n", + "\n", + "def verify_fun(lazy_obj, fun):\n", + "\n", + "def clear(self):\n", + "\n", + "def instance_profile_exists(name, region=None, key=None, keyid=None,\n", + "\n", + "def role_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe_role(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_user(user_name, path=None, region=None, key=None, keyid=None,\n", + "\n", + "def get_all_access_keys(user_name, marker=None, max_items=None,\n", + "\n", + "def delete_user(user_name, region=None, key=None, keyid=None,\n", + "\n", + "def get_user(user_name=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_group(group_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_group_members(group_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def add_user_to_group(user_name, group_name, region=None, key=None, keyid=None,\n", + "\n", + "def user_exists_in_group(user_name, group_name, region=None, key=None, keyid=None,\n", + "\n", + "def put_group_policy(group_name, policy_name, policy_json, region=None, key=None,\n", + "\n", + "def delete_group_policy(group_name, policy_name, region=None, key=None,\n", + "\n", + "def get_group_policy(group_name, policy_name, region=None, key=None,\n", + "\n", + "def get_all_groups(path_prefix='/', region=None, key=None, keyid=None,\n", + "\n", + "def get_all_instance_profiles(path_prefix='/', region=None, key=None,\n", + "\n", + "def list_instance_profiles(path_prefix='/', region=None, key=None,\n", + "\n", + "def get_all_group_policies(group_name, region=None, key=None, keyid=None,\n", + "\n", + "def delete_group(group_name, region=None, key=None,\n", + "\n", + "def create_login_profile(user_name, password, region=None, key=None,\n", + "\n", + "def get_all_mfa_devices(user_name, region=None, key=None, keyid=None,\n", + "\n", + "def delete_virtual_mfa_device(serial, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def update_account_password_policy(allow_users_to_change_password=None,\n", + "\n", + "def get_account_policy(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_role(name, policy_document=None, path=None, region=None, key=None,\n", + "\n", + "def delete_role(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def profile_associated(role_name, profile_name, region, key, keyid, profile):\n", + "\n", + "def associate_profile_to_role(profile_name, role_name, region=None, key=None,\n", + "\n", + "def list_role_policies(role_name, region=None, key=None, keyid=None,\n", + "\n", + "def get_role_policy(role_name, policy_name, region=None, key=None,\n", + "\n", + "def create_role_policy(role_name, policy_name, policy, region=None, key=None,\n", + "\n", + "def delete_role_policy(role_name, policy_name, region=None, key=None,\n", + "\n", + "def update_assume_role_policy(role_name, policy_document, region=None,\n", + "\n", + "def build_policy(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_account_id(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_all_roles(path_prefix=None, region=None, key=None, keyid=None,\n", + "\n", + "def get_all_users(path_prefix='/', region=None, key=None, keyid=None,\n", + "\n", + "def get_all_user_policies(user_name, marker=None, max_items=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_user_policy(user_name, policy_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def put_user_policy(user_name, policy_name, policy_json, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_user_policy(user_name, policy_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def upload_server_cert(cert_name, cert_body, private_key, cert_chain=None, path=None,\n", + "\n", + "def list_server_certificates(path_prefix='/', region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_server_cert(cert_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def export_users(path_prefix='/', region=None, key=None, keyid=None,\n", + "\n", + "def export_roles(path_prefix='/', region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def policy_exists(policy_name,\n", + "\n", + "def get_policy(policy_name,\n", + "\n", + "def create_policy(policy_name, policy_document, path=None, description=None,\n", + "\n", + "def list_policies(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def policy_version_exists(policy_name, version_id,\n", + "\n", + "def get_policy_version(policy_name, version_id,\n", + "\n", + "def create_policy_version(policy_name, policy_document, set_as_default=None,\n", + "\n", + "def delete_policy_version(policy_name, version_id,\n", + "\n", + "def list_policy_versions(policy_name,\n", + "\n", + "def detach_user_policy(policy_name, user_name,\n", + "\n", + "def list_entities_for_policy(policy_name, path_prefix=None, entity_filter=None,\n", + "\n", + "def list_attached_role_policies(role_name, path_prefix=None, entity_filter=None,\n", + "\n", + "def create_saml_provider(name, saml_metadata_document, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_saml_provider_arn(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_saml_provider(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_saml_providers(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_saml_provider(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def set_(name, add, match):\n", + "\n", + "def list_(name, add, match, stamp=False, prune=0):\n", + "\n", + "def mean(name, add, match):\n", + "\n", + "def clear(name):\n", + "\n", + "def delete(name):\n", + "\n", + "def set_(name, value, profile=None, **kwargs):\n", + "\n", + "def directory(name, profile=None, **kwargs):\n", + "\n", + "def rm(name, recurse=False, profile=None, **kwargs):\n", + "\n", + "def mod_watch(name, **kwargs):\n", + "\n", + "def enabled_service_owners():\n", + "\n", + "def service_highstate(requires=True):\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def _gather_buffer_space():\n", + "\n", + "def _normalize_roots(file_roots):\n", + "\n", + "def _validate_pillar_roots(pillar_roots):\n", + "\n", + "def _validate_file_roots(file_roots):\n", + "\n", + "def _expand_glob_path(file_roots):\n", + "\n", + "def _validate_opts(opts):\n", + "\n", + " def format_multi_opt(valid_type):\n", + "\n", + " def get_types(types, type_tuple):\n", + "\n", + "def _validate_ssh_minion_opts(opts):\n", + "\n", + "def _append_domain(opts):\n", + "\n", + "def _read_conf_file(path):\n", + "\n", + "def _absolute_path(path, relative_to=None):\n", + "\n", + "def load_config(path, env_var, default_path=None, exit_on_config_errors=True):\n", + "\n", + "def include_config(include, orig_path, verbose, exit_on_config_errors=False):\n", + "\n", + "def prepend_root_dir(opts, path_options):\n", + "\n", + "def insert_system_path(opts, paths):\n", + "\n", + "def minion_config(path,\n", + "\n", + "def apply_sdb(opts, sdb_opts=None):\n", + "\n", + "def cloud_config(path=None, env_var='SALT_CLOUD_CONFIG', defaults=None,\n", + "\n", + "def apply_cloud_config(overrides, defaults=None):\n", + "\n", + "def vm_profiles_config(path,\n", + "\n", + "def cloud_providers_config(path,\n", + "\n", + "def apply_cloud_providers_config(overrides, defaults=None):\n", + "\n", + "def get_cloud_config_value(name, vm_, opts, default=None, search_global=True):\n", + "\n", + "def is_provider_configured(opts, provider, required_keys=(), log_message=True, aliases=()):\n", + "\n", + "def is_profile_configured(opts, provider, profile_name, vm_=None):\n", + "\n", + "def check_driver_dependencies(driver, dependencies):\n", + "\n", + "def _cache_id(minion_id, cache_file):\n", + "\n", + "def call_id_function(opts):\n", + "\n", + "def remove_domain_from_fqdn(opts, newid):\n", + "\n", + "def get_id(opts, cache_minion_id=False):\n", + "\n", + "def _update_ssl_config(opts):\n", + "\n", + "def _adjust_log_file_override(overrides, default_log_file):\n", + "\n", + "def apply_minion_config(overrides=None,\n", + "\n", + "def _update_discovery_config(opts):\n", + "\n", + "def master_config(path, env_var='SALT_MASTER_CONFIG', defaults=None, exit_on_config_errors=False):\n", + "\n", + "def apply_master_config(overrides=None, defaults=None):\n", + "\n", + "def client_config(path, env_var='SALT_CLIENT_CONFIG', defaults=None):\n", + "\n", + "def api_config(path):\n", + "\n", + "def spm_config(path):\n", + "\n", + "def apply_spm_config(overrides, defaults):\n", + "\n", + "def _render_template(config_file):\n", + "\n", + "def _config(name, conf, default=None):\n", + "\n", + "def _result_to_dict(data, result, conf, source):\n", + "\n", + "def _do_search(conf):\n", + "\n", + "def import_cert(name, cert_format=_DEFAULT_FORMAT, context=_DEFAULT_CONTEXT, store=_DEFAULT_STORE,\n", + "\n", + "def remove_cert(name, thumbprint, context=_DEFAULT_CONTEXT, store=_DEFAULT_STORE):\n", + "\n", + "def chain_present(name, table='filter', table_type=None, hook=None, priority=None, family='ipv4'):\n", + "\n", + "def chain_absent(name, table='filter', family='ipv4'):\n", + "\n", + "def append(name, family='ipv4', **kwargs):\n", + "\n", + "def flush(name, family='ipv4', **kwargs):\n", + "\n", + "def __execute_cmd(name, cmd):\n", + "\n", + "def start():\n", + "\n", + "def stop():\n", + "\n", + "def cluster_join(username, hostname):\n", + "\n", + "def cluster_commit():\n", + "\n", + "def member_status():\n", + "\n", + "def status():\n", + "\n", + "def flags(name,\n", + "\n", + "def useradd(pwfile, user, password, opts='', runas=None):\n", + "\n", + "def userdel(pwfile, user, runas=None, all_results=False):\n", + "\n", + "def verify(pwfile, user, password, opts='', runas=None):\n", + "\n", + "def is_admin(name):\n", + "\n", + "def get_user_groups(name, sid=False):\n", + "\n", + "def get_sid_from_name(name):\n", + "\n", + "def get_current_user(with_domain=True):\n", + "\n", + "def get_sam_name(username):\n", + "\n", + "def escape_argument(arg, escape=True):\n", + "\n", + "def escape_for_cmd_exe(arg):\n", + "\n", + " def escape_meta_chars(m):\n", + "\n", + "def broadcast_setting_change(message='Environment'):\n", + "\n", + "def guid_to_squid(guid):\n", + "\n", + "def squid_to_guid(squid):\n", + "\n", + "def get(tgt, fun, tgt_type='glob'):\n", + "\n", + "def update(tgt,\n", + "\n", + "def nxapi_request(commands,\n", + "\n", + "def system_info(data):\n", + "\n", + "def _use_remote_connection(self, kwargs):\n", + "\n", + "def _prepare_conn_args(self, kwargs):\n", + "\n", + "def _build_request(self, type, commands):\n", + "\n", + "def request(self, type, command_list):\n", + "\n", + "def parse_response(self, response, command_list):\n", + "\n", + "def get_modules():\n", + "\n", + "def generate_cert(domain):\n", + "\n", + "def save_cert(domain, master):\n", + "\n", + "def request_cert(domain, master, ticket, port):\n", + "\n", + "def node_setup(domain, master, ticket):\n", + "\n", + "def _handle_salt_host_resource(resource):\n", + "\n", + "def _add_ssh_key(ret):\n", + "\n", + "def _cast_output_to_type(value, typ):\n", + "\n", + "def _parse_state_file(state_file_path='terraform.tfstate'):\n", + "\n", + "def set_timeout(name, value, power='ac', scheme=None):\n", + "\n", + "def resolve_dns(opts, fallback=True):\n", + "\n", + "def prep_ip_port(opts):\n", + "\n", + "def get_proc_dir(cachedir, **kwargs):\n", + "\n", + "def load_args_and_kwargs(func, args, data=None, ignore_invalid=False):\n", + "\n", + "def eval_master_func(opts):\n", + "\n", + "def master_event(type, master=None):\n", + "\n", + "def process_beacons(self, functions):\n", + "\n", + "def eval_master(self,\n", + "\n", + "def _discover_masters(self):\n", + "\n", + "def _return_retry_timer(self):\n", + "\n", + "def gen_modules(self, initial_load=False):\n", + "\n", + "def gen_modules(self, initial_load=False):\n", + "\n", + "def _create_minion_object(self, opts, timeout, safe,\n", + "\n", + "def _spawn_minions(self, timeout=60):\n", + "\n", + "def _connect_minion(self, minion):\n", + "\n", + "def sync_connect_master(self, timeout=None, failed=False):\n", + "\n", + " def on_connect_master_future_done(future):\n", + "\n", + "def connect_master(self, failed=False):\n", + "\n", + "def _post_master_init(self, master):\n", + "\n", + "def _prep_mod_opts(self):\n", + "\n", + "def _load_modules(self, force_refresh=False, notify=False, grains=None, opts=None):\n", + "\n", + "def _fire_master(self, data=None, tag=None, events=None, pretag=None, timeout=60, sync=True, timeout_handler=None):\n", + "\n", + " def handle_timeout(*_):\n", + "\n", + "def ctx(self):\n", + "\n", + "def _thread_return(cls, minion_instance, opts, data):\n", + "\n", + "def _thread_multi_return(cls, minion_instance, opts, data):\n", + "\n", + "def _return_pub_multi(self, rets, ret_cmd='_return', timeout=60, sync=True):\n", + "\n", + " def timeout_handler(*_):\n", + "\n", + "def _state_run(self):\n", + "\n", + "def _refresh_grains_watcher(self, refresh_interval_in_minutes):\n", + "\n", + "def module_refresh(self, force_refresh=False, notify=False):\n", + "\n", + "def beacons_refresh(self):\n", + "\n", + "def matchers_refresh(self):\n", + "\n", + "def pillar_refresh(self, force_refresh=False, notify=False):\n", + "\n", + "def manage_schedule(self, tag, data):\n", + "\n", + "def manage_beacons(self, tag, data):\n", + "\n", + "def environ_setenv(self, tag, data):\n", + "\n", + "def _pre_tune(self):\n", + "\n", + "def _mine_send(self, tag, data):\n", + "\n", + "def _handle_tag_module_refresh(self, tag, data):\n", + "\n", + "def _handle_tag_pillar_refresh(self, tag, data):\n", + "\n", + "def _handle_tag_grains_refresh(self, tag, data):\n", + "\n", + "def _handle_tag_fire_master(self, tag, data):\n", + "\n", + "def _handle_tag_master_disconnected_failback(self, tag, data):\n", + "\n", + "def _handle_tag_master_connected(self, tag, data):\n", + "\n", + "def _handle_tag_schedule_return(self, tag, data):\n", + "\n", + "def _handle_tag_salt_error(self, tag, data):\n", + "\n", + "def _handle_tag_salt_auth_creds(self, tag, data):\n", + "\n", + "def handle_event(self, package):\n", + "\n", + "def _fallback_cleanups(self):\n", + "\n", + "def _setup_core(self):\n", + "\n", + "def setup_beacons(self, before_connect=False):\n", + "\n", + " def handle_beacons():\n", + "\n", + "def setup_scheduler(self, before_connect=False):\n", + "\n", + " def handle_schedule():\n", + "\n", + "def tune_in(self, start=True):\n", + "\n", + " def ping_master():\n", + "\n", + " def ping_timeout_handler(*_):\n", + "\n", + "def destroy(self):\n", + "\n", + "def _handle_decoded_payload(self, data):\n", + "\n", + "def syndic_cmd(self, data):\n", + "\n", + " def timeout_handler(*args):\n", + "\n", + "def tune_in_no_block(self):\n", + "\n", + "def destroy(self):\n", + "\n", + "def _spawn_syndics(self):\n", + "\n", + "def _connect_syndic(self, opts):\n", + "\n", + "def _mark_master_dead(self, master):\n", + "\n", + "def _call_syndic(self, func, args=(), kwargs=None, master_id=None):\n", + "\n", + "def _return_pub_syndic(self, values, master_id=None):\n", + "\n", + "def iter_master_options(self, master_id=None):\n", + "\n", + "def tune_in(self):\n", + "\n", + "def _post_master_init(self, master):\n", + "\n", + "def _target_load(self, load):\n", + "\n", + "def gen_modules(self, initial_load=False):\n", + "\n", + "def _get_comparison_spec(pkgver):\n", + "\n", + "def _parse_version_string(version_conditions_string):\n", + "\n", + "def _fulfills_version_string(installed_versions, version_conditions_string, ignore_epoch=False, allow_updates=False):\n", + "\n", + "def _fulfills_version_spec(versions, oper, desired_version,\n", + "\n", + "def _find_unpurge_targets(desired, **kwargs):\n", + "\n", + "def _find_download_targets(name=None,\n", + "\n", + "def _find_advisory_targets(name=None,\n", + "\n", + "def _find_remove_targets(name=None,\n", + "\n", + "def _find_install_targets(name=None,\n", + "\n", + "def _verify_install(desired, new_pkgs, ignore_epoch=False, new_caps=None):\n", + "\n", + "def _get_desired_pkg(name, desired):\n", + "\n", + "def _preflight_check(desired, fromrepo, **kwargs):\n", + "\n", + "def _nested_output(obj):\n", + "\n", + "def _resolve_capabilities(pkgs, refresh=False, **kwargs):\n", + "\n", + "def downloaded(name,\n", + "\n", + "def patch_installed(name, advisory_ids=None, downloadonly=None, **kwargs):\n", + "\n", + "def patch_downloaded(name, advisory_ids=None, **kwargs):\n", + "\n", + "def purged(name,\n", + "\n", + "def uptodate(name, refresh=False, pkgs=None, **kwargs):\n", + "\n", + "def group_installed(name, skip=None, include=None, **kwargs):\n", + "\n", + "def mod_init(low):\n", + "\n", + "def mod_watch(name, **kwargs):\n", + "\n", + "def present(name, bridge, tunnel_type=None, id=None, remote=None, dst_port=None, internal=False):\n", + "\n", + " def _check_vlan():\n", + "\n", + " def _check_gre():\n", + "\n", + " def _check_vxlan():\n", + "\n", + "def absent(name, bridge=None):\n", + "\n", + "def _call_system_profiler(datatype):\n", + "\n", + "def receipts():\n", + "\n", + "def alias(name, collections, **kwargs):\n", + "\n", + "def collection(name, options=None, **kwargs):\n", + "\n", + "def _query(function,\n", + "\n", + "def list_(consul_url=None, token=None, key=None, **kwargs):\n", + "\n", + "def get(consul_url=None, key=None, token=None, recurse=False, decode=False, raw=False):\n", + "\n", + "def put(consul_url=None, token=None, key=None, value=None, **kwargs):\n", + "\n", + "def delete(consul_url=None, token=None, key=None, **kwargs):\n", + "\n", + "def agent_checks(consul_url=None, token=None):\n", + "\n", + "def agent_members(consul_url=None, token=None, **kwargs):\n", + "\n", + "def agent_self(consul_url=None, token=None):\n", + "\n", + "def agent_maintenance(consul_url=None, token=None, **kwargs):\n", + "\n", + "def agent_leave(consul_url=None, token=None, node=None):\n", + "\n", + "def agent_check_register(consul_url=None, token=None, **kwargs):\n", + "\n", + "def agent_check_deregister(consul_url=None, token=None, checkid=None):\n", + "\n", + "def agent_check_warn(consul_url=None, token=None, checkid=None, **kwargs):\n", + "\n", + "def agent_service_register(consul_url=None, token=None, **kwargs):\n", + "\n", + "def agent_service_deregister(consul_url=None, token=None, serviceid=None):\n", + "\n", + "def agent_service_maintenance(consul_url=None, token=None, serviceid=None, **kwargs):\n", + "\n", + "def session_create(consul_url=None, token=None, **kwargs):\n", + "\n", + "def session_list(consul_url=None, token=None, return_list=False, **kwargs):\n", + "\n", + "def session_destroy(consul_url=None, token=None, session=None, **kwargs):\n", + "\n", + "def session_info(consul_url=None, token=None, session=None, **kwargs):\n", + "\n", + "def catalog_register(consul_url=None, token=None, **kwargs):\n", + "\n", + "def catalog_datacenters(consul_url=None, token=None):\n", + "\n", + "def catalog_nodes(consul_url=None, token=None, **kwargs):\n", + "\n", + "def health_node(consul_url=None, token=None, node=None, **kwargs):\n", + "\n", + "def health_checks(consul_url=None, token=None, service=None, **kwargs):\n", + "\n", + "def health_state(consul_url=None, token=None, state=None, **kwargs):\n", + "\n", + "def acl_delete(consul_url=None, token=None, **kwargs):\n", + "\n", + "def acl_info(consul_url=None, **kwargs):\n", + "\n", + "def acl_list(consul_url=None, token=None, **kwargs):\n", + "\n", + "def event_fire(consul_url=None, token=None, name=None, **kwargs):\n", + "\n", + "def event_list(consul_url=None, token=None, **kwargs):\n", + "\n", + "def managed(name, value, **kwargs):\n", + "\n", + "def get(key, default='', merge=False, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def item(*args):\n", + "\n", + "def raw(key=None):\n", + "\n", + "def keys(key, delimiter=DEFAULT_TARGET_DELIM):\n", + "\n", + "def present(name, DomainName,\n", + "\n", + "def open(self, new=False):\n", + "\n", + "def _run_init_queries(self):\n", + "\n", + "def purge(self):\n", + "\n", + "def _get_config_value(profile, config_name):\n", + "\n", + "def _get_client(profile):\n", + "\n", + "def list_users(profile=\"github\", ignore_cache=False):\n", + "\n", + "def get_user(name, profile='github', user_details=False):\n", + "\n", + "def add_user(name, profile='github'):\n", + "\n", + "def remove_user(name, profile='github'):\n", + "\n", + "def get_issue(issue_number, repo_name=None, profile='github', output='min'):\n", + "\n", + "def get_issue_comments(issue_number,\n", + "\n", + "def get_issues(repo_name=None,\n", + "\n", + "def get_milestones(repo_name=None,\n", + "\n", + "def get_milestone(number=None,\n", + "\n", + "def get_repo_info(repo_name, profile='github', ignore_cache=False):\n", + "\n", + "def get_repo_teams(repo_name, profile='github'):\n", + "\n", + "def list_private_repos(profile='github'):\n", + "\n", + "def list_public_repos(profile='github'):\n", + "\n", + "def add_repo(name,\n", + "\n", + "def edit_repo(name,\n", + "\n", + "def remove_repo(name, profile=\"github\"):\n", + "\n", + "def add_team(name,\n", + "\n", + "def edit_team(name,\n", + "\n", + "def remove_team(name, profile=\"github\"):\n", + "\n", + "def list_team_repos(team_name, profile=\"github\", ignore_cache=False):\n", + "\n", + "def add_team_repo(repo_name, team_name, profile=\"github\", permission=None):\n", + "\n", + "def remove_team_repo(repo_name, team_name, profile=\"github\"):\n", + "\n", + "def list_team_members(team_name, profile=\"github\", ignore_cache=False):\n", + "\n", + "def list_members_without_mfa(profile=\"github\", ignore_cache=False):\n", + "\n", + "def is_team_member(name, team_name, profile=\"github\"):\n", + "\n", + "def add_team_member(name, team_name, profile=\"github\"):\n", + "\n", + "def remove_team_member(name, team_name, profile=\"github\"):\n", + "\n", + "def list_teams(profile=\"github\", ignore_cache=False):\n", + "\n", + "def get_prs(repo_name=None,\n", + "\n", + "def _format_pr(pr_):\n", + "\n", + "def _format_issue(issue):\n", + "\n", + "def _query(profile,\n", + "\n", + "def _get_baseline_from_tag(config, tag):\n", + "\n", + "def baseline_snapshot(name, number=None, tag=None, include_diff=True, config='root', ignore=None):\n", + "\n", + "def _verify_run(out, cmd=None):\n", + "\n", + "def _get_mounts(fs_type=None):\n", + "\n", + "def _blkid_output(out, fs_type=None):\n", + "\n", + "def _blkid(fs_type=None):\n", + "\n", + "def _is_device(path):\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def post_message(channel,\n", + "\n", + "def create(path, value='', acls=None, ephemeral=False, sequence=False, makepath=False, profile=None,\n", + "\n", + "def ensure_path(path, acls=None, profile=None, hosts=None, scheme=None,\n", + "\n", + "def exists(path, profile=None, hosts=None, scheme=None, username=None, password=None, default_acl=None):\n", + "\n", + "def get(path, profile=None, hosts=None, scheme=None, username=None, password=None, default_acl=None):\n", + "\n", + "def get_children(path, profile=None, hosts=None, scheme=None, username=None, password=None, default_acl=None):\n", + "\n", + "def set(path, value, version=-1, profile=None, hosts=None, scheme=None,\n", + "\n", + "def get_acls(path, profile=None, hosts=None, scheme=None, username=None, password=None, default_acl=None):\n", + "\n", + "def set_acls(path, acls, version=-1, profile=None, hosts=None, scheme=None,\n", + "\n", + "def delete(path, version=-1, recursive=False, profile=None, hosts=None, scheme=None,\n", + "\n", + "def make_digest_acl(username, password, read=False, write=False, create=False, delete=False, admin=False,\n", + "\n", + "def query(hook=None,\n", + "\n", + "def ext_pillar(minion_id, pillar, profile=None):\n", + "\n", + "def setup_temp_logger(log_level='error'):\n", + "\n", + "def setup_console_logger(log_level='error', log_format=None, date_format=None):\n", + "\n", + "def setup_logfile_logger(log_path, log_level='error', log_format=None,\n", + "\n", + "def setup_extended_logging(opts):\n", + "\n", + "def set_multiprocessing_logging_level_by_opts(opts):\n", + "\n", + "def setup_multiprocessing_logging(queue=None):\n", + "\n", + "def set_logger_level(logger_name, log_level='error'):\n", + "\n", + "def patch_python_logging_handlers():\n", + "\n", + "def __remove_null_logging_handler():\n", + "\n", + "def __remove_queue_logging_handler():\n", + "\n", + "def __remove_temp_logging_handler():\n", + "\n", + "def __global_logging_exception_handler(exc_type, exc_value, exc_traceback):\n", + "\n", + "def conf():\n", + "\n", + "def _parse_line(line=''):\n", + "\n", + "def check_upgrade_impact(system_image, kickstart_image=None, issu=True, **kwargs):\n", + "\n", + "def upgrade(system_image, kickstart_image=None, issu=True, **kwargs):\n", + "\n", + "def _upgrade(system_image, kickstart_image, issu, **kwargs):\n", + "\n", + "def _parse_upgrade_data(data):\n", + "\n", + "def __standardize_result(status, message, data=None, debug_msg=None):\n", + "\n", + "def __get_docker_file_path(path):\n", + "\n", + "def __read_docker_compose_file(file_path):\n", + "\n", + "def __load_docker_compose(path):\n", + "\n", + "def __dump_docker_compose(path, content, already_existed):\n", + "\n", + "def __write_docker_compose(path, docker_compose, already_existed):\n", + "\n", + "def __load_project(path):\n", + "\n", + "def __load_project_from_file_path(file_path):\n", + "\n", + "def __load_compose_definitions(path, definition):\n", + "\n", + "def __dump_compose_file(path, compose_result, success_msg, already_existed):\n", + "\n", + "def _get_convergence_plans(project, service_names):\n", + "\n", + "def get(path):\n", + "\n", + "def create(path, docker_compose):\n", + "\n", + "def pull(path, service_names=None):\n", + "\n", + "def pause(path, service_names=None):\n", + "\n", + "def rm(path, service_names=None):\n", + "\n", + "def ps(path):\n", + "\n", + "def up(path, service_names=None):\n", + "\n", + "def service_upsert(path, service_name, definition):\n", + "\n", + "def service_remove(path, service_name):\n", + "\n", + "def service_set_tag(path, service_name, tag):\n", + "\n", + "def split_low_tag(tag):\n", + "\n", + "def _calculate_fake_duration():\n", + "\n", + "def get_accumulator_dir(cachedir):\n", + "\n", + "def trim_req(req):\n", + "\n", + "def state_args(id_, state, high):\n", + "\n", + "def find_name(name, state, high):\n", + "\n", + "def find_sls_ids(sls, high):\n", + "\n", + "def format_log(ret):\n", + "\n", + "def master_compile(master_opts, minion_opts, grains, id_, saltenv):\n", + "\n", + "def render_template(self, template, **kwargs):\n", + "\n", + "def pad_funcs(self, high):\n", + "\n", + "def verify_high(self, high):\n", + "\n", + "def order_chunks(self, chunks):\n", + "\n", + "def apply_exclude(self, high):\n", + "\n", + "def _gather_pillar(self):\n", + "\n", + "def _mod_init(self, low):\n", + "\n", + "def _mod_aggregate(self, low, running, chunks):\n", + "\n", + "def _run_check(self, low_data):\n", + "\n", + "def _run_check_onlyif(self, low_data, cmd_opts):\n", + "\n", + " def _check_cmd(cmd):\n", + "\n", + "def _run_check_cmd(self, low_data):\n", + "\n", + "def _load_states(self):\n", + "\n", + "def load_modules(self, data=None, proxy=None):\n", + "\n", + "def module_refresh(self):\n", + "\n", + "def check_refresh(self, data, ret):\n", + "\n", + "def verify_data(self, data):\n", + "\n", + "def verify_chunks(self, chunks):\n", + "\n", + "def order_chunks(self, chunks):\n", + "\n", + "def compile_high_data(self, high, orchestration_jid=None):\n", + "\n", + "def reconcile_extend(self, high):\n", + "\n", + "def requisite_in(self, high):\n", + "\n", + "def _call_parallel_target(self, name, cdata, low):\n", + "\n", + "def call_parallel(self, cdata, low):\n", + "\n", + "def call(self, low, chunks=None, running=None, retries=1):\n", + "\n", + "def format_slots(self, cdata):\n", + "\n", + "def verify_retry_data(self, retry_data):\n", + "\n", + "def call_chunks(self, chunks):\n", + "\n", + "def check_failhard(self, low, running):\n", + "\n", + "def check_pause(self, low):\n", + "\n", + "def reconcile_procs(self, running):\n", + "\n", + "def check_requisite(self, low, running, chunks, pre=False):\n", + "\n", + "def event(self, chunk_ret, length, fire_event=False):\n", + "\n", + "def call_chunk(self, low, running, chunks):\n", + "\n", + "def call_listen(self, chunks, running):\n", + "\n", + "def inject_default_call(self, high):\n", + "\n", + "def call_high(self, high, orchestration_jid=None):\n", + "\n", + " def _cleanup_accumulator_data():\n", + "\n", + "def call_template(self, template):\n", + "\n", + "def call_template_str(self, template):\n", + "\n", + "def __gen_opts(self, opts):\n", + "\n", + "def _get_envs(self):\n", + "\n", + "def get_tops(self):\n", + "\n", + "def merge_tops(self, tops):\n", + "\n", + "def _merge_tops_merge(self, tops):\n", + "\n", + "def _merge_tops_same(self, tops):\n", + "\n", + "def _merge_tops_merge_all(self, tops):\n", + "\n", + " def _read_tgt(tgt):\n", + "\n", + "def verify_tops(self, tops):\n", + "\n", + "def get_top(self):\n", + "\n", + "def top_matches(self, top):\n", + "\n", + " def _filter_matches(_match, _data, _opts):\n", + "\n", + "def load_dynamic(self, matches):\n", + "\n", + "def render_state(self, sls, saltenv, mods, matches, local=False):\n", + "\n", + "def _handle_iorder(self, state):\n", + "\n", + "def _handle_state_decls(self, state, sls, saltenv, errors):\n", + "\n", + "def _handle_extend(self, state, sls, saltenv, errors):\n", + "\n", + "def _handle_exclude(self, state, sls, saltenv, errors):\n", + "\n", + "def render_highstate(self, matches):\n", + "\n", + "def _check_pillar(self, force=False):\n", + "\n", + "def matches_whitelist(self, matches, whitelist):\n", + "\n", + "def call_highstate(self, exclude=None, cache=None, cache_name='highstate',\n", + "\n", + "def compile_highstate(self):\n", + "\n", + "def compile_low_chunks(self):\n", + "\n", + "def compile_state_usage(self):\n", + "\n", + "def load_modules(self, data=None, proxy=None):\n", + "\n", + "def compile_master(self):\n", + "\n", + "def compare_and_update_config(config, update_config, changes, namespace=''):\n", + "\n", + "def managed(name,\n", + "\n", + "def parse_hosts(hostsfile='/etc/hosts', hosts=None):\n", + "\n", + "def hosts_append(hostsfile='/etc/hosts', ip_addr=None, entries=None):\n", + "\n", + "def hosts_remove(hostsfile='/etc/hosts', entries=None):\n", + "\n", + "def parse_zone(zonefile=None, zone=None):\n", + "\n", + "def _to_seconds(timestr):\n", + "\n", + "def A(host, nameserver=None):\n", + "\n", + "def AAAA(host, nameserver=None):\n", + "\n", + "def NS(domain, resolve=True, nameserver=None):\n", + "\n", + "def MX(domain, resolve=False, nameserver=None):\n", + "\n", + "def serial(zone='', update=False):\n", + "\n", + "def _post_fork_init(self):\n", + "\n", + "def run(self):\n", + "\n", + "def handle_key_cache(self):\n", + "\n", + "def handle_key_rotate(self, now):\n", + "\n", + "def handle_git_pillar(self):\n", + "\n", + "def handle_schedule(self):\n", + "\n", + "def handle_presence(self, old_present):\n", + "\n", + "def fill_buckets(self):\n", + "\n", + "def update_fileserver(self, interval, backends):\n", + "\n", + " def _do_update():\n", + "\n", + "def run(self):\n", + "\n", + "def _pre_flight(self):\n", + "\n", + "def start(self):\n", + "\n", + "def run(self):\n", + "\n", + "def __bind(self):\n", + "\n", + "def __bind(self):\n", + "\n", + "def _handle_payload(self, payload):\n", + "\n", + "def _post_stats(self, stats):\n", + "\n", + "def _handle_clear(self, load):\n", + "\n", + "def _handle_aes(self, data):\n", + "\n", + " def run_func(data):\n", + "\n", + "def run(self):\n", + "\n", + "def __setup_fileserver(self):\n", + "\n", + "def __verify_minion(self, id_, token):\n", + "\n", + "def __verify_minion_publish(self, clear_load):\n", + "\n", + "def __verify_load(self, load, verify_keys):\n", + "\n", + "def _master_tops(self, load):\n", + "\n", + "def _mine_get(self, load):\n", + "\n", + "def _mine(self, load):\n", + "\n", + "def _mine_delete(self, load):\n", + "\n", + "def _mine_flush(self, load):\n", + "\n", + "def _file_recv(self, load):\n", + "\n", + "def _pillar(self, load):\n", + "\n", + "def _minion_event(self, load):\n", + "\n", + "def _handle_minion_event(self, load):\n", + "\n", + "def _return(self, load):\n", + "\n", + "def _syndic_return(self, load):\n", + "\n", + "def minion_runner(self, clear_load):\n", + "\n", + "def pub_ret(self, load):\n", + "\n", + "def minion_pub(self, clear_load):\n", + "\n", + "def minion_publish(self, clear_load):\n", + "\n", + "def revoke_auth(self, load):\n", + "\n", + "def run_func(self, func, load):\n", + "\n", + "def runner(self, clear_load):\n", + "\n", + "def wheel(self, clear_load):\n", + "\n", + "def mk_token(self, clear_load):\n", + "\n", + "def publish(self, clear_load):\n", + "\n", + "def _prep_jid(self, clear_load, extra):\n", + "\n", + "def _send_pub(self, load):\n", + "\n", + "def _send_ssh_pub(self, load, ssh_minions=False):\n", + "\n", + "def _prep_pub(self, minions, jid, clear_load, extra, missing):\n", + "\n", + "def row_absent(name, db, table, where_sql, where_args=None):\n", + "\n", + "def row_present(name,\n", + "\n", + "def table_absent(name, db):\n", + "\n", + "def table_present(name, db, schema, force=False):\n", + "\n", + "def match(tgt, opts=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def prep_bootstrap(mpt):\n", + "\n", + "def apply_(path, id_=None, config=None, approve_key=True, install=True,\n", + "\n", + "def mkconfig(config=None,\n", + "\n", + "def _install(mpt):\n", + "\n", + "def _check_resolv(mpt):\n", + "\n", + "def _netsh_file(content):\n", + "\n", + "def get_settings(profile, section, store='local'):\n", + "\n", + "def get_all_settings(profile, store='local'):\n", + "\n", + "def get_all_profiles(store='local'):\n", + "\n", + "def set_firewall_settings(profile,\n", + "\n", + "def set_logging_settings(profile, setting, value, store='local'):\n", + "\n", + "def set_settings(profile, setting, value, store='local'):\n", + "\n", + "def set_state(profile, state, store='local'):\n", + "\n", + "def __parse_aliases():\n", + "\n", + "def __write_aliases_file(lines):\n", + "\n", + "def list_aliases():\n", + "\n", + "def has_target(alias, target):\n", + "\n", + "def set_target(alias, target):\n", + "\n", + "def rm_alias(alias):\n", + "\n", + "def gather_cache(self):\n", + "\n", + "def start_runtime(self):\n", + "\n", + "def get_chunks(self, exclude=None, whitelist=None):\n", + "\n", + "def get_events(self):\n", + "\n", + "def call_runtime(self):\n", + "\n", + "def _validate(wrapped):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def cache_file(source):\n", + "\n", + "def run(name,\n", + "\n", + "def copy_to(name,\n", + "\n", + " def run_all(*args, **akwargs):\n", + "\n", + " def _state(name):\n", + "\n", + "def execute(opts, data, func, args, kwargs):\n", + "\n", + "def run(self):\n", + "\n", + "def _print_returns_summary(self, ret):\n", + "\n", + "def _progress_ret(self, progress, out):\n", + "\n", + "def _output_ret(self, ret, out, retcode=0):\n", + "\n", + "def _format_ret(self, full_ret):\n", + "\n", + "def _get_retcode(self, ret):\n", + "\n", + "def _print_docs(self, ret):\n", + "\n", + "def yaml_dquote(text):\n", + "\n", + "def yaml_squote(text):\n", + "\n", + "def yaml_encode(data):\n", + "\n", + "def _decrypt_object(obj, **kwargs):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _get_options(self):\n", + "\n", + "def _get_cursor(self):\n", + "\n", + "def extract_queries(self, args, kwargs):\n", + "\n", + "def merge(value,\n", + "\n", + "def get(key, default=''):\n", + "\n", + "def present(name, params, **kwargs):\n", + "\n", + "def available(name):\n", + "\n", + "def get_all():\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def enable(name, **kwargs):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def _expand_users(device_users, common_users):\n", + "\n", + "def _check_users(users):\n", + "\n", + "def _compute_diff(configured, expected):\n", + "\n", + "def managed(name, users=None, defaults=None):\n", + "\n", + "def received_message(self, message):\n", + "\n", + "def cli_info(data, title='Info'):\n", + "\n", + "def get_users(profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def get_services(profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def get_schedules(profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def get_escalation_policies(profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def _list_items(action, key, profile=None, subdomain=None, api_key=None):\n", + "\n", + "def _query(method='GET', profile=None, url=None, path='api/v1',\n", + "\n", + "def get_resource(resource_name, key, identifier_fields, profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def create_or_update_resource(resource_name, identifier_fields, data, diff=None, profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def delete_resource(resource_name, key, identifier_fields, profile='pagerduty', subdomain=None, api_key=None):\n", + "\n", + "def resource_present(resource, identifier_fields, diff=None, profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def resource_absent(resource, identifier_fields, profile='pagerduty', subdomain=None, api_key=None, **kwargs):\n", + "\n", + "def downloaded(name, artifact, target_dir='/tmp', target_file=None):\n", + "\n", + "def _jobs():\n", + "\n", + "def update_job(name, config):\n", + "\n", + "def rm_job(name):\n", + "\n", + "def iscsi_iqn():\n", + "\n", + "def _linux_iqn():\n", + "\n", + "def _aix_iqn():\n", + "\n", + "def _windows_iqn():\n", + "\n", + "def get_jid(returner, jid):\n", + "\n", + "def get_fun(returner, fun):\n", + "\n", + "def get_jids(returner):\n", + "\n", + "def get_minions(returner):\n", + "\n", + "def _enforce_txt_record_maxlen(key, value):\n", + "\n", + "def beacon(config):\n", + "\n", + "def doc(*args):\n", + "\n", + "def state_doc(*args):\n", + "\n", + "def runner_doc(*args):\n", + "\n", + "def returner_doc(*args):\n", + "\n", + "def renderer_doc(*args):\n", + "\n", + "def utils_doc(*args):\n", + "\n", + "def list_modules(*args):\n", + "\n", + "def state_argspec(module=''):\n", + "\n", + "def returner_argspec(module=''):\n", + "\n", + "def runner_argspec(module=''):\n", + "\n", + "def list_state_modules(*args):\n", + "\n", + "def list_runners(*args):\n", + "\n", + "def list_returners(*args):\n", + "\n", + "def list_renderers(*args):\n", + "\n", + "def state_schema(module=''):\n", + "\n", + "def _find_pg_binary(util):\n", + "\n", + "def _run_psql(cmd, runas=None, password=None, host=None, port=None, user=None):\n", + "\n", + "def _run_initdb(name,\n", + "\n", + "def version(user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def _parsed_version(user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def _connection_defaults(user=None, host=None, port=None, maintenance_db=None):\n", + "\n", + "def _psql_cmd(*args, **kwargs):\n", + "\n", + "def psql_query(query, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def db_list(user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def db_exists(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def db_create(name,\n", + "\n", + "def db_alter(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def tablespace_list(user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def tablespace_exists(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def tablespace_create(name, location, options=None, owner=None, user=None,\n", + "\n", + "def tablespace_alter(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def tablespace_remove(name, user=None, host=None, port=None,\n", + "\n", + "def user_list(user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + " def get_bool(rowdict, key):\n", + "\n", + "def role_get(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def user_exists(name,\n", + "\n", + "def _maybe_encrypt_password(role,\n", + "\n", + "def _role_create(name,\n", + "\n", + "def user_create(username,\n", + "\n", + "def _role_update(name,\n", + "\n", + "def _role_remove(name, user=None, host=None, port=None, maintenance_db=None,\n", + "\n", + "def installed_extensions(user=None,\n", + "\n", + "def get_available_extension(name,\n", + "\n", + "def get_installed_extension(name,\n", + "\n", + "def is_available_extension(name,\n", + "\n", + "def is_installed_extension(name,\n", + "\n", + "def create_metadata(name,\n", + "\n", + "def drop_extension(name,\n", + "\n", + "def create_extension(name,\n", + "\n", + "def user_remove(username,\n", + "\n", + "def group_create(groupname,\n", + "\n", + "def group_remove(groupname,\n", + "\n", + "def owner_to(dbname,\n", + "\n", + "def schema_create(dbname, name, owner=None,\n", + "\n", + "def schema_remove(dbname, name,\n", + "\n", + "def schema_exists(dbname, name, user=None,\n", + "\n", + "def schema_get(dbname, name, user=None,\n", + "\n", + "def schema_list(dbname, user=None,\n", + "\n", + "def language_create(name,\n", + "\n", + "def _make_default_privileges_list_query(name, object_type, prepend):\n", + "\n", + "def _make_privileges_list_query(name, object_type, prepend):\n", + "\n", + "def _get_object_owner(name,\n", + "\n", + "def _validate_default_privileges(object_type, defprivs, defprivileges):\n", + "\n", + "def _mod_defpriv_opts(object_type, defprivileges):\n", + "\n", + "def _process_defpriv_part(defperms):\n", + "\n", + "def _validate_privileges(object_type, privs, privileges):\n", + "\n", + "def _mod_priv_opts(object_type, privileges):\n", + "\n", + "def _process_priv_part(perms):\n", + "\n", + "def has_default_privileges(name,\n", + "\n", + "def has_privileges(name,\n", + "\n", + "def default_privileges_grant(name,\n", + "\n", + "def default_privileges_revoke(name,\n", + "\n", + "def privileges_grant(name,\n", + "\n", + "def privileges_revoke(name,\n", + "\n", + "def datadir_init(name,\n", + "\n", + "def datadir_exists(name):\n", + "\n", + "def exec_action(module, action, module_parameter=None, action_parameter=None, state_only=False):\n", + "\n", + "def get_modules():\n", + "\n", + "def get_target_list(module, action_parameter=None):\n", + "\n", + "def get_current_target(module, module_parameter=None, action_parameter=None):\n", + "\n", + "def set_target(module, target, module_parameter=None, action_parameter=None):\n", + "\n", + "def calc(name, num, oper, minimum=0, maximum=0, ref=None):\n", + "\n", + " def opadd(vals):\n", + "\n", + " def opmul(vals):\n", + "\n", + "def add(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def mul(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def mean(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def median(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def median_low(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def median_high(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def median_grouped(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def mode(name, num, minimum=0, maximum=0, ref=None):\n", + "\n", + "def _get_libvirt_enum_string(prefix, value):\n", + "\n", + "def _get_domain_event_detail(event, detail):\n", + "\n", + "def _salt_send_event(opaque, conn, data):\n", + "\n", + "def _salt_send_domain_event(opaque, conn, domain, event, event_data):\n", + "\n", + "def _domain_event_lifecycle_cb(conn, domain, event, detail, opaque):\n", + "\n", + "def _domain_event_rtc_change_cb(conn, domain, utcoffset, opaque):\n", + "\n", + "def _domain_event_watchdog_cb(conn, domain, action, opaque):\n", + "\n", + "def _domain_event_io_error_cb(conn, domain, srcpath, devalias, action, reason, opaque):\n", + "\n", + "def _domain_event_graphics_cb(conn, domain, phase, local, remote, auth, subject, opaque):\n", + "\n", + " def get_address(addr):\n", + "\n", + "def _domain_event_disk_change_cb(conn, domain, old_src, new_src, dev, reason, opaque):\n", + "\n", + "def _domain_event_tray_change_cb(conn, domain, dev, reason, opaque):\n", + "\n", + "def _domain_event_pmwakeup_cb(conn, domain, reason, opaque):\n", + "\n", + "def _domain_event_pmsuspend_cb(conn, domain, reason, opaque):\n", + "\n", + "def _domain_event_balloon_change_cb(conn, domain, actual, opaque):\n", + "\n", + "def _domain_event_pmsuspend_disk_cb(conn, domain, reason, opaque):\n", + "\n", + "def _domain_event_block_job_cb(conn, domain, disk, job_type, status, opaque):\n", + "\n", + "def _domain_event_device_removed_cb(conn, domain, dev, opaque):\n", + "\n", + "def _domain_event_tunable_cb(conn, domain, params, opaque):\n", + "\n", + "def _domain_event_agent_lifecycle_cb(conn, domain, state, reason, opaque):\n", + "\n", + "def _domain_event_device_added_cb(conn, domain, dev, opaque):\n", + "\n", + "def _domain_event_migration_iteration_cb(conn, domain, iteration, opaque):\n", + "\n", + "def _domain_event_job_completed_cb(conn, domain, params, opaque):\n", + "\n", + "def _domain_event_device_removal_failed_cb(conn, domain, dev, opaque):\n", + "\n", + "def _domain_event_metadata_change_cb(conn, domain, mtype, nsuri, opaque):\n", + "\n", + "def _domain_event_block_threshold_cb(conn, domain, dev, path, threshold, excess, opaque):\n", + "\n", + "def _network_event_lifecycle_cb(conn, net, event, detail, opaque):\n", + "\n", + "def _pool_event_lifecycle_cb(conn, pool, event, detail, opaque):\n", + "\n", + "def _pool_event_refresh_cb(conn, pool, opaque):\n", + "\n", + "def _nodedev_event_lifecycle_cb(conn, dev, event, detail, opaque):\n", + "\n", + "def _nodedev_event_update_cb(conn, dev, opaque):\n", + "\n", + "def _secret_event_lifecycle_cb(conn, secret, event, detail, opaque):\n", + "\n", + "def _secret_event_value_changed_cb(conn, secret, opaque):\n", + "\n", + "def _callbacks_cleanup(cnx, callback_ids):\n", + "\n", + "def _register_callback(cnx, tag_prefix, obj, event, real_id):\n", + "\n", + "def _append_callback_id(ids, obj, callback_id):\n", + "\n", + "def start(uri=None,\n", + "\n", + "def _number(text):\n", + "\n", + "def _get_boot_time_aix():\n", + "\n", + "def _aix_loadavg():\n", + "\n", + "def procs():\n", + "\n", + "def custom():\n", + "\n", + "def uptime():\n", + "\n", + "def loadavg():\n", + "\n", + "def cpustats():\n", + "\n", + " def linux_cpustats():\n", + "\n", + " def freebsd_cpustats():\n", + "\n", + " def sunos_cpustats():\n", + "\n", + " def aix_cpustats():\n", + "\n", + " def openbsd_cpustats():\n", + "\n", + "def meminfo():\n", + "\n", + " def linux_meminfo():\n", + "\n", + " def freebsd_meminfo():\n", + "\n", + " def aix_meminfo():\n", + "\n", + " def openbsd_meminfo():\n", + "\n", + "def cpuinfo():\n", + "\n", + " def linux_cpuinfo():\n", + "\n", + " def bsd_cpuinfo():\n", + "\n", + " def sunos_cpuinfo():\n", + "\n", + " def aix_cpuinfo():\n", + "\n", + "def diskstats():\n", + "\n", + " def linux_diskstats():\n", + "\n", + " def generic_diskstats():\n", + "\n", + " def aix_diskstats():\n", + "\n", + "def diskusage(*args):\n", + "\n", + "def vmstats():\n", + "\n", + " def linux_vmstats():\n", + "\n", + " def generic_vmstats():\n", + "\n", + "def nproc():\n", + "\n", + " def linux_nproc():\n", + "\n", + " def generic_nproc():\n", + "\n", + "def netstats():\n", + "\n", + " def linux_netstats():\n", + "\n", + " def freebsd_netstats():\n", + "\n", + " def bsd_netstats():\n", + "\n", + " def sunos_netstats():\n", + "\n", + " def aix_netstats():\n", + "\n", + "def netdev():\n", + "\n", + " def linux_netdev():\n", + "\n", + " def freebsd_netdev():\n", + "\n", + " def sunos_netdev():\n", + "\n", + " def aix_netdev():\n", + "\n", + " def linux_w():\n", + "\n", + " def bsd_w():\n", + "\n", + "def all_status():\n", + "\n", + "def pid(sig):\n", + "\n", + "def version():\n", + "\n", + " def linux_version():\n", + "\n", + " def bsd_version():\n", + "\n", + "def master(master=None, connected=True):\n", + "\n", + "def ping_master(master):\n", + "\n", + "def proxy_reconnect(proxy_name, opts=None):\n", + "\n", + "def _revoked_to_list(revs):\n", + "\n", + "def private_key_managed(name,\n", + "\n", + "def csr_managed(name,\n", + "\n", + "def certificate_managed(name,\n", + "\n", + "def crl_managed(name,\n", + "\n", + "def pem_managed(name,\n", + "\n", + "def date_cast(date):\n", + "\n", + "def present(name, login=None, domain=None, database=None, roles=None, options=None, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def _strip_odict(wrapped):\n", + "\n", + " def strip(*args):\n", + "\n", + "def load_map(path, value):\n", + "\n", + "def get(key,\n", + "\n", + "def items(*args, **kwargs):\n", + "\n", + "def _obfuscate_inner(var):\n", + "\n", + "def item(*args, **kwargs):\n", + "\n", + "def ext(external, pillar=None):\n", + "\n", + "def file_exists(path, saltenv=None):\n", + "\n", + "def filter_by(lookup_dict,\n", + "\n", + "def _get_system():\n", + "\n", + "def _get_snapshot(name, suffix, array):\n", + "\n", + "def _get_pgroup(name, array):\n", + "\n", + "def _get_hgroup(name, array):\n", + "\n", + "def _get_host(name, array):\n", + "\n", + "def avail_locations(call=None):\n", + "\n", + "def avail_images(call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + " def wait_for_ip():\n", + "\n", + " def get_passwd():\n", + "\n", + "def show_pricing(kwargs=None, call=None):\n", + "\n", + "def show_all_prices(call=None, kwargs=None):\n", + "\n", + "def show_all_categories(call=None):\n", + "\n", + "def _connect(**kwargs):\n", + "\n", + " def _connarg(name, key=None, get_opts=True):\n", + "\n", + "def quote_identifier(identifier, for_grants=False):\n", + "\n", + "def _execute(cur, qry, args=None):\n", + "\n", + "def query(database, query, **connection_args):\n", + "\n", + "def file_query(database, file_name, **connection_args):\n", + "\n", + "def status(**connection_args):\n", + "\n", + "def version(**connection_args):\n", + "\n", + "def slave_lag(**connection_args):\n", + "\n", + "def free_slave(**connection_args):\n", + "\n", + "def db_list(**connection_args):\n", + "\n", + "def alter_db(name, character_set=None, collate=None, **connection_args):\n", + "\n", + "def db_get(name, **connection_args):\n", + "\n", + "def db_tables(name, **connection_args):\n", + "\n", + "def db_exists(name, **connection_args):\n", + "\n", + "def db_create(name, character_set=None, collate=None, **connection_args):\n", + "\n", + "def db_remove(name, **connection_args):\n", + "\n", + "def user_list(**connection_args):\n", + "\n", + "def user_exists(user,\n", + "\n", + "def user_info(user, host='localhost', **connection_args):\n", + "\n", + "def user_create(user,\n", + "\n", + "def user_chpass(user,\n", + "\n", + "def user_remove(user,\n", + "\n", + "def db_check(name,\n", + "\n", + "def db_repair(name,\n", + "\n", + "def db_optimize(name,\n", + "\n", + "def __grant_generate(grant,\n", + "\n", + "def user_grants(user,\n", + "\n", + "def grant_exists(grant,\n", + "\n", + "def grant_add(grant,\n", + "\n", + "def grant_revoke(grant,\n", + "\n", + "def processlist(**connection_args):\n", + "\n", + "def __do_query_into_hash(conn, sql_str):\n", + "\n", + "def get_master_status(**connection_args):\n", + "\n", + "def verify_login(user, password=None, **connection_args):\n", + "\n", + "def call_func(self, fun, **kwargs):\n", + "\n", + "def master_call(self, **kwargs):\n", + "\n", + "def cmd_async(self, low):\n", + "\n", + "def cmd(self, fun, arg=None, pub_data=None, kwarg=None, print_event=True, full_return=False):\n", + "\n", + "def _add_var(var, value):\n", + "\n", + "def set_var(var, value):\n", + "\n", + "def remove_var(var):\n", + "\n", + "def append_var(var, value):\n", + "\n", + "def trim_var(var, value):\n", + "\n", + "def get_var(var):\n", + "\n", + "def var_contains(var, value):\n", + "\n", + "def _carbon(host, port):\n", + "\n", + "def _send_picklemetrics(metrics):\n", + "\n", + "def _send_textmetrics(metrics):\n", + "\n", + "def _walk(path, value, metrics, timestamp, skip):\n", + "\n", + "def _send(saltdata, metric_base, opts):\n", + "\n", + "def event_return(events):\n", + "\n", + "def returner(ret):\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def describe(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create(name, template_body=None, template_url=None, parameters=None, notification_arns=None, disable_rollback=None,\n", + "\n", + "def update_stack(name, template_body=None, template_url=None, parameters=None, notification_arns=None,\n", + "\n", + "def delete(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_template(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def validate_template(template_body=None, template_url=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def run(name, action):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def get_all():\n", + "\n", + "def _auth(profile=None):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def present(name, containment='NONE', options=None, **kwargs):\n", + "\n", + "def get_file_client(opts, pillar=False):\n", + "\n", + "def decode_dict_keys_to_str(src):\n", + "\n", + "def _check_proto(self, path):\n", + "\n", + "def _file_local_list(self, dest):\n", + "\n", + "def _cache_loc(self, path, saltenv='base', cachedir=None):\n", + "\n", + "def get_file(self,\n", + "\n", + "def cache_file(self, path, saltenv='base', cachedir=None, source_hash=None):\n", + "\n", + "def cache_files(self, paths, saltenv='base', cachedir=None):\n", + "\n", + "def cache_master(self, saltenv='base', cachedir=None):\n", + "\n", + "def cache_dir(self, path, saltenv='base', include_empty=False,\n", + "\n", + "def cache_local_file(self, path, **kwargs):\n", + "\n", + "def file_local_list(self, saltenv='base'):\n", + "\n", + "def is_cached(self, path, saltenv='base', cachedir=None):\n", + "\n", + "def cache_dest(self, url, saltenv='base', cachedir=None):\n", + "\n", + "def list_states(self, saltenv):\n", + "\n", + "def get_state(self, sls, saltenv, cachedir=None):\n", + "\n", + "def get_dir(self, path, dest='', saltenv='base', gzip=None,\n", + "\n", + "def get_url(self, url, dest, makedirs=False, saltenv='base',\n", + "\n", + " def s3_opt(key, default=None):\n", + "\n", + " def swift_opt(key, default):\n", + "\n", + " def on_header(hdr):\n", + "\n", + " def on_chunk(chunk):\n", + "\n", + " def on_chunk(chunk):\n", + "\n", + "def _extrn_path(self, url, saltenv, cachedir=None):\n", + "\n", + "def _find_file(self, path, saltenv='base'):\n", + "\n", + "def get_file(self,\n", + "\n", + "def file_list(self, saltenv='base', prefix=''):\n", + "\n", + "def __get_file_path(self, path, saltenv='base'):\n", + "\n", + "def hash_file(self, path, saltenv='base'):\n", + "\n", + "def hash_and_stat_file(self, path, saltenv='base'):\n", + "\n", + "def envs(self):\n", + "\n", + "def _refresh_channel(self):\n", + "\n", + "def get_file(self,\n", + "\n", + "def dir_list(self, saltenv='base', prefix=''):\n", + "\n", + "def __hash_and_stat_file(self, path, saltenv='base'):\n", + "\n", + "def hash_and_stat_file(self, path, saltenv='base'):\n", + "\n", + "def list_env(self, saltenv='base'):\n", + "\n", + "def envs(self):\n", + "\n", + "def master_tops(self):\n", + "\n", + "def check_destination(self, location, group):\n", + "\n", + "def collected(self, group, filename=None, host=None, location=None, move=True, all=True):\n", + "\n", + "def taken(self, profile='default', pillar=None, archive=None, output='nested'):\n", + "\n", + "def create_disk(name, size):\n", + "\n", + "def load(path):\n", + "\n", + "def reload():\n", + "\n", + "def reset(all=False, vms=False, switches=False):\n", + "\n", + "def start(name=None, id=None, bootpath=None, disk=None, disks=None, local_iface=False,\n", + "\n", + "def status(name=None, id=None):\n", + "\n", + "def stop(name=None, id=None):\n", + "\n", + "def run(plugins):\n", + "\n", + "def run_all():\n", + "\n", + "def list_plugins():\n", + "\n", + "def list_installed():\n", + "\n", + "def upgrade(reboot=False, at_time=None):\n", + "\n", + "def remove(release):\n", + "\n", + "def context_cache(func):\n", + "\n", + " def context_cache_wrap(*args, **kwargs):\n", + "\n", + "def _enforce_ttl_key(self, key):\n", + "\n", + "def _enforce_ttl_key(self, key):\n", + "\n", + "def _read(self):\n", + "\n", + "def store(self):\n", + "\n", + "def put_cache(self, minions):\n", + "\n", + "def get_cached(self):\n", + "\n", + "def sweep(self):\n", + "\n", + "def get(self, pattern):\n", + "\n", + "def cache_context(self, context):\n", + "\n", + "def get_cache_context(self):\n", + "\n", + "def strip_rst(docs):\n", + "\n", + "def parse_docstring(docstring):\n", + "\n", + "def subnet_group_present(name, subnet_ids=None, subnet_names=None,\n", + "\n", + "def creategroup(name, primary_cluster_id, replication_group_description, wait=None,\n", + "\n", + "def _clear_dict(endpoint_props):\n", + "\n", + "def _ignore_keys(endpoint_props):\n", + "\n", + "def _unique(list_of_dicts):\n", + "\n", + "def _clear_ignore(endpoint_props):\n", + "\n", + "def _find_match(ele, lst):\n", + "\n", + "def _update_on_fields(prev_ele, new_ele):\n", + "\n", + "def _compute_diff(expected_endpoints, configured_endpoints):\n", + "\n", + "def create(name,\n", + "\n", + "def update(name,\n", + "\n", + "def delete(name,\n", + "\n", + "def managed(name,\n", + "\n", + "def present(email, profile=\"splunk\", **kwargs):\n", + "\n", + "def absent(email, profile=\"splunk\", **kwargs):\n", + "\n", + "def system(name):\n", + "\n", + "def xorg(name):\n", + "\n", + "def _status_wait(service_name, end_time, service_states):\n", + "\n", + "def _cmd_quote(cmd):\n", + "\n", + "def get_enabled():\n", + "\n", + "def available(name):\n", + "\n", + "def _get_services():\n", + "\n", + "def get_all():\n", + "\n", + "def get_service_name(*args):\n", + "\n", + "def info(name):\n", + "\n", + "def start(name, timeout=90, with_deps=False, with_parents=False):\n", + "\n", + "def stop(name, timeout=90, with_deps=False, with_parents=False):\n", + "\n", + "def restart(name, timeout=90, with_deps=False, with_parents=False):\n", + "\n", + "def create_win_salt_restart_task():\n", + "\n", + "def status(name, *args, **kwargs):\n", + "\n", + "def modify(name,\n", + "\n", + "def enable(name, start_type='auto', start_delayed=False, **kwargs):\n", + "\n", + "def create(name,\n", + "\n", + "def delete(name, timeout=90):\n", + "\n", + "def get_conn():\n", + "\n", + "def get_location(conn, vm_):\n", + "\n", + "def get_security_groups(conn, vm_):\n", + "\n", + "def get_keypair(vm_):\n", + "\n", + "def get_ip(data):\n", + "\n", + "def get_networkid(vm_):\n", + "\n", + "def get_project(conn, vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + "def destroy(name, conn=None, call=None):\n", + "\n", + "def get(**kwargs):\n", + "\n", + "def set_(name, value, **kwargs):\n", + "\n", + "def remove(name, **kwargs):\n", + "\n", + "def create(vm_):\n", + "\n", + "def create_lb(kwargs=None, call=None):\n", + "\n", + "def stop(name, call=None):\n", + "\n", + "def start(name, call=None):\n", + "\n", + "def get_conn():\n", + "\n", + "def get_lb_conn(dd_driver=None):\n", + "\n", + "def _to_event_data(obj):\n", + "\n", + "def package_install(name, **kwargs):\n", + "\n", + "def upgrade():\n", + "\n", + "def uptodate():\n", + "\n", + "def package_remove(name):\n", + "\n", + "def shutdown(opts):\n", + "\n", + "def open(self):\n", + "\n", + "def close(self):\n", + "\n", + "def _flush_content(self):\n", + "\n", + "def add(self, name):\n", + "\n", + "def _printout(self, data, output):\n", + "\n", + "def write(self, title, data, output=None):\n", + "\n", + "def link(self, title, path):\n", + "\n", + "def _setup_fun_config(self, fun_conf):\n", + "\n", + "def _get_runner(self, conf):\n", + "\n", + "def _get_caller(self, conf):\n", + "\n", + "def _local_call(self, call_conf):\n", + "\n", + "def _local_run(self, run_conf):\n", + "\n", + "def _internal_function_call(self, call_conf):\n", + "\n", + " def stub(*args, **kwargs):\n", + "\n", + "def _get_action(self, action_meta):\n", + "\n", + "def collect_internal_data(self):\n", + "\n", + "def _extract_return(self, data):\n", + "\n", + "def collect_local_data(self, profile=None, profile_source=None):\n", + "\n", + " def call(func, *args, **kwargs):\n", + "\n", + " def run(func, *args, **kwargs):\n", + "\n", + "def _get_action_type(self, action):\n", + "\n", + "def _cleanup(self):\n", + "\n", + "def _check_existing_archive(self):\n", + "\n", + "def run(self, args):\n", + "\n", + "def _list(self, args):\n", + "\n", + "def _local(self, args):\n", + "\n", + "def _repo(self, args):\n", + "\n", + "def _repo_packages(self, args, search=False):\n", + "\n", + "def _repo_list(self, args):\n", + "\n", + "def _install(self, args):\n", + "\n", + "def _local_install(self, args, pkg_name=None):\n", + "\n", + "def _check_all_deps(self, pkg_name=None, pkg_file=None, formula_def=None):\n", + "\n", + "def _install_indv_pkg(self, pkg_name, pkg_file):\n", + "\n", + "def _resolve_deps(self, formula_def):\n", + "\n", + "def _traverse_repos(self, callback, repo_name=None):\n", + "\n", + "def _query_http(self, dl_path, repo_info):\n", + "\n", + "def _download_repo_metadata(self, args):\n", + "\n", + " def _update_metadata(repo, repo_info):\n", + "\n", + "def _get_repo_metadata(self):\n", + "\n", + " def _read_metadata(repo, repo_info):\n", + "\n", + "def _create_repo(self, args):\n", + "\n", + "def _remove(self, args):\n", + "\n", + "def _verbose(self, msg, level=log.debug):\n", + "\n", + "def _local_info(self, args):\n", + "\n", + "def _info(self, args):\n", + "\n", + "def _get_info(self, formula_def):\n", + "\n", + "def _local_list_files(self, args):\n", + "\n", + "def _list_packages(self, args):\n", + "\n", + "def _list_files(self, args):\n", + "\n", + "def _build(self, args):\n", + "\n", + "def _exclude(self, member):\n", + "\n", + "def _render(self, data, formula_def):\n", + "\n", + "def _preprocess_attributes(attributes):\n", + "\n", + " def stringified(val):\n", + "\n", + "def exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_(prefix='', region=None, key=None, keyid=None, profile=None):\n", + "\n", + " def extract_name(queue_url):\n", + "\n", + "def get_attributes(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _update_config(template_name,\n", + "\n", + "def replace_pattern(name,\n", + "\n", + "def saved(name,\n", + "\n", + "def managed(name,\n", + "\n", + "def commit_cancelled(name):\n", + "\n", + "def commit_confirmed(name):\n", + "\n", + "def serialize(obj, **options):\n", + "\n", + "def init(opts):\n", + "\n", + "def grains():\n", + "\n", + "def ping():\n", + "\n", + "def parse(out):\n", + "\n", + "def package_install(name, **kwargs):\n", + "\n", + "def package_remove(name):\n", + "\n", + "def service_start(name):\n", + "\n", + "def service_stop(name):\n", + "\n", + "def service_restart(name):\n", + "\n", + "def run_command(jboss_config, command, fail_on_error=True):\n", + "\n", + "def run_operation(jboss_config, operation, fail_on_error=True, retries=1):\n", + "\n", + "def _delete_resource(name, name_param, desc, res_type, wait=0, status_param=None,\n", + "\n", + "def describe_cache_clusters(name=None, conn=None, region=None, key=None,\n", + "\n", + "def cache_cluster_exists(name, conn=None, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_cache_cluster(name, wait=600, security_groups=None,\n", + "\n", + "def replication_group_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_replication_group(name, wait=600, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def cache_subnet_group_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_cache_subnet_groups(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_cache_subnet_group(name, subnets=None, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def cache_security_group_exists(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_cache_security_group(name, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def delete_cache_security_group(name, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def authorize_cache_security_group_ingress(name, region=None, key=None, keyid=None, profile=None, **args):\n", + "\n", + "def describe_cache_parameter_groups(name=None, conn=None, region=None, key=None, keyid=None,\n", + "\n", + "def describe_cache_parameters(name=None, conn=None, region=None, key=None, keyid=None,\n", + "\n", + "def modify_cache_parameter_group(name, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def _check_portname(name):\n", + "\n", + "def _options_dir(name):\n", + "\n", + "def _options_file_exists(name):\n", + "\n", + "def _write_options(name, configuration):\n", + "\n", + "def _normalize(val):\n", + "\n", + "def install(name, clean=True):\n", + "\n", + "def deinstall(name):\n", + "\n", + "def rmconfig(name):\n", + "\n", + "def showconfig(name, default=False, dict_return=False):\n", + "\n", + "def config(name, reset=False, **kwargs):\n", + "\n", + "def update(extract=False):\n", + "\n", + "def list_all():\n", + "\n", + "def search(name):\n", + "\n", + "def _clitable_to_dict(objects, fsm_handler):\n", + "\n", + "def extract(template_path, raw_text=None, raw_text_file=None, saltenv='base'):\n", + "\n", + "def index(command,\n", + "\n", + "def read_body(environ):\n", + "\n", + "def get_json(environ):\n", + "\n", + "def get_headers(data, extra_headers=None):\n", + "\n", + "def run_chunk(environ, lowstate):\n", + "\n", + "def dispatch(environ):\n", + "\n", + "def saltenviron(environ):\n", + "\n", + "def application(environ, start_response):\n", + "\n", + "def start():\n", + "\n", + "def split(orig, sep=None):\n", + "\n", + "def read_file(fh_, chunk_size=1048576):\n", + "\n", + "def fnmatch_multiple(candidates, pattern):\n", + "\n", + "def translate_input(translator,\n", + "\n", + "def create_ipam_config(*pools, **kwargs):\n", + "\n", + "def start(host, port=5959, tag='salt/engine/logstash', proto='udp'):\n", + "\n", + "def present(name, auth=None, **kwargs):\n", + "\n", + "def absent(name, auth=None):\n", + "\n", + "def get_conn():\n", + "\n", + "def avail_locations(conn=None, call=None):\n", + "\n", + "def avail_images(conn=None, call=None):\n", + "\n", + "def avail_sizes(call=None):\n", + "\n", + "def list_nodes_full(conn=None, call=None):\n", + "\n", + "def list_hosted_services(conn=None, call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + " def wait_for_hostname():\n", + "\n", + "def create_attach_volumes(name, kwargs, call=None, wait_to_finish=True):\n", + "\n", + "def _wait_for_async(conn, request_id):\n", + "\n", + "def destroy(name, conn=None, call=None, kwargs=None):\n", + "\n", + " def wait_for_destroy():\n", + "\n", + " def wait_for_disk_delete():\n", + "\n", + "def list_storage_services(conn=None, call=None):\n", + "\n", + "def get_operation_status(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_storage(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_storage(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_storage_keys(kwargs=None, conn=None, call=None):\n", + "\n", + "def create_storage(kwargs=None, conn=None, call=None):\n", + "\n", + "def update_storage(kwargs=None, conn=None, call=None):\n", + "\n", + "def regenerate_storage_keys(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_storage(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_services(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_service(kwargs=None, conn=None, call=None):\n", + "\n", + "def create_service(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_service(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_disks(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_disk(kwargs=None, conn=None, call=None):\n", + "\n", + "def cleanup_unattached_disks(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_disk(kwargs=None, conn=None, call=None):\n", + "\n", + "def update_disk(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_service_certificates(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_service_certificate(kwargs=None, conn=None, call=None):\n", + "\n", + "def add_service_certificate(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_service_certificate(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_management_certificates(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_management_certificate(kwargs=None, conn=None, call=None):\n", + "\n", + "def add_management_certificate(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_virtual_networks(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_input_endpoints(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_input_endpoint(kwargs=None, conn=None, call=None):\n", + "\n", + "def update_input_endpoint(kwargs=None, conn=None, call=None, activity='update'):\n", + "\n", + "def add_input_endpoint(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_input_endpoint(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_deployment(kwargs=None, conn=None, call=None):\n", + "\n", + "def list_affinity_groups(kwargs=None, conn=None, call=None):\n", + "\n", + "def show_affinity_group(kwargs=None, conn=None, call=None):\n", + "\n", + "def create_affinity_group(kwargs=None, conn=None, call=None):\n", + "\n", + "def update_affinity_group(kwargs=None, conn=None, call=None):\n", + "\n", + "def delete_affinity_group(kwargs=None, conn=None, call=None):\n", + "\n", + "def get_storage_conn(storage_account=None, storage_key=None, conn_kwargs=None):\n", + "\n", + "def make_blob_url(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def list_storage_containers(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def create_storage_container(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def show_storage_container(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def show_storage_container_metadata(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def set_storage_container_metadata(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def show_storage_container_acl(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def set_storage_container_acl(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def delete_storage_container(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def lease_storage_container(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def list_blobs(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def show_blob_service_properties(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def set_blob_service_properties(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def show_blob_properties(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def set_blob_properties(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def put_blob(kwargs=None, storage_conn=None, call=None):\n", + "\n", + "def query(path, method='GET', data=None, params=None, header_dict=None, decode=True):\n", + "\n", + "def start(name):\n", + "\n", + "def stop(name):\n", + "\n", + "def term(name):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def key_exists(hive, key, use_32bit_registry=False):\n", + "\n", + "def list_keys(hive, key=None, use_32bit_registry=False):\n", + "\n", + "def list_values(hive, key=None, use_32bit_registry=False, include_default=True):\n", + "\n", + "def read_value(hive, key, vname=None, use_32bit_registry=False):\n", + "\n", + "def set_value(hive,\n", + "\n", + "def delete_key_recursive(hive, key, use_32bit_registry=False):\n", + "\n", + "def delete_value(hive, key, vname=None, use_32bit_registry=False):\n", + "\n", + "def import_file(source, use_32bit_registry=False):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def ext_pillar(minion_id, pillar, conf):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def get_all():\n", + "\n", + "def add_host(mac, name=None, ip=None, ddns=False, group=None,\n", + "\n", + "def delete_host(mac=None, name=None):\n", + "\n", + "def _auth():\n", + "\n", + "def update(clear=False, mine_functions=None):\n", + "\n", + "def send(func, *args, **kwargs):\n", + "\n", + "def get(tgt,\n", + "\n", + "def delete(fun):\n", + "\n", + "def get_docker(interfaces=None, cidrs=None, with_container_id=False):\n", + "\n", + "def valid():\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def _purge_jobs(timestamp):\n", + "\n", + "def _archive_jobs(timestamp):\n", + "\n", + "def clean_old_jobs():\n", + "\n", + "def cpustats():\n", + "\n", + "def meminfo():\n", + "\n", + " def get_unit_value(memory):\n", + "\n", + "def vmstats():\n", + "\n", + "def diskusage(human_readable=False, path=None):\n", + "\n", + "def procs(count=False):\n", + "\n", + "def saltmem(human_readable=False):\n", + "\n", + "def uptime(human_readable=False):\n", + "\n", + "def _get_process_info(proc):\n", + "\n", + "def master(master=None, connected=True):\n", + "\n", + " def _win_remotes_on(port):\n", + "\n", + "def _check_config_exists(config_file=None):\n", + "\n", + "def is_jail(name):\n", + "\n", + "def make_pkgng_aware(jname):\n", + "\n", + "def parse_config(config_file=None):\n", + "\n", + "def create_jail(name, arch, version=\"9.0-RELEASE\"):\n", + "\n", + "def update_jail(name):\n", + "\n", + "def delete_jail(name):\n", + "\n", + "def update_ports_tree(ports_tree):\n", + "\n", + "def bulk_build(jail, pkg_file, keep=False):\n", + "\n", + "def _update_nilrt_restart_state():\n", + "\n", + "def _get_restartcheck_result(errors):\n", + "\n", + "def _process_restartcheck_result(rs_result, **kwargs):\n", + "\n", + "def _build_install_command_list(cmd_prefix, to_install, to_downgrade, to_reinstall):\n", + "\n", + "def _parse_reported_packages_from_install_output(output):\n", + "\n", + "def _execute_install_command(cmd, parse_output, errors, parsed_packages):\n", + "\n", + "def install(name=None,\n", + "\n", + "def _parse_reported_packages_from_remove_output(output):\n", + "\n", + "def _get_state(pkg):\n", + "\n", + "def _set_state(pkg, state):\n", + "\n", + "def _convert_to_standard_attr(attr):\n", + "\n", + "def _process_info_installed_output(out, filter_attrs):\n", + "\n", + "def info_installed(*names, **kwargs):\n", + "\n", + "def _set_repo_option(repo, option):\n", + "\n", + "def _set_repo_options(repo, options):\n", + "\n", + "def _create_repo(line, filename):\n", + "\n", + "def _read_repos(conf_file, repos, filename, regex):\n", + "\n", + "def _del_repo_from_file(repo, filepath):\n", + "\n", + "def _set_trusted_option_if_needed(repostr, trusted):\n", + "\n", + "def _add_new_repo(repo, properties):\n", + "\n", + "def _mod_repo_in_file(repo, repostr, filepath):\n", + "\n", + "def mod_repo(repo, **kwargs):\n", + "\n", + "def _send_email(name, email):\n", + "\n", + "def _get_splunk(profile):\n", + "\n", + "def list_users(profile=\"splunk\"):\n", + "\n", + "def get_user(email, profile=\"splunk\", **kwargs):\n", + "\n", + "def create_user(email, profile=\"splunk\", **kwargs):\n", + "\n", + "def update_user(email, profile=\"splunk\", **kwargs):\n", + "\n", + "def delete_user(email, profile=\"splunk\"):\n", + "\n", + "def shell():\n", + "\n", + "def config():\n", + "\n", + "def get_output_volume():\n", + "\n", + "def set_output_volume(volume):\n", + "\n", + "def screensaver():\n", + "\n", + "def say(*words):\n", + "\n", + "def _check_cmd(call):\n", + "\n", + "def build_counter_list(counter_list):\n", + "\n", + "def get_all_counters(obj, instance_list=None):\n", + "\n", + "def get_counters(counter_list):\n", + "\n", + "def build_counter(obj, instance, instance_index, counter):\n", + "\n", + "def add_to_query(self, query):\n", + "\n", + "def get_info(self):\n", + "\n", + "def value(self):\n", + "\n", + "def type_string(self):\n", + "\n", + "def exists(name, index=None):\n", + "\n", + " def _get_path_lowercase():\n", + "\n", + " def _index(path=None):\n", + "\n", + " def _changes(old, new):\n", + "\n", + "def id(opts):\n", + "\n", + "def grains():\n", + "\n", + "def service_start(name):\n", + "\n", + "def service_list():\n", + "\n", + "def package_install(name, **kwargs):\n", + "\n", + "def ping():\n", + "\n", + "def exists(name, attributes):\n", + "\n", + "def delete(name, attributes):\n", + "\n", + "def is_writeable(path, check_parent=False):\n", + "\n", + "def is_readable(path):\n", + "\n", + "def parseData(self, data, host, port, options):\n", + "\n", + "def send_event_to_salt(self, result):\n", + "\n", + "def sdb_get(uri, opts, utils=None):\n", + "\n", + "def sdb_get_or_set_hash(uri,\n", + "\n", + "def get_users(profile='grafana'):\n", + "\n", + "def get_user(login, profile='grafana'):\n", + "\n", + "def update_user(userid, profile='grafana', orgid=None, **kwargs):\n", + "\n", + "def switch_org(orgname, profile='grafana'):\n", + "\n", + "def update_org_user(userid, orgname=None, profile='grafana', **kwargs):\n", + "\n", + "def get_datasource(name, orgname=None, profile='grafana'):\n", + "\n", + "def delete_datasource(datasourceid, orgname=None, profile='grafana'):\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def gen_hyper_keys(minion_id,\n", + "\n", + "def key_present(name, save_private=None, upload_public=None, region=None,\n", + "\n", + "def key_absent(name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def snapshot_created(name, ami_name, instance_name, wait_until_available=True, wait_timeout_seconds=300, **kwargs):\n", + "\n", + "def instance_present(name, instance_name=None, instance_id=None, image_id=None,\n", + "\n", + "def instance_absent(name, instance_name=None, instance_id=None,\n", + "\n", + "def volume_absent(name, volume_name=None, volume_id=None, instance_name=None,\n", + "\n", + "def volumes_tagged(name, tag_maps, authoritative=False, region=None, key=None,\n", + "\n", + "def volume_present(name, volume_name=None, volume_id=None, instance_name=None,\n", + "\n", + "def private_ips_present(name, network_interface_name=None, network_interface_id=None,\n", + "\n", + "def private_ips_absent(name, network_interface_name=None, network_interface_id=None,\n", + "\n", + "def __read_master_key(self):\n", + "\n", + "def _convert_range_to_list(self, tgt):\n", + "\n", + "def _get_timeout(self, timeout):\n", + "\n", + "def gather_job_info(self, jid, tgt, tgt_type, listen=True, **kwargs):\n", + "\n", + "def _check_pub_data(self, pub_data, listen=True):\n", + "\n", + "def cmd(self,\n", + "\n", + "def get_full_returns(self, jid, minions, timeout=None):\n", + "\n", + "def get_cache_returns(self, jid):\n", + "\n", + "def get_event_iter_returns(self, jid, minions, timeout=None):\n", + "\n", + "def _prep_pub(self,\n", + "\n", + "def pub_async(self,\n", + "\n", + "def __load_functions(self):\n", + "\n", + "def run_key(self, key):\n", + "\n", + " def func(*args, **kwargs):\n", + "\n", + "def cmd(self, fun, *args, **kwargs):\n", + "\n", + "def function(self, fun, *args, **kwargs):\n", + "\n", + "def cmd(self, fun, *args, **kwargs):\n", + "\n", + "def _get_wmi_setting(wmi_class_name, setting, server):\n", + "\n", + "def _set_wmi_setting(wmi_class_name, setting, value, server):\n", + "\n", + "def get_log_format_types():\n", + "\n", + "def get_servers():\n", + "\n", + "def get_server_setting(settings, server=_DEFAULT_SERVER):\n", + "\n", + "def set_server_setting(settings, server=_DEFAULT_SERVER):\n", + "\n", + "def get_log_format(server=_DEFAULT_SERVER):\n", + "\n", + "def set_log_format(log_format, server=_DEFAULT_SERVER):\n", + "\n", + "def get_connection_ip_list(as_wmi_format=False, server=_DEFAULT_SERVER):\n", + "\n", + "def set_connection_ip_list(addresses=None, grant_by_default=False, server=_DEFAULT_SERVER):\n", + "\n", + "def get_relay_ip_list(server=_DEFAULT_SERVER):\n", + "\n", + "def set_relay_ip_list(addresses=None, server=_DEFAULT_SERVER):\n", + "\n", + "def _prepare_connection(**kwargs):\n", + "\n", + "def multi_call(*methods, **kwargs):\n", + "\n", + "def send_config(config_file=None,\n", + "\n", + "def connect(image):\n", + "\n", + "def mount(nbd, root=None):\n", + "\n", + "def init(image, root=None):\n", + "\n", + "def clear(mnt):\n", + "\n", + "def _handle_interrupt(exc, original_exc, hardfail=False, trace=''):\n", + "\n", + "def salt_master():\n", + "\n", + "def minion_process():\n", + "\n", + " def handle_hup(manager, sig, frame):\n", + "\n", + " def suicide_when_without_parent(parent_pid):\n", + "\n", + "def salt_minion():\n", + "\n", + "def proxy_minion_process(queue):\n", + "\n", + " def suicide_when_without_parent(parent_pid):\n", + "\n", + "def salt_proxy():\n", + "\n", + "def salt_syndic():\n", + "\n", + "def salt_key():\n", + "\n", + "def salt_cp():\n", + "\n", + "def salt_call():\n", + "\n", + "def salt_run():\n", + "\n", + "def salt_ssh():\n", + "\n", + "def salt_cloud():\n", + "\n", + "def salt_api():\n", + "\n", + "def salt_main():\n", + "\n", + "def salt_spm():\n", + "\n", + "def salt_extend(extension, name, description, salt_dir, merge):\n", + "\n", + "def salt_support():\n", + "\n", + "def ext_pillar(minion_id,\n", + "\n", + "def _pshell_json(cmd, cwd=None):\n", + "\n", + "def install(path, restart=False):\n", + "\n", + "def uninstall(path, restart=False):\n", + "\n", + "def list():\n", + "\n", + "def managed(name,\n", + "\n", + "def configured(name,\n", + "\n", + "def _get_datacenter_name():\n", + "\n", + "def dvs_configured(name, dvs):\n", + "\n", + "def _get_diff_dict(dict1, dict2):\n", + "\n", + "def _get_val2_dict_from_diff_dict(diff_dict):\n", + "\n", + "def _get_changes_from_diff_dict(diff_dict):\n", + "\n", + "def portgroups_configured(name, dvs, portgroups):\n", + "\n", + "def uplink_portgroup_configured(name, dvs, uplink_portgroup):\n", + "\n", + "def present(name,\n", + "\n", + "def property_present(name, property, value):\n", + "\n", + "def property_absent(name, property):\n", + "\n", + "def resource_present(name, resource_type, resource_selector_property, resource_selector_value, **kwargs):\n", + "\n", + "def resource_absent(name, resource_type, resource_selector_property, resource_selector_value):\n", + "\n", + "def booted(name, single=False):\n", + "\n", + "def halted(name, graceful=True):\n", + "\n", + "def export(name, path, replace=False):\n", + "\n", + "def import_(name, path, mode='import', nodataset=False, brand_opts=None):\n", + "\n", + "def present(name, brand, zonepath, properties=None, resources=None):\n", + "\n", + "def absent(name, uninstall=False):\n", + "\n", + "def attached(name, force=False):\n", + "\n", + "def detached(name):\n", + "\n", + "def installed(name, nodataset=False, brand_opts=None):\n", + "\n", + "def uninstalled(name):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def war_deployed(name,\n", + "\n", + "def wait(name, url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def mod_watch(name, url='http://localhost:8080/manager', timeout=180):\n", + "\n", + "def undeployed(name,\n", + "\n", + "def send_msg(recipient, message, jid=None, password=None, profile=None):\n", + "\n", + "def send_msg_multi(message,\n", + "\n", + "def create_multi(cls, jid, password, msg, recipients=None, rooms=None,\n", + "\n", + "def beacon(config):\n", + "\n", + "def exists(Name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_or_update(Name,\n", + "\n", + "def describe(Name,\n", + "\n", + "def list_rules(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def list_targets(Rule,\n", + "\n", + "def put_targets(Rule, Targets,\n", + "\n", + "def _get_enabled_disabled(enabled_prop=\"true\"):\n", + "\n", + "def available(name):\n", + "\n", + "def missing(name):\n", + "\n", + "def get_all():\n", + "\n", + "def start(name):\n", + "\n", + "def restart(name):\n", + "\n", + "def reload_(name):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def enable(name, **kwargs):\n", + "\n", + "def disable(name, **kwargs):\n", + "\n", + "def enabled(name, **kwargs):\n", + "\n", + "def upgrade_available(name, **kwargs):\n", + "\n", + "def list_upgrades(refresh=True, **kwargs):\n", + "\n", + "def list_available(*names, **kwargs):\n", + "\n", + "def version(*names, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False,\n", + "\n", + "def _get_reg_software(include_components=True,\n", + "\n", + " def skip_component(hive, key, sub_key, use_32bit):\n", + "\n", + " def skip_win_installer(hive, key, sub_key, use_32bit):\n", + "\n", + " def skip_uninstall_string(hive, key, sub_key, use_32bit):\n", + "\n", + " def skip_release_type(hive, key, sub_key, use_32bit):\n", + "\n", + " def skip_parent_key(hive, key, sub_key, use_32bit):\n", + "\n", + " def add_software(hive, key, sub_key, use_32bit):\n", + "\n", + "def _refresh_db_conditional(saltenv, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def _get_repo_details(saltenv):\n", + "\n", + "def genrepo(**kwargs):\n", + "\n", + "def _get_source_sum(source_hash, file_path, saltenv):\n", + "\n", + "def _get_msiexec(use_msiexec):\n", + "\n", + "def install(name=None, refresh=False, pkgs=None, **kwargs):\n", + "\n", + "def upgrade(**kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def get_repo_data(saltenv='base'):\n", + "\n", + "def _get_name_map(saltenv='base'):\n", + "\n", + "def compare_versions(ver1='', oper='==', ver2=''):\n", + "\n", + "def _read(self, fp, fpname):\n", + "\n", + "def _string_check(self, value, allow_list=False):\n", + "\n", + "def get(self, section, option, as_list=False):\n", + "\n", + "def set(self, section, option, value=''):\n", + "\n", + "def set_multivar(self, section, option, value=''):\n", + "\n", + "def remove_option_regexp(self, section, option, expr):\n", + "\n", + "def write(self, fp_):\n", + "\n", + "def set_(filename, section, parameter, value):\n", + "\n", + "def get(filename, section, parameter):\n", + "\n", + "def present(name, objectType, user, permission, acetype, propagation):\n", + "\n", + "def inherit(name, objectType, clear_existing_acl=False):\n", + "\n", + "def disinherit(name, objectType, copy_inherited_acl=True):\n", + "\n", + "def progress_iter(progress):\n", + "\n", + "def mksls(src, dst=None):\n", + "\n", + "def _updateNamespace(item, new_namespace):\n", + "\n", + "def _updatePolicyElements(policy_item, regkey):\n", + "\n", + "def _remove_unicode_encoding(xml_file):\n", + "\n", + "def _load_policy_definitions(path='c:\\\\Windows\\\\PolicyDefinitions',\n", + "\n", + "def _buildElementNsmap(using_elements):\n", + "\n", + "def _get_audit_defaults(option=None):\n", + "\n", + "def _findOptionValueAdvAudit(option):\n", + "\n", + "def _set_audit_file_data(option, value):\n", + "\n", + "def _set_auditpol_data(option, value):\n", + "\n", + "def _setOptionValueAdvAudit(option, value):\n", + "\n", + "def _load_secedit_data():\n", + "\n", + "def _get_secedit_value(option):\n", + "\n", + "def _write_secedit_data(inf_data):\n", + "\n", + "def _transform_value(value, policy, transform_type):\n", + "\n", + "def _validateSetting(value, policy):\n", + "\n", + "def _addAccountRights(sidObject, user_right):\n", + "\n", + "def _delAccountRights(sidObject, user_right):\n", + "\n", + "def _getRightsAssignments(user_right):\n", + "\n", + "def _getAdmlDisplayName(adml_xml_data, display_name):\n", + "\n", + "def _getAdmlPresentationRefId(adml_data, ref_id):\n", + "\n", + "def _getFullPolicyName(policy_item,\n", + "\n", + "def _regexSearchRegPolData(search_string, policy_data):\n", + "\n", + "def _getDataFromRegPolData(search_string, policy_data, return_value_name=False):\n", + "\n", + "def _checkListItem(policy_element, policy_name, policy_key, xpath_object, policy_file_data, test_items=True):\n", + "\n", + "def _checkValueItemParent(policy_element, policy_name, policy_key,\n", + "\n", + "def _buildKnownDataSearchString(reg_key, reg_valueName, reg_vtype, reg_data,\n", + "\n", + "def _processValueItem(element, reg_key, reg_valuename, policy, parent_element,\n", + "\n", + "def _checkAllAdmxPolicies(policy_class,\n", + "\n", + "def _build_parent_list(policy_definition,\n", + "\n", + "def _admx_policy_parent_walk(path,\n", + "\n", + "def _read_regpol_file(reg_pol_path):\n", + "\n", + "def _regexSearchKeyValueCombo(policy_data, policy_regpath, policy_regkey):\n", + "\n", + "def _write_regpol_data(data_to_write,\n", + "\n", + "def _policyFileReplaceOrAppendList(string_list, policy_data):\n", + "\n", + "def _policyFileReplaceOrAppend(this_string, policy_data, append_only=False):\n", + "\n", + "def _writeAdminTemplateRegPolFile(admtemplate_data,\n", + "\n", + "def _getScriptSettingsFromIniFile(policy_info):\n", + "\n", + "def _writeGpoScript(psscript=False):\n", + "\n", + "def _lookup_admin_template(policy_name,\n", + "\n", + "def get_policy_info(policy_name,\n", + "\n", + "def get(policy_class=None, return_full_policy_names=True,\n", + "\n", + "def set_computer_policy(name,\n", + "\n", + "def set_(computer_policy=None,\n", + "\n", + "def _seconds_to_days(cls, val, **kwargs):\n", + "\n", + "def _days_to_seconds(cls, val, **kwargs):\n", + "\n", + "def _binary_enable_zero_disable_one_conversion(cls, val, **kwargs):\n", + "\n", + "def _binary_enable_zero_disable_one_reverse_conversion(cls, val, **kwargs):\n", + "\n", + "def _dasd_conversion(cls, val, **kwargs):\n", + "\n", + "def _dasd_reverse_conversion(cls, val, **kwargs):\n", + "\n", + "def _in_range_inclusive(cls, val, **kwargs):\n", + "\n", + "def _driver_signing_reg_conversion(cls, val, **kwargs):\n", + "\n", + "def _driver_signing_reg_reverse_conversion(cls, val, **kwargs):\n", + "\n", + "def _sidConversion(cls, val, **kwargs):\n", + "\n", + "def _usernamesToSidObjects(cls, val, **kwargs):\n", + "\n", + "def _powershell_script_order_conversion(cls, val, **kwargs):\n", + "\n", + "def _powershell_script_order_reverse_conversion(cls, val, **kwargs):\n", + "\n", + "def _dict_lookup(cls, item, **kwargs):\n", + "\n", + "def _dict_lookup_bitwise_add(cls, item, **kwargs):\n", + "\n", + "def _multi_string_put_transform(cls, item, **kwargs):\n", + "\n", + "def _string_put_transform(cls, item, **kwargs):\n", + "\n", + "def _snapshot_to_data(snapshot):\n", + "\n", + "def _dbus_exception_to_reason(exc, args):\n", + "\n", + "def list_snapshots(config='root'):\n", + "\n", + "def get_snapshot(number=0, config='root'):\n", + "\n", + "def list_configs():\n", + "\n", + "def set_config(name='root', **kwargs):\n", + "\n", + "def _get_last_snapshot(config='root'):\n", + "\n", + "def status_to_string(dbus_status):\n", + "\n", + "def get_config(name='root'):\n", + "\n", + "def create_config(name=None,\n", + "\n", + " def raise_arg_error(argname):\n", + "\n", + "def create_snapshot(config='root', snapshot_type='single', pre_number=None,\n", + "\n", + "def delete_snapshot(snapshots_ids=None, config=\"root\"):\n", + "\n", + "def modify_snapshot(snapshot_id=None,\n", + "\n", + "def _get_num_interval(config, num_pre, num_post):\n", + "\n", + "def _is_text_file(filename):\n", + "\n", + "def run(function, *args, **kwargs):\n", + "\n", + "def status(config='root', num_pre=None, num_post=None):\n", + "\n", + "def undo(config='root', files=None, num_pre=None, num_post=None):\n", + "\n", + "def _get_jid_snapshots(jid, config='root'):\n", + "\n", + "def undo_jid(jid, config='root'):\n", + "\n", + "def diff(config='root', filename=None, num_pre=None, num_post=None):\n", + "\n", + "def diff_jid(jid, config='root'):\n", + "\n", + "def create_baseline(tag=\"baseline\", config='root'):\n", + "\n", + "def setenv(name,\n", + "\n", + " def key_exists():\n", + "\n", + "def _makepass(password, hasher='sha256'):\n", + "\n", + "def buildmod(*modules):\n", + "\n", + "def version():\n", + "\n", + "def _get_conn(ret=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def _load_config():\n", + "\n", + "def _write_config(config):\n", + "\n", + "def _parse_vmconfig(config, instances):\n", + "\n", + "def _get_instance_changes(current, state):\n", + "\n", + "def config_present(name, value):\n", + "\n", + "def config_absent(name):\n", + "\n", + "def source_present(name, source_type='imgapi'):\n", + "\n", + "def source_absent(name):\n", + "\n", + "def image_present(name):\n", + "\n", + "def image_absent(name):\n", + "\n", + "def image_vacuum(name):\n", + "\n", + "def vm_present(name, vmconfig, config=None):\n", + "\n", + "def vm_absent(name, archive=False):\n", + "\n", + "def vm_running(name):\n", + "\n", + "def _repack_options(options):\n", + "\n", + "def _get_option_list(options):\n", + "\n", + "def installed(name, options=None):\n", + "\n", + "def _validate(dns_proto, dns_servers, ip_proto, ip_addrs, gateway):\n", + "\n", + "def _changes(cur, dns_proto, dns_servers, ip_proto, ip_addrs, gateway):\n", + "\n", + "def managed(name,\n", + "\n", + "def _load_libcrypto():\n", + "\n", + "def _init_libcrypto():\n", + "\n", + "def sign(self, msg):\n", + "\n", + "def verify(self, signed):\n", + "\n", + "def install(pkg=None,\n", + "\n", + "def uninstall(pkg,\n", + "\n", + "def render(sls_data, saltenv='base', sls='', **kws):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def prep_jid(nocache=False, passed_jid=None):\n", + "\n", + "def run(self):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def auth(username, password):\n", + "\n", + "def get_value(file, element):\n", + "\n", + "def set_value(file, element, value):\n", + "\n", + "def get_attribute(file, element):\n", + "\n", + "def set_attribute(file, element, key, value):\n", + "\n", + "def get_account(self):\n", + "\n", + "def get_object(self, cont, obj, local_file=None, return_bin=False):\n", + "\n", + "def put_object(self, cont, obj, local_file):\n", + "\n", + "def delete_object(self, cont, obj):\n", + "\n", + "def _xfs_info_get_kv(serialized):\n", + "\n", + "def _parse_xfs_info(data):\n", + "\n", + "def info(device):\n", + "\n", + "def _xfsdump_output(data):\n", + "\n", + "def dump(device, destination, level=0, label=None, noerase=None):\n", + "\n", + "def _xr_to_keyset(line):\n", + "\n", + "def _xfs_inventory_output(out):\n", + "\n", + "def _xfs_prune_output(out, uuid):\n", + "\n", + "def prune_dump(sessionid):\n", + "\n", + "def _xfs_estimate_output(out):\n", + "\n", + "def estimate(path):\n", + "\n", + "def mkfs(device, label=None, ssize=None, noforce=None,\n", + "\n", + "def modify(device, label=None, lazy_counting=None, uuid=None):\n", + "\n", + "def _get_mounts():\n", + "\n", + "def defragment(device):\n", + "\n", + "def digest(instr, checksum='md5'):\n", + "\n", + "def digest_file(infile, checksum='md5'):\n", + "\n", + "def base64_encodefile(fname):\n", + "\n", + "def base64_decodefile(instr, outfile):\n", + "\n", + "def hmac_signature(string, shared_secret, challenge_hmac):\n", + "\n", + "def github_signature(string, shared_secret, challenge_hmac):\n", + "\n", + "def _(module):\n", + "\n", + "def inspect(mode='all', priority=19, **kwargs):\n", + "\n", + "def query(*args, **kwargs):\n", + "\n", + "def build(format='qcow2', path='/tmp/'):\n", + "\n", + "def export(local=False, path=\"/tmp\", format='qcow2'):\n", + "\n", + "def snapshots():\n", + "\n", + "def delete(all=False, *databases):\n", + "\n", + "def start(transport='zmq',\n", + "\n", + "def configure_proxy(name, proxyname='p8000', start=True):\n", + "\n", + "def _hadoop_cmd(module, command, *args):\n", + "\n", + "def dfs_present(path):\n", + "\n", + "def dfs_absent(path):\n", + "\n", + "def run(self):\n", + "\n", + " def receive():\n", + "\n", + " def terminate():\n", + "\n", + "def _get_full_stream(stream_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def get_stream_when_active(stream_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def exists(stream_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def create_stream(stream_name, num_shards, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def delete_stream(stream_name, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def increase_stream_retention_period(stream_name, retention_hours,\n", + "\n", + "def enable_enhanced_monitoring(stream_name, metrics,\n", + "\n", + "def get_info_for_reshard(stream_details):\n", + "\n", + "def reshard(stream_name, desired_size, force=False,\n", + "\n", + "def list_streams(region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _get_next_open_shard(stream_details, shard_id):\n", + "\n", + "def _execute_with_retries(conn, function, **kwargs):\n", + "\n", + "def apply(key, value):\n", + "\n", + "def update_config(file_name, yaml_contents):\n", + "\n", + "def _get_ppa_info_from_launchpad(owner_name, ppa_name):\n", + "\n", + "def _call_apt(args, scope=True, **kwargs):\n", + "\n", + "def refresh_db(cache_valid_time=0, failhard=False, **kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def _uninstall(action='remove', name=None, pkgs=None, **kwargs):\n", + "\n", + "def autoremove(list_only=False, purge=False):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def purge(name=None, pkgs=None, **kwargs):\n", + "\n", + "def upgrade(refresh=True, dist_upgrade=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False,\n", + "\n", + "def _get_upgradable(dist_upgrade=True, **kwargs):\n", + "\n", + "def list_upgrades(refresh=True, dist_upgrade=True, **kwargs):\n", + "\n", + "def version_cmp(pkg1, pkg2, ignore_epoch=False, **kwargs):\n", + "\n", + "def _split_repo_str(repo):\n", + "\n", + "def _consolidate_repo_sources(sources):\n", + "\n", + "def _skip_source(source):\n", + "\n", + "def list_repos(**kwargs):\n", + "\n", + "def get_repo(repo, **kwargs):\n", + "\n", + "def del_repo(repo, **kwargs):\n", + "\n", + "def get_repo_keys():\n", + "\n", + "def add_repo_key(path=None, text=None, keyserver=None, keyid=None, saltenv='base'):\n", + "\n", + "def del_repo_key(name=None, **kwargs):\n", + "\n", + "def mod_repo(repo, saltenv='base', **kwargs):\n", + "\n", + "def expand_repo_def(**kwargs):\n", + "\n", + "def _parse_selections(dpkgselection):\n", + "\n", + "def get_selections(pattern=None, state=None):\n", + "\n", + "def set_selections(path=None, selection=None, clear=False, saltenv='base'):\n", + "\n", + "def _resolve_deps(name, pkgs, **kwargs):\n", + "\n", + "def show(*names, **kwargs):\n", + "\n", + " def _add(ret, pkginfo):\n", + "\n", + " def _check_filter(key):\n", + "\n", + "def info_installed(*names, **kwargs):\n", + "\n", + "def _get_http_proxy_url():\n", + "\n", + "def _diff_and_merge_host_list(defined, existing):\n", + "\n", + "def _get_existing_template_c_list(component, parent_id, **kwargs):\n", + "\n", + "def _adjust_object_lists(obj):\n", + "\n", + "def _manage_component(component, parent_id, defined, existing, template_id=None, **kwargs):\n", + "\n", + "def is_present(name, **kwargs):\n", + "\n", + "def present(name, params, static_host_list=True, **kwargs):\n", + "\n", + "def absent(name, **kwargs):\n", + "\n", + "def chgid(name, gid):\n", + "\n", + "def gen_key(minion_id, dns_name=None, zone='default', password=None):\n", + "\n", + "def register(email):\n", + "\n", + "def show_company(domain):\n", + "\n", + "def show_cert(id_):\n", + "\n", + "def list_domain_cache():\n", + "\n", + "def del_cached_domain(domains):\n", + "\n", + "def user_present(name, password=None, roles=None, encrypted=False, crypt_salt=None, algorithm='sha256'):\n", + "\n", + "def user_absent(name):\n", + "\n", + "def config_present(name):\n", + "\n", + "def config_absent(name):\n", + "\n", + "def replace(name, repl, full_match=False):\n", + "\n", + "def present(name, password=None, domain=None, server_roles=None, options=None, **kwargs):\n", + "\n", + "def _reinterpreted_state(state):\n", + "\n", + "def mod_run_check(cmd_kwargs, onlyif, unless, creates):\n", + "\n", + "def wait(name,\n", + "\n", + "def wait_script(name,\n", + "\n", + "def run(name,\n", + "\n", + "def script(name,\n", + "\n", + "def call(name,\n", + "\n", + "def mod_watch(name, **kwargs):\n", + "\n", + "def check_nova():\n", + "\n", + "def _get_version_from_url(self, url):\n", + "\n", + "def _discover_ks_version(self, url):\n", + "\n", + "def server_show_libcloud(self, uuid):\n", + "\n", + "def boot(self, name, flavor_id=0, image_id=0, timeout=300, **kwargs):\n", + "\n", + "def root_password(self, server_id, password):\n", + "\n", + "def server_by_name(self, name):\n", + "\n", + "def _volume_get(self, volume_id):\n", + "\n", + "def volume_list(self, search_opts=None):\n", + "\n", + "def volume_show(self, name):\n", + "\n", + "def volume_create(self, name, size=100, snapshot=None, voltype=None,\n", + "\n", + "def volume_delete(self, name):\n", + "\n", + "def volume_detach(self,\n", + "\n", + "def volume_attach(self,\n", + "\n", + "def suspend(self, instance_id):\n", + "\n", + "def resume(self, instance_id):\n", + "\n", + "def lock(self, instance_id):\n", + "\n", + "def delete(self, instance_id):\n", + "\n", + "def flavor_list(self, **kwargs):\n", + "\n", + "def flavor_create(self,\n", + "\n", + "def flavor_access_list(self, **kwargs):\n", + "\n", + "def flavor_access_add(self, flavor_id, project_id):\n", + "\n", + "def flavor_access_remove(self, flavor_id, project_id):\n", + "\n", + "def keypair_list(self):\n", + "\n", + "def keypair_add(self, name, pubfile=None, pubkey=None):\n", + "\n", + "def keypair_delete(self, name):\n", + "\n", + "def image_show(self, image_id):\n", + "\n", + "def image_list(self, name=None):\n", + "\n", + "def image_meta_set(self,\n", + "\n", + "def image_meta_delete(self,\n", + "\n", + "def server_list(self):\n", + "\n", + "def server_list_min(self):\n", + "\n", + "def server_list_detailed(self):\n", + "\n", + "def server_show(self, server_id):\n", + "\n", + "def secgroup_create(self, name, description):\n", + "\n", + "def secgroup_delete(self, name):\n", + "\n", + "def secgroup_list(self):\n", + "\n", + "def _item_list(self):\n", + "\n", + "def _network_show(self, name, network_lst):\n", + "\n", + "def network_show(self, name):\n", + "\n", + "def network_list(self):\n", + "\n", + "def _sanatize_network_params(self, kwargs):\n", + "\n", + "def network_create(self, name, **kwargs):\n", + "\n", + "def virtual_interface_list(self, name):\n", + "\n", + "def virtual_interface_create(self, name, net_name):\n", + "\n", + "def floating_ip_pool_list(self):\n", + "\n", + "def floating_ip_list(self):\n", + "\n", + "def floating_ip_create(self, pool=None):\n", + "\n", + "def floating_ip_delete(self, floating_ip):\n", + "\n", + "def floating_ip_associate(self, server_name, floating_ip):\n", + "\n", + "def floating_ip_disassociate(self, server_name, floating_ip):\n", + "\n", + "def dependency_information(include_salt_cloud=False):\n", + "\n", + "def system_information():\n", + "\n", + " def system_version():\n", + "\n", + "def versions_information(include_salt_cloud=False):\n", + "\n", + "def versions_report(include_salt_cloud=False):\n", + "\n", + "def msi_conformant_version():\n", + "\n", + "def genrepo(name, force=False, allow_empty=False):\n", + "\n", + "def process(self, config, grains):\n", + "\n", + "def _trim_config(self, b_config, mod, key):\n", + "\n", + "def _determine_beacon_config(self, current_beacon_config, key):\n", + "\n", + "def _process_interval(self, mod, interval):\n", + "\n", + "def _get_index(self, beacon_config, label):\n", + "\n", + "def _remove_list_item(self, beacon_config, label):\n", + "\n", + "def _update_enabled(self, name, enabled_value):\n", + "\n", + "def _get_beacons(self,\n", + "\n", + "def list_beacons(self,\n", + "\n", + "def list_available_beacons(self):\n", + "\n", + "def validate_beacon(self, name, beacon_data):\n", + "\n", + "def add_beacon(self, name, beacon_data):\n", + "\n", + "def delete_beacon(self, name):\n", + "\n", + "def enable_beacons(self):\n", + "\n", + "def disable_beacons(self):\n", + "\n", + "def install(pkg, target='LocalSystem', store=False, allow_untrusted=False):\n", + "\n", + "def install_app(app, target='/Applications/'):\n", + "\n", + "def mount(dmg):\n", + "\n", + "def get_pkg_id(pkg):\n", + "\n", + "def get_mpkg_ids(mpkg):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def upgrade(name=None, pkgs=None, refresh=True, **kwargs):\n", + "\n", + "def file_dict(*packages, **kwargs):\n", + "\n", + "def owner(*paths, **kwargs):\n", + "\n", + "def options_present(name, sections=None, separator='=', strict=False):\n", + "\n", + "def options_absent(name, sections=None, separator='='):\n", + "\n", + "def sections_present(name, sections=None, separator='='):\n", + "\n", + "def sections_absent(name, sections=None, separator='='):\n", + "\n", + "def _parse(contents=None, file_name=None):\n", + "\n", + "def __get_request_auth(username, password):\n", + "\n", + " def __request_auth(credentials, user_data):\n", + "\n", + "def __get_conn(**kwargs):\n", + "\n", + "def _get_domain(conn, *vms, **kwargs):\n", + "\n", + "def _parse_qemu_img_info(info):\n", + "\n", + "def _get_on_poweroff(dom):\n", + "\n", + "def _get_on_reboot(dom):\n", + "\n", + "def _get_on_crash(dom):\n", + "\n", + "def _get_nics(dom):\n", + "\n", + "def _get_graphics(dom):\n", + "\n", + "def _get_disks(dom):\n", + "\n", + "def _libvirt_creds():\n", + "\n", + "def _get_migrate_command():\n", + "\n", + "def _gen_xml(name,\n", + "\n", + "def _gen_vol_xml(vmname,\n", + "\n", + "def _gen_net_xml(name,\n", + "\n", + "def _gen_pool_xml(name,\n", + "\n", + "def _get_images_dir():\n", + "\n", + "def _zfs_image_create(vm_name,\n", + "\n", + "def _qemu_image_create(disk, create_overlay=False, saltenv='base'):\n", + "\n", + "def _disk_profile(profile, hypervisor, disks=None, vm_name=None, image=None, pool=None, **kwargs):\n", + "\n", + "def _fill_disk_filename(vm_name, disk, hypervisor, **kwargs):\n", + "\n", + "def _complete_nics(interfaces, hypervisor, dmac=None):\n", + "\n", + " def _normalize_net_types(attributes):\n", + "\n", + " def _apply_default_overlay(attributes):\n", + "\n", + " def _assign_mac(attributes, hypervisor):\n", + "\n", + "def _nic_profile(profile_name, hypervisor, dmac=None):\n", + "\n", + " def append_dict_profile_to_interface_list(profile_dict):\n", + "\n", + "def _get_merged_nics(hypervisor, profile, interfaces=None, dmac=None):\n", + "\n", + "def init(name,\n", + "\n", + "def _disks_equal(disk1, disk2):\n", + "\n", + "def _nics_equal(nic1, nic2):\n", + "\n", + " def _filter_nic(nic):\n", + "\n", + "def _graphics_equal(gfx1, gfx2):\n", + "\n", + " def _filter_graphics(gfx):\n", + "\n", + "def _diff_lists(old, new, comparator):\n", + "\n", + " def _remove_indent(node):\n", + "\n", + "def _diff_disk_lists(old, new):\n", + "\n", + "def _diff_interface_lists(old, new):\n", + "\n", + "def update(name,\n", + "\n", + "def list_domains(**kwargs):\n", + "\n", + "def list_active_vms(**kwargs):\n", + "\n", + "def list_inactive_vms(**kwargs):\n", + "\n", + "def vm_info(vm_=None, **kwargs):\n", + "\n", + " def _info(dom):\n", + "\n", + "def vm_state(vm_=None, **kwargs):\n", + "\n", + " def _info(dom):\n", + "\n", + "def _node_info(conn):\n", + "\n", + "def node_info(**kwargs):\n", + "\n", + "def get_nics(vm_, **kwargs):\n", + "\n", + "def get_macs(vm_, **kwargs):\n", + "\n", + "def get_graphics(vm_, **kwargs):\n", + "\n", + "def get_loader(vm_, **kwargs):\n", + "\n", + "def get_disks(vm_, **kwargs):\n", + "\n", + "def setmem(vm_, memory, config=False, **kwargs):\n", + "\n", + "def setvcpus(vm_, vcpus, config=False, **kwargs):\n", + "\n", + "def _freemem(conn):\n", + "\n", + "def freemem(**kwargs):\n", + "\n", + "def _freecpu(conn):\n", + "\n", + "def freecpu(**kwargs):\n", + "\n", + "def full_info(**kwargs):\n", + "\n", + "def get_xml(vm_, **kwargs):\n", + "\n", + "def get_profiles(hypervisor=None, **kwargs):\n", + "\n", + "def pause(vm_, **kwargs):\n", + "\n", + "def start(name, **kwargs):\n", + "\n", + "def stop(name, **kwargs):\n", + "\n", + "def reboot(name, **kwargs):\n", + "\n", + "def reset(vm_, **kwargs):\n", + "\n", + "def ctrl_alt_del(vm_, **kwargs):\n", + "\n", + "def create_xml_path(path, **kwargs):\n", + "\n", + "def define_xml_path(path, **kwargs):\n", + "\n", + "def define_vol_xml_path(path, **kwargs):\n", + "\n", + "def migrate_non_shared(vm_, target, ssh=False):\n", + "\n", + "def seed_non_shared_migrate(disks, force=False):\n", + "\n", + "def set_autostart(vm_, state='on', **kwargs):\n", + "\n", + "def undefine(vm_, **kwargs):\n", + "\n", + "def purge(vm_, dirs=False, removables=None, **kwargs):\n", + "\n", + "def _is_kvm_hyper():\n", + "\n", + "def get_hypervisor():\n", + "\n", + "def _is_bhyve_hyper():\n", + "\n", + "def vm_cputime(vm_=None, **kwargs):\n", + "\n", + " def _info(dom):\n", + "\n", + "def vm_netstats(vm_=None, **kwargs):\n", + "\n", + " def _info(dom):\n", + "\n", + "def vm_diskstats(vm_=None, **kwargs):\n", + "\n", + " def get_disk_devs(dom):\n", + "\n", + " def _info(dom):\n", + "\n", + "def _parse_snapshot_description(vm_snapshot, unix_time=False):\n", + "\n", + "def list_snapshots(domain=None, **kwargs):\n", + "\n", + "def snapshot(domain, name=None, suffix=None, **kwargs):\n", + "\n", + "def delete_snapshots(name, *names, **kwargs):\n", + "\n", + "def revert_snapshot(name, vm_snapshot=None, cleanup=False, **kwargs):\n", + "\n", + "def _caps_add_machine(machines, node):\n", + "\n", + "def _parse_caps_guest(guest):\n", + "\n", + "def _parse_caps_cell(cell):\n", + "\n", + "def _parse_caps_bank(bank):\n", + "\n", + "def _parse_caps_host(host):\n", + "\n", + "def capabilities(**kwargs):\n", + "\n", + "def _parse_caps_cpu(node):\n", + "\n", + "def _parse_caps_devices_features(node):\n", + "\n", + "def _parse_caps_loader(node):\n", + "\n", + "def _parse_domain_caps(caps):\n", + "\n", + "def domain_capabilities(emulator=None, arch=None, machine=None, domain=None, **kwargs):\n", + "\n", + "def all_capabilities(**kwargs):\n", + "\n", + "def cpu_baseline(full=False, migratable=False, out='libvirt', **kwargs):\n", + "\n", + "def network_define(name, bridge, forward, **kwargs):\n", + "\n", + "def list_networks(**kwargs):\n", + "\n", + "def network_info(name=None, **kwargs):\n", + "\n", + " def _net_get_leases(net):\n", + "\n", + "def network_start(name, **kwargs):\n", + "\n", + "def network_stop(name, **kwargs):\n", + "\n", + "def network_undefine(name, **kwargs):\n", + "\n", + "def network_set_autostart(name, state='on', **kwargs):\n", + "\n", + "def pool_define(name,\n", + "\n", + "def list_pools(**kwargs):\n", + "\n", + "def pool_info(name=None, **kwargs):\n", + "\n", + " def _pool_extract_infos(pool):\n", + "\n", + "def pool_start(name, **kwargs):\n", + "\n", + "def pool_build(name, **kwargs):\n", + "\n", + "def pool_stop(name, **kwargs):\n", + "\n", + "def pool_undefine(name, **kwargs):\n", + "\n", + "def pool_delete(name, fast=True, **kwargs):\n", + "\n", + "def pool_refresh(name, **kwargs):\n", + "\n", + "def pool_set_autostart(name, state='on', **kwargs):\n", + "\n", + "def pool_list_volumes(name, **kwargs):\n", + "\n", + "def _get_storage_vol(conn, pool, vol):\n", + "\n", + "def _get_all_volumes_paths(conn):\n", + "\n", + "def volume_infos(pool=None, volume=None, **kwargs):\n", + "\n", + " def _volume_extract_infos(vol):\n", + "\n", + "def volume_delete(pool, volume, **kwargs):\n", + "\n", + "def list_():\n", + "\n", + "def get_(*keyname):\n", + "\n", + "def put_(keyname, val):\n", + "\n", + "def delete_(*keyname):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + "def _verify(vm_):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def reboot(name, call=None):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def _run_proxy_processes(proxies):\n", + "\n", + "def beacon(config):\n", + "\n", + "def list_licenses():\n", + "\n", + "def add_license(key):\n", + "\n", + "def managed(name, table, data, record=None):\n", + "\n", + "def _fix_ctx(m2_ctx, issuer=None):\n", + "\n", + "def _new_extension(name, value, critical=0, issuer=None, _pyfree=1):\n", + "\n", + "def _parse_openssl_req(csr_filename):\n", + "\n", + "def _get_csr_extensions(csr):\n", + "\n", + "def _parse_openssl_crl(crl_filename):\n", + "\n", + "def _pretty_hex(hex_str):\n", + "\n", + "def _text_or_file(input_):\n", + "\n", + "def _parse_subject(subject):\n", + "\n", + "def _get_certificate_obj(cert):\n", + "\n", + "def _get_private_key_obj(private_key, passphrase=None):\n", + "\n", + "def _passphrase_callback(passphrase):\n", + "\n", + " def f(*args):\n", + "\n", + "def _get_request_obj(csr):\n", + "\n", + "def _get_pubkey_hash(cert):\n", + "\n", + "def _make_regex(pem_type):\n", + "\n", + "def get_pem_entry(text, pem_type=None):\n", + "\n", + "def get_pem_entries(glob_path):\n", + "\n", + "def read_certificate(certificate):\n", + "\n", + "def read_certificates(glob_path):\n", + "\n", + "def read_csr(csr):\n", + "\n", + "def read_crl(crl):\n", + "\n", + "def get_public_key(key, passphrase=None, asObj=False):\n", + "\n", + "def write_pem(text, path, overwrite=True, pem_type=None):\n", + "\n", + "def create_private_key(path=None,\n", + "\n", + "def sign_remote_certificate(argdic, **kwargs):\n", + "\n", + "def get_signing_policy(signing_policy_name):\n", + "\n", + "def create_csr(path=None, text=False, **kwargs):\n", + "\n", + "def verify_signature(certificate, signing_pub_key=None,\n", + "\n", + "def verify_crl(crl, cert):\n", + "\n", + "def expired(certificate):\n", + "\n", + "def will_expire(certificate, days):\n", + "\n", + "def list_domains():\n", + "\n", + "def vm_virt_type(domain):\n", + "\n", + "def setmem(domain, memory):\n", + "\n", + "def get_macs(domain):\n", + "\n", + "def getfacl(*args, **kwargs):\n", + "\n", + "def _parse_acl(acl, user, group):\n", + "\n", + "def wipefacls(*args, **kwargs):\n", + "\n", + "def modfacl(acl_type, acl_name='', perms='', *args, **kwargs):\n", + "\n", + "def delfacl(acl_type, acl_name='', *args, **kwargs):\n", + "\n", + "def present(name,\n", + "\n", + "def activate_backup_image(reset=False):\n", + "\n", + "def create_user(uid=None, username=None, password=None, priv=None):\n", + "\n", + "def mount_share(name=None,\n", + "\n", + "def set_hostname(hostname=None):\n", + "\n", + "def set_logging_levels(remote=None, local=None):\n", + "\n", + "def set_ntp_server(server1='', server2='', server3='', server4=''):\n", + "\n", + "def set_power_configuration(policy=None, delayType=None, delayValue=None):\n", + "\n", + "def set_syslog_server(server=None, type=\"primary\"):\n", + "\n", + "def set_user(uid=None, username=None, password=None, priv=None, status=None):\n", + "\n", + "def tftp_update_bios(server=None, path=None):\n", + "\n", + "def _acl_changes(name, id=None, type=None, rules=None, consul_url=None, token=None):\n", + "\n", + "def _acl_exists(name=None, id=None, token=None, consul_url=None):\n", + "\n", + "def acl_present(name, id=None, token=None, type=\"client\", rules=\"\", consul_url='http://localhost:8500'):\n", + "\n", + "def acl_absent(name, id=None, token=None, consul_url='http://localhost:8500'):\n", + "\n", + "def nvme_nqn():\n", + "\n", + "def _linux_nqn():\n", + "\n", + "def managed(name, passphrase, entries, force_remove=False):\n", + "\n", + "def disable():\n", + "\n", + "def loglevel(level):\n", + "\n", + "def load(file='/etc/pf.conf', noop=False):\n", + "\n", + "def flush(modifier):\n", + "\n", + "def table(command, table, **kwargs):\n", + "\n", + "def show(modifier):\n", + "\n", + "def create_event(name, message_type, routing_key='everyone', **kwargs):\n", + "\n", + "def _auth(profile=None):\n", + "\n", + "def update_quota(tenant_id,\n", + "\n", + "def create_port(name,\n", + "\n", + "def update_port(port, name, admin_state_up=True, profile=None):\n", + "\n", + "def create_network(name, router_ext=None, admin_state_up=True, network_type=None, physical_network=None, segmentation_id=None, shared=None, profile=None):\n", + "\n", + "def update_network(network, name, profile=None):\n", + "\n", + "def create_subnet(network, cidr, name=None,\n", + "\n", + "def update_subnet(subnet, name, profile=None):\n", + "\n", + "def create_router(name, ext_network=None,\n", + "\n", + "def update_router(router,\n", + "\n", + "def add_interface_router(router, subnet, profile=None):\n", + "\n", + "def remove_interface_router(router, subnet, profile=None):\n", + "\n", + "def add_gateway_router(router, ext_network, profile=None):\n", + "\n", + "def create_floatingip(floating_network, port=None, profile=None):\n", + "\n", + "def update_floatingip(floatingip_id, port=None, profile=None):\n", + "\n", + "def create_security_group(name=None, description=None, profile=None):\n", + "\n", + "def update_security_group(security_group, name=None, description=None,\n", + "\n", + "def create_security_group_rule(security_group,\n", + "\n", + "def list_vpnservices(retrieve_all=True, profile=None, **kwargs):\n", + "\n", + "def show_vpnservice(vpnservice, profile=None, **kwargs):\n", + "\n", + "def create_vpnservice(subnet, router, name, admin_state_up=True, profile=None):\n", + "\n", + "def update_vpnservice(vpnservice, desc, profile=None):\n", + "\n", + "def create_ipsec_site_connection(name,\n", + "\n", + "def create_ikepolicy(name, profile=None, **kwargs):\n", + "\n", + "def create_ipsecpolicy(name, profile=None, **kwargs):\n", + "\n", + "def create_firewall_rule(protocol, action, profile=None, **kwargs):\n", + "\n", + "def update_firewall_rule(firewall_rule,\n", + "\n", + "def active(display_progress=False):\n", + "\n", + "def lookup_jid(jid,\n", + "\n", + "def list_job(jid, ext_source=None, display_progress=False):\n", + "\n", + "def list_jobs(ext_source=None,\n", + "\n", + "def list_jobs_filter(count,\n", + "\n", + "def print_job(jid, ext_source=None):\n", + "\n", + "def exit_success(jid, ext_source=None):\n", + "\n", + "def last_run(ext_source=None,\n", + "\n", + "def _format_job_instance(job):\n", + "\n", + "def _walk_through(job_dir, display_progress=False):\n", + "\n", + "def trigger_event(name,\n", + "\n", + "def absent(name=None, canonical=None, **api_opts):\n", + "\n", + "def _get_options(ret=None):\n", + "\n", + "def _get_serv(ret=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def save_load(jid, load, minions=None):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_fun(fun):\n", + "\n", + "def get_jids():\n", + "\n", + "def clean_old_jobs():\n", + "\n", + "def prepare(self):\n", + "\n", + "def start(self):\n", + "\n", + "def shutdown(self, exitcode=0, exitmsg=None):\n", + "\n", + "def present(name, value, acls=None, ephemeral=False, sequence=False, makepath=False, version=-1,\n", + "\n", + "def absent(name, version=-1, recursive=False, profile=None, hosts=None, scheme=None,\n", + "\n", + "def acls(name, acls, version=-1, profile=None, hosts=None, scheme=None,\n", + "\n", + "def _timedatectl():\n", + "\n", + "def _get_adjtime_timezone():\n", + "\n", + "def get_zone():\n", + "\n", + "def get_offset():\n", + "\n", + "def set_zone(timezone):\n", + "\n", + "def zone_compare(timezone):\n", + "\n", + "def get_hwclock():\n", + "\n", + "def set_hwclock(clock):\n", + "\n", + "def installed(name, version=None, source=None, force=False, pre_versions=False,\n", + "\n", + "def uninstalled(name, version=None, uninstall_args=None, override_args=False):\n", + "\n", + "def store_job(opts, load, event=None, mminion=None):\n", + "\n", + "def store_minions(opts, jid, minions, mminion=None, syndic_id=None):\n", + "\n", + "def get_retcode(ret):\n", + "\n", + "def beacon(config):\n", + "\n", + "def post_data(api_key=None, name='OpsGenie Execution Module', reason=None,\n", + "\n", + "def installed(name, target=\"LocalSystem\", dmg=False, store=False, app=False, mpkg=False, user=None, onlyif=None,\n", + "\n", + " def failed_pkg(f_pkg):\n", + "\n", + "def _mod_run_check(cmd_kwargs, onlyif, unless):\n", + "\n", + "def status(name, sig=None):\n", + "\n", + "def clean_proc_dir(opts):\n", + "\n", + "def option(self, opt):\n", + "\n", + "def _get_schedule(self,\n", + "\n", + "def _check_max_running(self, func, data, opts, now):\n", + "\n", + "def persist(self):\n", + "\n", + "def delete_job(self, name, persist=True):\n", + "\n", + "def reset(self):\n", + "\n", + "def delete_job_prefix(self, name, persist=True):\n", + "\n", + "def add_job(self, data, persist=True):\n", + "\n", + "def modify_job(self, name, schedule, persist=True):\n", + "\n", + "def run_job(self, name):\n", + "\n", + "def enable_schedule(self):\n", + "\n", + "def reload(self, schedule):\n", + "\n", + "def list(self, where):\n", + "\n", + "def save_schedule(self):\n", + "\n", + "def skip_job(self, name, data):\n", + "\n", + "def get_next_fire_time(self, name, fmt='%Y-%m-%dT%H:%M:%S'):\n", + "\n", + "def handle_func(self, multiprocessing_enabled, func, data):\n", + "\n", + "def eval(self, now=None):\n", + "\n", + " def _splay(splaytime):\n", + "\n", + " def _handle_time_elements(data):\n", + "\n", + " def _handle_once(data, loop_interval):\n", + "\n", + " def _handle_when(data, loop_interval):\n", + "\n", + " def _handle_cron(data, loop_interval):\n", + "\n", + " def _handle_run_explicit(data, loop_interval):\n", + "\n", + " def _handle_skip_explicit(data, loop_interval):\n", + "\n", + " def _handle_skip_during_range(data, loop_interval):\n", + "\n", + " def _handle_range(data):\n", + "\n", + " def _handle_after(data):\n", + "\n", + " def _handle_until(data):\n", + "\n", + " def _chop_ms(dt):\n", + "\n", + "def _run_aws(cmd, region, opts, user, **kwargs):\n", + "\n", + "def receive_message(queue, region, num=1, opts=None, user=None):\n", + "\n", + "def delete_message(queue, region, receipthandle, opts=None, user=None):\n", + "\n", + "def list_queues(region, opts=None, user=None):\n", + "\n", + "def create_queue(name, region, opts=None, user=None):\n", + "\n", + "def delete_queue(name, region, opts=None, user=None):\n", + "\n", + "def queue_exists(name, region, opts=None, user=None):\n", + "\n", + "def _parse_queue_list(list_output):\n", + "\n", + "def _get_session():\n", + "\n", + "def list_nodes():\n", + "\n", + "def get_vm_ip(name=None, session=None, call=None):\n", + "\n", + "def set_vm_ip(name=None,\n", + "\n", + "def list_nodes_full(session=None):\n", + "\n", + "def vdi_list(call=None, kwargs=None):\n", + "\n", + "def template_list(call=None):\n", + "\n", + "def show_instance(name, session=None, call=None):\n", + "\n", + "def _determine_resource_pool(session, vm_):\n", + "\n", + "def _determine_storage_repo(session, resource_pool, vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + "def _deploy_salt_minion(name, session, vm_):\n", + "\n", + "def _set_static_ip(name, session, vm_):\n", + "\n", + "def _wait_for_ip(name, session):\n", + "\n", + "def _run_async_task(task=None, session=None):\n", + "\n", + "def _clone_vm(image=None, name=None, session=None):\n", + "\n", + "def _copy_vm(template=None, name=None, session=None, sr=None):\n", + "\n", + "def _provision_vm(name=None, session=None):\n", + "\n", + "def unpause(name, call=None, session=None):\n", + "\n", + "def resume(name, call=None, session=None):\n", + "\n", + "def stop(name, call=None, session=None):\n", + "\n", + "def reboot(name, call=None, session=None):\n", + "\n", + "def _get_vm(name=None, session=None):\n", + "\n", + "def _get_sr(name=None, session=None):\n", + "\n", + "def _get_pool(name=None, session=None):\n", + "\n", + "def destroy(name=None, call=None):\n", + "\n", + "def sr_list(call=None):\n", + "\n", + "def host_list(call=None):\n", + "\n", + "def pool_list(call=None):\n", + "\n", + "def pif_list(call=None):\n", + "\n", + "def vif_list(name, call=None, kwargs=None):\n", + "\n", + "def vbd_list(name=None, call=None):\n", + "\n", + "def destroy_vm_vdis(name=None, session=None, call=None):\n", + "\n", + "def destroy_template(name=None, call=None, kwargs=None):\n", + "\n", + "def get_pv_args(name, session=None, call=None):\n", + "\n", + "def set_pv_args(name, kwargs=None, session=None, call=None):\n", + "\n", + "def _name_in_services(name, services):\n", + "\n", + "def _get_service(name):\n", + "\n", + "def _always_running_service(name):\n", + "\n", + "def _get_domain_target(name, service_target=False):\n", + "\n", + "def list_(name=None, runas=None):\n", + "\n", + "def enable(name, runas=None):\n", + "\n", + "def disable(name, runas=None):\n", + "\n", + "def start(name, runas=None):\n", + "\n", + "def stop(name, runas=None):\n", + "\n", + "def restart(name, runas=None):\n", + "\n", + "def status(name, sig=None, runas=None):\n", + "\n", + "def enabled(name, runas=None):\n", + "\n", + "def disabled(name, runas=None, domain='system'):\n", + "\n", + "def get_all(runas=None):\n", + "\n", + "def get_enabled(runas=None):\n", + "\n", + "def get_conn():\n", + "\n", + "def avail_locations(conn=None, call=None):\n", + "\n", + "def get_image(conn, vm_):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def get_size(conn, vm_):\n", + "\n", + "def ignore_cidr(vm_, ip):\n", + "\n", + "def rackconnect(vm_):\n", + "\n", + "def rackconnectv3(vm_):\n", + "\n", + "def cloudnetwork(vm_):\n", + "\n", + "def managedcloud(vm_):\n", + "\n", + "def destroy(name, conn=None, call=None):\n", + "\n", + "def request_instance(vm_=None, call=None):\n", + "\n", + " def __query_node_data(vm_):\n", + "\n", + "def create(vm_):\n", + "\n", + "def list_nodes(call=None, **kwargs):\n", + "\n", + "def list_nodes_full(call=None, **kwargs):\n", + "\n", + "def list_nodes_min(call=None, **kwargs):\n", + "\n", + "def volume_create(name, size=100, snapshot=None, voltype=None, **kwargs):\n", + "\n", + "def volume_attach(name, server_name, device='/dev/xvdb', **kwargs):\n", + "\n", + "def volume_create_attach(name, call=None, **kwargs):\n", + "\n", + "def virtual_interface_create(name, net_name, **kwargs):\n", + "\n", + "def floating_ip_create(kwargs, call=None):\n", + "\n", + "def floating_ip_associate(name, kwargs, call=None):\n", + "\n", + "def create(vm_):\n", + "\n", + " def wait_for_apipass():\n", + "\n", + "def list_nodes(full=False, call=None):\n", + "\n", + "def list_nodes_full(call=None):\n", + "\n", + "def avail_locations():\n", + "\n", + "def avail_sizes():\n", + "\n", + "def avail_images():\n", + "\n", + "def list_passwords(kwargs=None, call=None):\n", + "\n", + "def list_public_ips(kwargs=None, call=None):\n", + "\n", + "def list_common_lookups(kwargs=None, call=None):\n", + "\n", + "def destroy(name, call=None):\n", + "\n", + "def show_instance(name, call=None):\n", + "\n", + "def _query(action=None,\n", + "\n", + "def _parse_key(key):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, vname=None, use_32bit_registry=False):\n", + "\n", + "def key_absent(name, use_32bit_registry=False):\n", + "\n", + "def _get_salt_call(*dirs, **namespaces):\n", + "\n", + "def _add_dependency(container, obj):\n", + "\n", + "def gte():\n", + "\n", + "def get_ext_tops(config):\n", + "\n", + "def _get_ext_namespaces(config):\n", + "\n", + "def get_tops(extra_mods='', so_mods=''):\n", + "\n", + "def _get_supported_py_config(tops, extended_cfg):\n", + "\n", + "def _get_thintar_prefix(tarname):\n", + "\n", + "def gen_thin(cachedir, extra_mods='', overwrite=False, so_mods='',\n", + "\n", + "def thin_sum(cachedir, form='sha1'):\n", + "\n", + "def gen_min(cachedir, extra_mods='', overwrite=False, so_mods='',\n", + "\n", + "def min_sum(cachedir, form='sha1'):\n", + "\n", + "def refresh_db(full=False, **kwargs):\n", + "\n", + "def upgrade_available(name, **kwargs):\n", + "\n", + "def upgrade(refresh=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def version(*names, **kwargs):\n", + "\n", + "def get_fmri(name, **kwargs):\n", + "\n", + "def normalize_name(name, **kwargs):\n", + "\n", + "def search(name, versions_as_list=False, **kwargs):\n", + "\n", + "def install(name=None, refresh=False, pkgs=None, version=None, test=False, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def _tap(tap, runas=None):\n", + "\n", + "def _call_brew(cmd, failhard=True):\n", + "\n", + "def list_pkgs(versions_as_list=False, **kwargs):\n", + "\n", + "def remove(name=None, pkgs=None, **kwargs):\n", + "\n", + "def refresh_db(**kwargs):\n", + "\n", + "def _info(*pkgs):\n", + "\n", + "def install(name=None, pkgs=None, taps=None, options=None, **kwargs):\n", + "\n", + "def upgrade(refresh=True, **kwargs):\n", + "\n", + "def config(name, config):\n", + "\n", + "def present(name=None, start_addr=None, end_addr=None, data=None, **api_opts):\n", + "\n", + "def absent(name=None, start_addr=None, end_addr=None, data=None, **api_opts):\n", + "\n", + "def sendline(self, cmd):\n", + "\n", + "def esxcli(host, user, pwd, cmd, protocol=None, port=None, esxi_host=None, credstore=None):\n", + "\n", + "def _get_service_instance(host, username, password, protocol,\n", + "\n", + "def get_customizationspec_ref(si, customization_spec_name):\n", + "\n", + "def get_service_instance(host, username=None, password=None, protocol=None,\n", + "\n", + "def get_new_service_instance_stub(service_instance, path, ns=None,\n", + "\n", + "def get_service_instance_from_managed_object(mo_ref, name=''):\n", + "\n", + "def disconnect(service_instance):\n", + "\n", + "def is_connection_to_a_vcenter(service_instance):\n", + "\n", + "def get_service_info(service_instance):\n", + "\n", + "def _get_dvs(service_instance, dvs_name):\n", + "\n", + "def _get_dvs_portgroup(dvs, portgroup_name):\n", + "\n", + "def _get_dvs_uplink_portgroup(dvs, portgroup_name):\n", + "\n", + "def get_gssapi_token(principal, host, domain):\n", + "\n", + "def get_hardware_grains(service_instance):\n", + "\n", + "def get_root_folder(service_instance):\n", + "\n", + "def get_content(service_instance, obj_type, property_list=None,\n", + "\n", + "def get_mor_by_property(service_instance, object_type, property_value, property_name='name', container_ref=None):\n", + "\n", + "def get_mors_with_properties(service_instance, object_type, property_list=None,\n", + "\n", + "def get_properties_of_managed_object(mo_ref, properties):\n", + "\n", + "def get_network_adapter_type(adapter_type):\n", + "\n", + "def get_network_adapter_object_type(adapter_object):\n", + "\n", + "def get_dvss(dc_ref, dvs_names=None, get_all_dvss=False):\n", + "\n", + "def get_network_folder(dc_ref):\n", + "\n", + "def create_dvs(dc_ref, dvs_name, dvs_create_spec=None):\n", + "\n", + "def update_dvs(dvs_ref, dvs_config_spec):\n", + "\n", + "def set_dvs_network_resource_management_enabled(dvs_ref, enabled):\n", + "\n", + "def get_dvportgroups(parent_ref, portgroup_names=None,\n", + "\n", + "def get_uplink_dvportgroup(dvs_ref):\n", + "\n", + "def create_dvportgroup(dvs_ref, spec):\n", + "\n", + "def update_dvportgroup(portgroup_ref, spec):\n", + "\n", + "def get_networks(parent_ref, network_names=None, get_all_networks=False):\n", + "\n", + "def list_objects(service_instance, vim_object, properties=None):\n", + "\n", + "def get_license_manager(service_instance):\n", + "\n", + "def get_license_assignment_manager(service_instance):\n", + "\n", + "def get_licenses(service_instance, license_manager=None):\n", + "\n", + "def add_license(service_instance, key, description, license_manager=None):\n", + "\n", + "def get_assigned_licenses(service_instance, entity_ref=None, entity_name=None,\n", + "\n", + "def assign_license(service_instance, license_key, license_name,\n", + "\n", + "def get_datacenters(service_instance, datacenter_names=None,\n", + "\n", + "def get_datacenter(service_instance, datacenter_name):\n", + "\n", + "def create_datacenter(service_instance, datacenter_name):\n", + "\n", + "def get_cluster(dc_ref, cluster):\n", + "\n", + "def create_cluster(dc_ref, cluster_name, cluster_spec):\n", + "\n", + "def update_cluster(cluster_ref, cluster_spec):\n", + "\n", + "def list_datastores_full(service_instance):\n", + "\n", + "def list_datastore_full(service_instance, datastore):\n", + "\n", + "def get_mor_by_name(si, obj_type, obj_name):\n", + "\n", + "def get_mor_by_moid(si, obj_type, obj_moid):\n", + "\n", + "def get_datastore_files(service_instance, directory, datastores, container_object, browser_spec):\n", + "\n", + "def get_datastores(service_instance, reference, datastore_names=None,\n", + "\n", + "def rename_datastore(datastore_ref, new_datastore_name):\n", + "\n", + "def _get_partition_info(storage_system, device_path):\n", + "\n", + "def _get_new_computed_partition_spec(storage_system,\n", + "\n", + "def create_vmfs_datastore(host_ref, datastore_name, disk_ref,\n", + "\n", + "def get_host_datastore_system(host_ref, hostname=None):\n", + "\n", + "def remove_datastore(service_instance, datastore_ref):\n", + "\n", + "def get_hosts(service_instance, datacenter_name=None, host_names=None,\n", + "\n", + "def _get_scsi_address_to_lun_key_map(service_instance,\n", + "\n", + "def get_all_luns(host_ref, storage_system=None, hostname=None):\n", + "\n", + "def get_scsi_address_to_lun_map(host_ref, storage_system=None, hostname=None):\n", + "\n", + "def get_disks(host_ref, disk_ids=None, scsi_addresses=None,\n", + "\n", + "def get_disk_partition_info(host_ref, disk_id, storage_system=None):\n", + "\n", + "def erase_disk_partitions(service_instance, host_ref, disk_id,\n", + "\n", + "def get_diskgroups(host_ref, cache_disk_ids=None, get_all_disk_groups=False):\n", + "\n", + "def _check_disks_in_diskgroup(disk_group, cache_disk_id, capacity_disk_ids):\n", + "\n", + "def get_host_cache(host_ref, host_cache_manager=None):\n", + "\n", + "def configure_host_cache(host_ref, datastore_ref, swap_size_MiB,\n", + "\n", + "def get_resource_pools(service_instance, resource_pool_names, datacenter_name=None,\n", + "\n", + "def wait_for_task(task, instance_name, task_type, sleep_seconds=1, log_level='debug'):\n", + "\n", + "def get_vm_by_property(service_instance, name, datacenter=None, vm_properties=None,\n", + "\n", + "def get_folder(service_instance, datacenter, placement, base_vm_name=None):\n", + "\n", + "def get_placement(service_instance, datacenter, placement=None):\n", + "\n", + "def convert_to_kb(unit, size):\n", + "\n", + "def power_cycle_vm(virtual_machine, action='on'):\n", + "\n", + "def create_vm(vm_name, vm_config_spec, folder_object, resourcepool_object, host_object=None):\n", + "\n", + "def register_vm(datacenter, name, vmx_path, resourcepool_object, host_object=None):\n", + "\n", + "def update_vm(vm_ref, vm_config_spec):\n", + "\n", + "def unregister_vm(vm_ref):\n", + "\n", + "def auth(username, password, **kwargs):\n", + "\n", + "def _get_diffs(cls, dict1, dict2, ignore_missing_keys):\n", + "\n", + "def _get_values(cls, diff_dict, type='new'):\n", + "\n", + "def _get_changes(cls, diff_dict):\n", + "\n", + "def added(self):\n", + "\n", + " def _added(diffs, prefix):\n", + "\n", + "def removed(self):\n", + "\n", + " def _removed(diffs, prefix):\n", + "\n", + "def changed(self):\n", + "\n", + " def _changed(diffs, prefix):\n", + "\n", + "def unchanged(self):\n", + "\n", + " def _unchanged(current_dict, diffs, prefix):\n", + "\n", + "def _get_computer_object():\n", + "\n", + "def _get_group_object(name):\n", + "\n", + "def _get_all_groups():\n", + "\n", + "def add(name, **kwargs):\n", + "\n", + "def delete(name, **kwargs):\n", + "\n", + "def info(name):\n", + "\n", + "def getent(refresh=False):\n", + "\n", + "def adduser(name, username, **kwargs):\n", + "\n", + "def members(name, members_list, **kwargs):\n", + "\n", + "def list_groups(refresh=False):\n", + "\n", + "def identical_signature_wrapper(original_function, wrapped_function):\n", + "\n", + "def _stdout_list_split(retcode, stdout='', splitstring='\\n'):\n", + "\n", + "def _convert_json(obj):\n", + "\n", + "def bridge_list():\n", + "\n", + "def bridge_exists(br):\n", + "\n", + "def bridge_create(br, may_exist=True, parent=None, vlan=None):\n", + "\n", + "def bridge_delete(br, if_exists=True):\n", + "\n", + "def bridge_to_parent(br):\n", + "\n", + "def bridge_to_vlan(br):\n", + "\n", + "def port_add(br, port, may_exist=False, internal=False):\n", + "\n", + "def port_remove(br, port, if_exists=True):\n", + "\n", + "def port_list(br):\n", + "\n", + "def port_get_tag(port):\n", + "\n", + "def port_create_vlan(br, port, id, internal=False):\n", + "\n", + "def port_create_gre(br, port, id, remote):\n", + "\n", + "def port_create_vxlan(br, port, id, remote, dst_port=None):\n", + "\n", + "def db_get(table, record, column, if_exists=False):\n", + "\n", + "def db_set(table, record, column, value, if_exists=False):\n", + "\n", + "def virtual_network_present(name, address_prefixes, resource_group, dns_servers=None,\n", + "\n", + "def virtual_network_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def subnet_present(name, address_prefix, virtual_network, resource_group,\n", + "\n", + "def subnet_absent(name, virtual_network, resource_group, connection_auth=None):\n", + "\n", + "def network_security_group_present(name, resource_group, tags=None, security_rules=None, connection_auth=None,\n", + "\n", + "def network_security_group_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def security_rule_present(name, access, direction, priority, protocol, security_group, resource_group,\n", + "\n", + "def security_rule_absent(name, security_group, resource_group, connection_auth=None):\n", + "\n", + "def load_balancer_present(name, resource_group, sku=None, frontend_ip_configurations=None, backend_address_pools=None,\n", + "\n", + "def load_balancer_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def public_ip_address_present(name, resource_group, tags=None, sku=None, public_ip_allocation_method=None,\n", + "\n", + "def public_ip_address_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def network_interface_present(name, ip_configurations, subnet, virtual_network, resource_group, tags=None,\n", + "\n", + "def network_interface_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def route_table_present(name, resource_group, tags=None, routes=None, disable_bgp_route_propagation=None,\n", + "\n", + "def route_table_absent(name, resource_group, connection_auth=None):\n", + "\n", + "def route_present(name, address_prefix, next_hop_type, route_table, resource_group, next_hop_ip_address=None,\n", + "\n", + "def route_absent(name, route_table, resource_group, connection_auth=None):\n", + "\n", + "def gen_jid(opts=None):\n", + "\n", + "def is_jid(jid):\n", + "\n", + "def jid_to_time(jid):\n", + "\n", + "def format_job_instance(job):\n", + "\n", + "def format_jid_instance(jid, job):\n", + "\n", + "def format_jid_instance_ext(jid, job):\n", + "\n", + "def jid_dir(jid, job_dir=None, hash_type='sha256'):\n", + "\n", + "def init(runlevel):\n", + "\n", + "def reboot(at_time=None):\n", + "\n", + "def shutdown(at_time=None):\n", + "\n", + "def _date_bin_set_datetime(new_date):\n", + "\n", + "def has_settable_hwclock():\n", + "\n", + "def _swclock_to_hwclock():\n", + "\n", + "def _offset_to_min(utc_offset):\n", + "\n", + "def _get_offset_time(utc_offset):\n", + "\n", + "def set_system_time(newtime, utc_offset=None):\n", + "\n", + "def set_system_date_time(years=None,\n", + "\n", + "def get_computer_desc():\n", + "\n", + "def set_computer_desc(desc):\n", + "\n", + "def set_reboot_required_witnessed():\n", + "\n", + "def handle_stream(self, stream):\n", + "\n", + " def _null(msg):\n", + "\n", + " def write_callback(stream, header):\n", + "\n", + " def return_message(msg):\n", + "\n", + "def close(self):\n", + "\n", + "def connect(self, callback=None, timeout=None):\n", + "\n", + " def handle_future(future):\n", + "\n", + "def _connect(self, timeout=None):\n", + "\n", + "def close(self):\n", + "\n", + "def send(self, msg, timeout=None, tries=None):\n", + "\n", + "def start(self):\n", + "\n", + "def publish(self, msg):\n", + "\n", + "def close(self):\n", + "\n", + "def read_sync(self, timeout=None):\n", + "\n", + "def read_async(self):\n", + "\n", + "def close(self):\n", + "\n", + "def list_(show_all=False,\n", + "\n", + "def is_enabled(name):\n", + "\n", + "def purge(**kwargs):\n", + "\n", + "def build_schedule_item(name, **kwargs):\n", + "\n", + "def add(name, **kwargs):\n", + "\n", + "def modify(name, **kwargs):\n", + "\n", + "def run_job(name, force=False):\n", + "\n", + "def enable_job(name, **kwargs):\n", + "\n", + "def save(**kwargs):\n", + "\n", + "def reload_():\n", + "\n", + "def move(name, target, **kwargs):\n", + "\n", + "def postpone_job(name,\n", + "\n", + "def is_proxy():\n", + "\n", + "def is_smartos_globalzone():\n", + "\n", + "def _mkpart(root, fs_format, fs_opts, mount_dir):\n", + "\n", + "def _mkfs(root, fs_format, fs_opts=None):\n", + "\n", + "def _populate_cache(platform, pkg_cache, mount_dir):\n", + "\n", + "def _make_nodes(root):\n", + "\n", + "def avail_platforms():\n", + "\n", + "def pack(name, root, path=None, pack_format='tar', compress='bzip2'):\n", + "\n", + "def unpack(name, dest=None, path=None, pack_format='tar', compress='bz2'):\n", + "\n", + "def _tar(name, root, path=None, compress='bzip2'):\n", + "\n", + "def _compress(compress):\n", + "\n", + "def ldd_deps(filename, ret=None):\n", + "\n", + "def mksls(fmt, src, dst=None):\n", + "\n", + "def _pshell(cmd, cwd=None, json_depth=2):\n", + "\n", + "def avail_modules(desc=False):\n", + "\n", + "def list_modules(desc=False):\n", + "\n", + "def install(name, minimum_version=None, required_version=None, scope=None,\n", + "\n", + "def update(name, maximum_version=None, required_version=None):\n", + "\n", + "def remove(name):\n", + "\n", + "def register_repository(name, location, installation_policy=None):\n", + "\n", + "def get_repository(name):\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name, stop=False, path=None):\n", + "\n", + "def running(name, restart=False, path=None):\n", + "\n", + "def stopped(name, kill=False, path=None):\n", + "\n", + "def edited_conf(name, lxc_conf=None, lxc_conf_unset=None):\n", + "\n", + "def generate(extra_mods='', overwrite=False, so_mods='',\n", + "\n", + "def generate_min(extra_mods='', overwrite=False, so_mods='',\n", + "\n", + "def auth(username, password):\n", + "\n", + "def present(name, profile=\"github\", **kwargs):\n", + "\n", + "def absent(name, profile=\"github\", **kwargs):\n", + "\n", + "def team_absent(name, profile=\"github\", **kwargs):\n", + "\n", + "def targets(tgt, tgt_type='glob', **kwargs):\n", + "\n", + "def _render(roster_file, **kwargs):\n", + "\n", + "def _parse_numbers(text):\n", + "\n", + "def _clean_flags(args, caller):\n", + "\n", + "def usage(args=None):\n", + "\n", + "def inodeusage(args=None):\n", + "\n", + "def percent(args=None):\n", + "\n", + "def blkid(device=None, token=None):\n", + "\n", + "def tune(device, **kwargs):\n", + "\n", + "def wipe(device):\n", + "\n", + "def dump(device, args=None):\n", + "\n", + "def resize2fs(device):\n", + "\n", + "def format_(device,\n", + "\n", + "def fstype(device):\n", + "\n", + "def _hdparm(args, failhard=True):\n", + "\n", + "def hdparms(disks, args=None):\n", + "\n", + "def hpa(disks, size=None):\n", + "\n", + "def smart_attributes(dev, attributes=None, values=None):\n", + "\n", + "def iostat(interval=1, count=5, disks=None):\n", + "\n", + "def _iostats_dict(header, stats):\n", + "\n", + "def _iostat_fbsd(interval, count, disks):\n", + "\n", + "def _iostat_aix(interval, count, disks):\n", + "\n", + "def validate(config):\n", + "\n", + "def beacon(config):\n", + "\n", + "def query(url, **kwargs):\n", + "\n", + "def wait_for_successful_query(url, wait_for=300, **kwargs):\n", + "\n", + "def update_ca_bundle(target=None, source=None, merge_files=None):\n", + "\n", + "def exists(name=None, region=None, key=None, keyid=None, profile=None,\n", + "\n", + "def _split_rules(rules):\n", + "\n", + "def _get_group(conn=None, name=None, vpc_id=None, vpc_name=None, group_id=None,\n", + "\n", + "def get_all_security_groups(groupnames=None, group_ids=None, filters=None,\n", + "\n", + "def get_group_id(name, vpc_id=None, vpc_name=None, region=None, key=None,\n", + "\n", + "def convert_to_group_ids(groups, vpc_id=None, vpc_name=None, region=None, key=None,\n", + "\n", + "def get_config(name=None, group_id=None, region=None, key=None, keyid=None,\n", + "\n", + "def create(name, description, vpc_id=None, vpc_name=None, region=None, key=None,\n", + "\n", + "def delete(name=None, group_id=None, region=None, key=None, keyid=None,\n", + "\n", + "def authorize(name=None, source_group_name=None,\n", + "\n", + "def _find_vpcs(vpc_id=None, vpc_name=None, cidr=None, tags=None,\n", + "\n", + "def set_tags(tags,\n", + "\n", + "def delete_tags(tags,\n", + "\n", + "def list_upgrades(refresh=True, root=None, **kwargs):\n", + "\n", + "def info_available(*names, **kwargs):\n", + "\n", + "def version_cmp(ver1, ver2, ignore_epoch=False, **kwargs):\n", + "\n", + "def list_pkgs(versions_as_list=False, root=None, includes=None, **kwargs):\n", + "\n", + "def list_repo_pkgs(*args, **kwargs):\n", + "\n", + " def _is_match(pkgname):\n", + "\n", + "def _get_configured_repos(root=None):\n", + "\n", + "def _get_repo_info(alias, repos_cfg=None, root=None):\n", + "\n", + "def list_repos(root=None, **kwargs):\n", + "\n", + "def del_repo(repo, root=None):\n", + "\n", + "def mod_repo(repo, **kwargs):\n", + "\n", + "def refresh_db(root=None):\n", + "\n", + "def _find_types(pkgs):\n", + "\n", + "def install(name=None,\n", + "\n", + "def upgrade(refresh=True,\n", + "\n", + "def _uninstall(name=None, pkgs=None, root=None):\n", + "\n", + "def list_locks(root=None):\n", + "\n", + "def clean_locks(root=None):\n", + "\n", + "def unhold(name=None, pkgs=None, **kwargs):\n", + "\n", + "def hold(name=None, pkgs=None, **kwargs):\n", + "\n", + "def _get_patterns(installed_only=None, root=None):\n", + "\n", + "def list_patterns(refresh=False, root=None):\n", + "\n", + "def search(criteria, refresh=False, **kwargs):\n", + "\n", + "def _get_first_aggregate_text(node_list):\n", + "\n", + "def list_products(all=False, refresh=False, root=None):\n", + "\n", + "def download(*packages, **kwargs):\n", + "\n", + "def _get_patches(installed_only=False, root=None):\n", + "\n", + "def list_patches(refresh=False, root=None, **kwargs):\n", + "\n", + "def list_provides(root=None, **kwargs):\n", + "\n", + "def resolve_capabilities(pkgs, refresh=False, root=None, **kwargs):\n", + "\n", + "def _reset(self):\n", + "\n", + "def _is_error(self):\n", + "\n", + "def _is_xml_mode(self):\n", + "\n", + "def _check_result(self):\n", + "\n", + "def __call(self, *args, **kwargs):\n", + "\n", + "def _get_available_versions(self):\n", + "\n", + "def _get_scope_versions(self, pkg_versions):\n", + "\n", + "def _set_version(self, version):\n", + "\n", + "def _cleanup():\n", + "\n", + "def sendline(self, data, linesep=os.linesep):\n", + "\n", + "def recv(self, maxsize=None):\n", + "\n", + "def close(self, terminate=True, kill=False):\n", + "\n", + "def present(name, provider):\n", + "\n", + "def absent(name, provider):\n", + "\n", + "def __connect(hostname, timeout=20, username=None, password=None):\n", + "\n", + "def __version(client):\n", + "\n", + "def pxe(hostname, timeout=20, username=None, password=None):\n", + "\n", + "def reboot(hostname, timeout=20, username=None, password=None):\n", + "\n", + "def version(hostname, timeout=20, username=None, password=None):\n", + "\n", + "def beacon(config):\n", + "\n", + "def get(key, default='', delimiter=':'):\n", + "\n", + "def reissue(csr_file,\n", + "\n", + "def renew(years, certificate_id, certificate_type, promotion_code=None):\n", + "\n", + "def create(years, certificate_type, promotion_code=None, sans_to_add=None):\n", + "\n", + "def parse_csr(csr_file, certificate_type, http_dc_validation=False):\n", + "\n", + "def get_list(**kwargs):\n", + "\n", + "def get_info(certificate_id, returncertificate=False, returntype=None):\n", + "\n", + "def _check_cron(user,\n", + "\n", + "def _check_cron_env(user,\n", + "\n", + "def _get_cron_info():\n", + "\n", + "def present(name,\n", + "\n", + "def absent(name,\n", + "\n", + "def file(name,\n", + "\n", + "def env_present(name,\n", + "\n", + "def env_absent(name,\n", + "\n", + "def _format_host(host, data, indent_level=1):\n", + "\n", + " def _counts(label, count):\n", + "\n", + "def _nested_changes(changes):\n", + "\n", + "def _format_changes(changes, orchestration=False):\n", + "\n", + "def _format_terse(tcolor, comps, ret, colors, tabular):\n", + "\n", + "def mod_watch(name, sfun, **kwargs):\n", + "\n", + "def _get_none_or_value(value):\n", + "\n", + "def _get_return_dict(success=True, data=None, errors=None, warnings=None):\n", + "\n", + "def _update_return_dict(ret, success, data, errors=None, warnings=None):\n", + "\n", + "def _format_url(handler, host=None, core_name=None, extra=None):\n", + "\n", + "def _auth(url):\n", + "\n", + "def _http_request(url, request_timeout=None):\n", + "\n", + "def _replication_request(command, host=None, core_name=None, params=None):\n", + "\n", + "def _get_admin_info(command, host=None, core_name=None):\n", + "\n", + "def _merge_options(options):\n", + "\n", + "def _pre_index_check(handler, host=None, core_name=None):\n", + "\n", + "def _find_value(ret_dict, key, path=None):\n", + "\n", + "def lucene_version(core_name=None):\n", + "\n", + "def version(core_name=None):\n", + "\n", + "def optimize(host=None, core_name=None):\n", + "\n", + "def ping(host=None, core_name=None):\n", + "\n", + "def is_replication_enabled(host=None, core_name=None):\n", + "\n", + " def _checks(ret, success, resp, core):\n", + "\n", + "def match_index_versions(host=None, core_name=None):\n", + "\n", + " def _match(ret, success, resp, core):\n", + "\n", + "def replication_details(host=None, core_name=None):\n", + "\n", + "def backup(host=None, core_name=None, append_core_to_path=False):\n", + "\n", + "def set_is_polling(polling, host=None, core_name=None):\n", + "\n", + "def set_replication_enabled(status, host=None, core_name=None):\n", + "\n", + "def signal(signal=None):\n", + "\n", + "def reload_core(host=None, core_name=None):\n", + "\n", + "def reload_import_config(handler, host=None, core_name=None, verbose=False):\n", + "\n", + "def full_import(handler, host=None, core_name=None, options=None, extra=None):\n", + "\n", + "def import_status(handler, host=None, core_name=None, verbose=False):\n", + "\n", + "def timing(function):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def memoize(func):\n", + "\n", + " def _memoize(*args, **kwargs):\n", + "\n", + "def ignores_kwargs(*kwarg_names):\n", + "\n", + " def _ignores_kwargs(fn):\n", + "\n", + " def __ignores_kwargs(*args, **kwargs):\n", + "\n", + "def ensure_unicode_args(function):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def external(func):\n", + "\n", + " def f(*args, **kwargs):\n", + "\n", + "def enforce_dependencies(cls, functions, kind):\n", + "\n", + "def _get_args(self, kwargs):\n", + "\n", + "def _call_function(self, kwargs):\n", + "\n", + "def _set_function(self, function):\n", + "\n", + "def _is_used_deprecated(self):\n", + "\n", + "def top(**kwargs):\n", + "\n", + "def revdep_rebuild(lib=None):\n", + "\n", + "def _pretty_size(size):\n", + "\n", + "def _parse_exclude(exclude_file):\n", + "\n", + "def eclean_dist(destructive=False, package_names=False, size_limit=0,\n", + "\n", + " def _eclean_progress_controller(size, key, *args):\n", + "\n", + "def eclean_pkg(destructive=False, package_names=False, time_limit=0,\n", + "\n", + " def _eclean_progress_controller(size, key, *args):\n", + "\n", + "def _glsa_list_process_output(output):\n", + "\n", + "def glsa_check_list(glsa_list):\n", + "\n", + "def summary(svc_name=''):\n", + "\n", + "def status(svc_name=''):\n", + "\n", + "def id_(reset=False):\n", + "\n", + "def search_onfail_requisites(sid, highstate):\n", + "\n", + "def check_onfail_requisites(state_id, state_result, running, highstate):\n", + "\n", + "def check_result(running, recurse=False, highstate=None):\n", + "\n", + "def merge_subreturn(original_return, sub_return, subkey=None):\n", + "\n", + " def state_func(name, config, alarm=None):\n", + "\n", + "def get_sls_opts(opts, **kwargs):\n", + "\n", + "def check_site_enabled(site):\n", + "\n", + "def a2dissite(site):\n", + "\n", + "def check_mod_enabled(mod):\n", + "\n", + "def a2enmod(mod):\n", + "\n", + "def check_conf_enabled(conf):\n", + "\n", + "def a2enconf(conf):\n", + "\n", + "def stats(socket):\n", + "\n", + "def _find_credentials():\n", + "\n", + "def _grains():\n", + "\n", + "def list_containers(profile, **libcloud_kwargs):\n", + "\n", + "def list_container_objects(container_name, profile, **libcloud_kwargs):\n", + "\n", + "def create_container(container_name, profile, **libcloud_kwargs):\n", + "\n", + "def get_container_object(container_name, object_name, profile, **libcloud_kwargs):\n", + "\n", + "def download_object(container_name, object_name, destination_path, profile,\n", + "\n", + "def upload_object(file_path, container_name, object_name, profile, extra=None,\n", + "\n", + "def delete_object(container_name, object_name, profile, **libcloud_kwargs):\n", + "\n", + "def delete_container(container_name, profile, **libcloud_kwargs):\n", + "\n", + "def _get_token_and_url_from_master():\n", + "\n", + "def get_vault_connection():\n", + "\n", + " def _use_local_config():\n", + "\n", + "def make_request(method, resource, token=None, vault_url=None, get_token_url=False, **args):\n", + "\n", + "def loadavg(name, maximum=None, minimum=None):\n", + "\n", + "def process(name):\n", + "\n", + "def tuned(name, **kwargs):\n", + "\n", + "def formatted(name, fs_type='ext4', force=False, **kwargs):\n", + "\n", + "def _checkblk(name):\n", + "\n", + "def remove_config(chassis_id=None,\n", + "\n", + "def keygen(sk_file=None, pk_file=None, **kwargs):\n", + "\n", + "def enc(data, **kwargs):\n", + "\n", + "def enc_file(name, out=None, **kwargs):\n", + "\n", + "def dec(data, **kwargs):\n", + "\n", + "def dec_file(name, out=None, **kwargs):\n", + "\n", + "def sealedbox_encrypt(data, **kwargs):\n", + "\n", + "def sealedbox_decrypt(data, **kwargs):\n", + "\n", + "def secretbox_encrypt(data, **kwargs):\n", + "\n", + "def secretbox_decrypt(data, **kwargs):\n", + "\n", + "def _get_job_results(query=None):\n", + "\n", + "def deactivate_license(key_name=None):\n", + "\n", + "def download_software_file(filename=None, synch=False):\n", + "\n", + "def download_software_version(version=None, synch=False):\n", + "\n", + "def get_jobs(state='all'):\n", + "\n", + "def get_local_admins():\n", + "\n", + "def get_uncommitted_changes():\n", + "\n", + "def install_antivirus(version=None, latest=False, synch=False, skip_commit=False,):\n", + "\n", + "def refresh_fqdn_cache(force=False):\n", + "\n", + "def resolve_address(address=None, vsys=None):\n", + "\n", + "def set_authentication_profile(profile=None, deploy=False):\n", + "\n", + "def set_hostname(hostname=None, deploy=False):\n", + "\n", + "def set_management_icmp(enabled=True, deploy=False):\n", + "\n", + "def set_ntp_authentication(target=None,\n", + "\n", + "def set_ntp_servers(primary_server=None, secondary_server=None, deploy=False):\n", + "\n", + "def set_permitted_ip(address=None, deploy=False):\n", + "\n", + "def set_timezone(tz=None, deploy=False):\n", + "\n", + "def policy_present(name, rules):\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def _layout_to_vdev(layout, device_dir=None):\n", + "\n", + "def present(name, properties=None, filesystem_properties=None, layout=None, config=None):\n", + "\n", + "def absent(name, export=False, force=False):\n", + "\n", + "def booted(context=None):\n", + "\n", + "def version(context=None):\n", + "\n", + "def has_scope(context=None):\n", + "\n", + "def _get_conn():\n", + "\n", + "def _format_job_instance(job):\n", + "\n", + "def _gen_jid(cur):\n", + "\n", + "def prep_jid(nocache=False, passed_jid=None):\n", + "\n", + "def returner(load):\n", + "\n", + "def event_return(events):\n", + "\n", + "def save_load(jid, clear_load, minions=None):\n", + "\n", + "def _escape_jid(jid):\n", + "\n", + "def _build_dict(data):\n", + "\n", + "def get_load(jid):\n", + "\n", + "def get_jid(jid):\n", + "\n", + "def get_jids():\n", + "\n", + "def login_failures(user):\n", + "\n", + "def unlock(user):\n", + "\n", + "def create_alert(name=None, api_key=None, reason=None, action_type=\"Create\"):\n", + "\n", + "def close_alert(name=None, api_key=None, reason=\"Conditions are met.\",\n", + "\n", + "def _expand_probes(probes, defaults):\n", + "\n", + "def _clean_probes(probes):\n", + "\n", + "def _compare_probes(configured_probes, expected_probes):\n", + "\n", + "def managed(name, probes, defaults=None):\n", + "\n", + "def returner(ret):\n", + "\n", + "def event_return(events):\n", + "\n", + "def _render_tab(lst):\n", + "\n", + "def write_incron_file(user, path):\n", + "\n", + "def write_incron_file_verbose(user, path):\n", + "\n", + "def _write_incron_lines(user, lines):\n", + "\n", + "def _write_file(folder, filename, data):\n", + "\n", + "def _read_file(folder, filename):\n", + "\n", + "def raw_incron(user):\n", + "\n", + "def list_tab(user):\n", + "\n", + "def set_job(user, path, mask, cmd):\n", + "\n", + "def rm_job(user,\n", + "\n", + "def start(nick, host, port=6667, username=None, password=None, channels=None, use_ssl=False, use_sasl=False,\n", + "\n", + "def check_mod_enabled(mod):\n", + "\n", + "def create_alias(alias_name, target_key_id, region=None, key=None, keyid=None,\n", + "\n", + "def create_grant(key_id, grantee_principal, retiring_principal=None,\n", + "\n", + "def create_key(policy=None, description=None, key_usage=None, region=None,\n", + "\n", + "def decrypt(ciphertext_blob, encryption_context=None, grant_tokens=None,\n", + "\n", + "def key_exists(key_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def _get_key_id(alias, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def disable_key(key_id, region=None, key=None, keyid=None, profile=None):\n", + "\n", + "def encrypt(key_id, plaintext, encryption_context=None, grant_tokens=None,\n", + "\n", + "def generate_data_key(key_id, encryption_context=None, number_of_bytes=None,\n", + "\n", + "def generate_random(number_of_bytes=None, region=None, key=None, keyid=None,\n", + "\n", + "def get_key_policy(key_id, policy_name, region=None, key=None, keyid=None,\n", + "\n", + "def get_key_rotation_status(key_id, region=None, key=None, keyid=None,\n", + "\n", + "def list_grants(key_id, limit=None, marker=None, region=None, key=None,\n", + "\n", + "def list_key_policies(key_id, limit=None, marker=None, region=None, key=None,\n", + "\n", + "def put_key_policy(key_id, policy_name, policy, region=None, key=None,\n", + "\n", + "def re_encrypt(ciphertext_blob, destination_key_id,\n", + "\n", + "def revoke_grant(key_id, grant_id, region=None, key=None, keyid=None,\n", + "\n", + "def _makepretty(printout, stack):\n", + "\n", + "def _handle_sigusr1(sig, stack):\n", + "\n", + "def _handle_sigusr2(sig, stack):\n", + "\n", + "def enable_sig_handler(signal_name, handler):\n", + "\n", + "def caller_name(skip=2, include_lineno=False):\n", + "\n", + "def image_running(name, system_image, kickstart_image=None, issu=True, **kwargs):\n", + "\n", + "def WaitForTasks(tasks, si):\n", + "\n", + "def checksum(value):\n", + "\n", + "def binary(self, length=(1 * 1024 * 1024)):\n", + "\n", + "def md5(self, raw_output=False):\n", + "\n", + "def uuid4(self, cast_to=str):\n", + "\n", + "def checksum_identity_card_number(characters):\n", + "\n", + "def identity_card_number(self):\n", + "\n", + "def execute_from_command_line(argv=None):\n", + "\n", + "def execute(self):\n", + "\n", + "def _check_digit(self):\n", + "\n", + "def _is_catch_phrase_valid(self, catch_phrase):\n", + "\n", + "def siret(self, max_sequential_digits=2):\n", + "\n", + "def remove_accents(value):\n", + "\n", + " def replace_accented_character(match):\n", + "\n", + "def latinize(value):\n", + "\n", + " def replace_double_character(match):\n", + "\n", + " def replace_greek_character(match):\n", + "\n", + "def ssn(self):\n", + "\n", + "def words(self, nb=3, ext_word_list=None, unique=False):\n", + "\n", + "def sentence(self, nb_words=6, variable_nb_words=True, ext_word_list=None):\n", + "\n", + "def sentences(self, nb=3, ext_word_list=None):\n", + "\n", + "def paragraphs(self, nb=3, ext_word_list=None):\n", + "\n", + "def text(self, max_nb_chars=200, ext_word_list=None):\n", + "\n", + "def city(self):\n", + "\n", + "def street_name(self):\n", + "\n", + "def street_address(self):\n", + "\n", + "def address(self):\n", + "\n", + "def slugify(value, allow_dots=False, allow_unicode=False):\n", + "\n", + "def ban(self):\n", + "\n", + "def postcode(self):\n", + "\n", + "def postcode(self):\n", + "\n", + "def regon_checksum(digits):\n", + "\n", + "def local_regon_checksum(digits):\n", + "\n", + "def company_vat_checksum(digits):\n", + "\n", + "def regon(self):\n", + "\n", + "def local_regon(self):\n", + "\n", + "def company_vat(self):\n", + "\n", + "def checksum(digits):\n", + "\n", + "def rg(self):\n", + "\n", + "def _body(self):\n", + "\n", + "def _registrant_publication(reg_pub, rules):\n", + "\n", + "def ssn(self):\n", + "\n", + "def state_abbr(self, include_territories=True):\n", + "\n", + "def pystr(self, min_chars=None, max_chars=20):\n", + "\n", + "def pydict(self, nb_elements=10, variable_nb_elements=True, *value_types):\n", + "\n", + "def postcode(self):\n", + "\n", + "def ssn(self, dob=None, gender=None):\n", + "\n", + "def postcode_in_state(self, state_abbr=None):\n", + "\n", + "def ssn(self):\n", + "\n", + " def _checksum(digits):\n", + "\n", + "def checksum(digits):\n", + "\n", + "def checksum(digits):\n", + "\n", + "def ssn(self, min_age=16, max_age=90):\n", + "\n", + "def coordinate(self, center=None, radius=0.001):\n", + "\n", + "def local_latlng(self, country_code='US', coords_only=False):\n", + "\n", + "def location_on_land(self, coords_only=False):\n", + "\n", + "def checksum(digits):\n", + "\n", + "def calculate_month(birth_date):\n", + "\n", + "def ssn(self):\n", + "\n", + "def ssn(self):\n", + "\n", + " def _checksum(digits):\n", + "\n", + "def vat_id(self):\n", + "\n", + " def _checksum(digits):\n", + "\n", + "def random_int(self, min=0, max=9999, step=1):\n", + "\n", + "def random_digit_or_empty(self):\n", + "\n", + "def random_digit_not_null_or_empty(self):\n", + "\n", + "def random_number(self, digits=None, fix_len=False):\n", + "\n", + "def random_letter(self):\n", + "\n", + "def random_letters(self, length=16):\n", + "\n", + "def random_choices(self, elements=('a', 'b', 'c'), length=None):\n", + "\n", + "def random_sample(self, elements=('a', 'b', 'c'), length=None):\n", + "\n", + "def numerify(self, text='###'):\n", + "\n", + "def lexify(self, text='????', letters=string.ascii_letters):\n", + "\n", + "def bothify(self, text='## ??', letters=string.ascii_letters):\n", + "\n", + "def hexify(self, text='^^^^', upper=False):\n", + "\n", + "def checksum(digits, scale):\n", + "\n", + "def ssn(self, dob=None, gender=None):\n", + "\n", + "def nie(self):\n", + "\n", + "def nif(self):\n", + "\n", + "def cif(self):\n", + "\n", + "def doi(self):\n", + "\n", + "def _calculate_control_cif(cls, cif):\n", + "\n", + "def ssn(self, min_age=0, max_age=105, artificial=False):\n", + "\n", + " def _checksum(hetu):\n", + "\n", + "def _get_century_code(year):\n", + "\n", + "def ssn(self, min_age=18, max_age=90):\n", + "\n", + " def _luhn_checksum(number):\n", + "\n", + " def digits_of(n):\n", + "\n", + " def _calculate_luhn(partial_number):\n", + "\n", + "def simple_profile(self, sex=None):\n", + "\n", + "def profile(self, fields=None, sex=None):\n", + "\n", + "def name(self):\n", + "\n", + "def new_datetime(d):\n", + "\n", + "def company(self):\n", + "\n", + "def catch_phrase(self):\n", + "\n", + "def bs(self):\n", + "\n", + "def mime_type(self, category=None):\n", + "\n", + "def file_name(self, category=None, extension=None):\n", + "\n", + "def file_extension(self, category=None):\n", + "\n", + "def file_path(self, depth=1, category=None, extension=None):\n", + "\n", + "def unix_device(self, prefix=None):\n", + "\n", + "def unix_partition(self, prefix=None):\n", + "\n", + "def itin(self):\n", + "\n", + "def ein(self):\n", + "\n", + "def ssn(self, taxpayer_identification_number_type=SSN_TYPE):\n", + "\n", + "def catch_phrase(self):\n", + "\n", + "def ide(self):\n", + "\n", + " def _checksum(digits):\n", + "\n", + "def unix_time(self, end_datetime=None, start_datetime=None):\n", + "\n", + "def time_delta(self, end_datetime=None):\n", + "\n", + "def date_time(self, tzinfo=None, end_datetime=None):\n", + "\n", + "def date_time_ad(self, tzinfo=None, end_datetime=None, start_datetime=None):\n", + "\n", + "def iso8601(self, tzinfo=None, end_datetime=None):\n", + "\n", + "def date(self, pattern='%Y-%m-%d', end_datetime=None):\n", + "\n", + "def time(self, pattern='%H:%M:%S', end_datetime=None):\n", + "\n", + "def date_time_between(self, start_date='-30y', end_date='now', tzinfo=None):\n", + "\n", + "def date_between(self, start_date='-30y', end_date='today'):\n", + "\n", + "def future_datetime(self, end_date='+30d', tzinfo=None):\n", + "\n", + "def past_datetime(self, start_date='-30d', tzinfo=None):\n", + "\n", + "def date_this_century(self, before_today=True, after_today=False):\n", + "\n", + "def date_this_decade(self, before_today=True, after_today=False):\n", + "\n", + "def date_this_year(self, before_today=True, after_today=False):\n", + "\n", + "def date_this_month(self, before_today=True, after_today=False):\n", + "\n", + "def date_of_birth(self, tzinfo=None, minimum_age=0, maximum_age=115):\n", + "\n", + "def add_dicts(*args):\n", + "\n", + "def credit_card_provider(self, card_type=None):\n", + "\n", + "def credit_card_number(self, card_type=None):\n", + "\n", + "def credit_card_security_code(self, card_type=None):\n", + "\n", + "def _credit_card_type(self, card_type=None):\n", + "\n", + "def _generate_number(self, prefix, length):\n", + "\n", + "def company_business_id(self):\n", + "\n", + " def calculate_checksum(number):\n", + "\n", + "def ssn(self):\n", + "\n", + " def _checksum(digits):\n", + "\n", + "def land_address(self):\n", + "\n", + "def road_address(self):\n", + "\n", + "def address_detail(self):\n", + "\n", + "def road(self):\n", + "\n", + "def city(self):\n", + "\n", + "def town(self):\n", + "\n", + "def building_name(self):\n", + "\n", + "def checksum(sin):\n", + "\n", + "def hostname(self, levels=1):\n", + "\n", + "def domain_name(self, levels=1):\n", + "\n", + "def url(self, schemes=None):\n", + "\n", + "def _random_ipv4_address_from_subnet(self, subnet, network=False):\n", + "\n", + "def _exclude_ipv4_networks(self, networks, networks_to_exclude):\n", + "\n", + " def _exclude_ipv4_network(network):\n", + "\n", + "def ipv4(self, network=False, address_class=None, private=None):\n", + "\n", + "def ipv4_private(self, network=False, address_class=None):\n", + "\n", + "def ipv4_public(self, network=False, address_class=None):\n", + "\n", + "def ipv6(self, network=False):\n", + "\n", + "def image_url(self, width=None, height=None):\n", + "\n", + "def seed_instance(self, seed=None):\n", + "\n", + "def format(self, formatter, *args, **kwargs):\n", + "\n", + "def _alias_analysis(self, mock_sp=True, mock_bp=True):\n", + "\n", + "def _slice(self):\n", + "\n", + "def prepare_function_symbol(self, symbol_name, basic_addr=None):\n", + "\n", + "def initialize_segment_register_x64(self, state, concrete_target):\n", + "\n", + "def initialize_gdt_x86(self,state,concrete_target):\n", + "\n", + "def merge(self, other):\n", + "\n", + "def new_array(state, element_type, size):\n", + "\n", + "def _convert_claripy_bool_ast(self, cond):\n", + "\n", + "def _extract_jump_targets(stmt):\n", + "\n", + "def malloc(self, sim_size):\n", + "\n", + "def calloc(self, sim_nmemb, sim_size):\n", + "\n", + "def realloc(self, ptr, size):\n", + "\n", + "def set_stack(self, stack_dump, stack_top):\n", + "\n", + "def set_heap(self, heap_dump, heap_base):\n", + "\n", + "def set_data(self, addr, data_dump):\n", + "\n", + "def set_regs(self, regs_dump):\n", + "\n", + "def _adjust_regs(self):\n", + "\n", + "def _parse_loop_graph(self, subg, bigg):\n", + "\n", + "def _parse_loops_from_graph(self, graph):\n", + "\n", + "def get_ref(cls, state, obj_alloc_id, field_class_name, field_name, field_type):\n", + "\n", + "def _euclidean_dist(vector_a, vector_b):\n", + "\n", + "def _get_closest_matches(input_attributes, target_attributes):\n", + "\n", + "def _levenshtein_distance(s1, s2):\n", + "\n", + "def _normalized_levenshtein_distance(s1, s2, acceptable_differences):\n", + "\n", + "def _is_better_match(x, y, matched_a, matched_b, attributes_dict_a, attributes_dict_b):\n", + "\n", + "def differing_constants(block_a, block_b):\n", + "\n", + "def probably_identical(self):\n", + "\n", + "def identical_blocks(self):\n", + "\n", + "def differing_blocks(self):\n", + "\n", + "def blocks_with_differing_constants(self):\n", + "\n", + "def block_similarity(self, block_a, block_b):\n", + "\n", + "def blocks_probably_identical(self, block_a, block_b, check_constants=False):\n", + "\n", + "def _compute_block_attributes(function):\n", + "\n", + "def _distances_from_function_exit(function):\n", + "\n", + "def _compute_diff(self):\n", + "\n", + "def _get_block_matches(self, attributes_a, attributes_b, filter_set_a=None, filter_set_b=None, delta=(0, 0, 0),\n", + "\n", + "def functions_probably_identical(self, func_a_addr, func_b_addr, check_consts=False):\n", + "\n", + "def identical_functions(self):\n", + "\n", + "def differing_functions(self):\n", + "\n", + "def differing_functions_with_consts(self):\n", + "\n", + "def differing_blocks(self):\n", + "\n", + "def identical_blocks(self):\n", + "\n", + "def blocks_with_differing_constants(self):\n", + "\n", + "def get_function_diff(self, function_addr_a, function_addr_b):\n", + "\n", + "def _compute_function_attributes(cfg):\n", + "\n", + "def _get_function_matches(attributes_a, attributes_b, filter_set_a=None, filter_set_b=None):\n", + "\n", + "def load_shellcode(shellcode, arch, start_offset=0, load_address=0):\n", + "\n", + "def _register_object(self, obj, sim_proc_arch):\n", + "\n", + "def _guess_simprocedure(self, f, hint):\n", + "\n", + "def _check_user_blacklists(self, f):\n", + "\n", + "def hook(self, addr, hook=None, length=0, kwargs=None, replace=False):\n", + "\n", + " def my_hook(state):\n", + "\n", + "def hooked_by(self, addr):\n", + "\n", + "def unhook(self, addr):\n", + "\n", + "def hook_symbol(self, symbol_name, simproc, kwargs=None, replace=None):\n", + "\n", + "def is_symbol_hooked(self, symbol_name):\n", + "\n", + "def unhook_symbol(self, symbol_name):\n", + "\n", + "def rehook_symbol(self, new_address, symbol_name):\n", + "\n", + "def execute(self, *args, **kwargs):\n", + "\n", + "def _hook_decorator(self, addr, length=0, kwargs=None):\n", + "\n", + " def hook_decorator(func):\n", + "\n", + "def is_java_project(self):\n", + "\n", + "def is_java_jni_project(self):\n", + "\n", + "def register_preset(cls, name, preset):\n", + "\n", + "def use_plugin_preset(self, preset):\n", + "\n", + "def discard_plugin_preset(self):\n", + "\n", + "def get_plugin(self, name):\n", + "\n", + "def register_plugin(self, name, plugin):\n", + "\n", + "def release_plugin(self, name):\n", + "\n", + "def copy(self):\n", + "\n", + "def _grab_concretization_results(cls, state):\n", + "\n", + "def _should_add_constraints(cls, state):\n", + "\n", + "def allocate(self, sim_size):\n", + "\n", + "def release(self, sim_size):\n", + "\n", + "def get_function_name(s):\n", + "\n", + "def convert_cproto_to_py(c_decl):\n", + "\n", + "def set_prev_freeness(self, is_free):\n", + "\n", + "def is_prev_free(self):\n", + "\n", + " def sym_flag_handler(flag):\n", + "\n", + "def prev_size(self):\n", + "\n", + "def next_chunk(self):\n", + "\n", + " def sym_base_handler(base):\n", + "\n", + "def prev_chunk(self):\n", + "\n", + "def fwd_chunk(self):\n", + "\n", + "def chunk_from_mem(self, ptr):\n", + "\n", + "def _find_bck(self, chunk):\n", + "\n", + "def _set_final_freeness(self, flag):\n", + "\n", + "def _make_chunk_size(self, req_size):\n", + "\n", + "def new_string(state, value):\n", + "\n", + "def strtol_inner(s, state, region, base, signed, read_length=None):\n", + "\n", + "def _load_num_with_prefix(prefix, addr, region, state, base, signed, read_length=None):\n", + "\n", + "def _string_to_int(s, state, region, base, signed, read_length=None):\n", + "\n", + "def _char_to_val(char, base):\n", + "\n", + "def replace(self, startpos, args):\n", + "\n", + "def interpret(self, startpos, args, addr=None, simfd=None):\n", + "\n", + "def _mod_spec(self):\n", + "\n", + "def _all_spec(self):\n", + "\n", + "def _match_spec(self, nugget):\n", + "\n", + "def _get_fmt(self, fmt):\n", + "\n", + "def _sim_atoi_inner(self, str_addr, region, base=10, read_length=None):\n", + "\n", + "def _sim_strlen(self, str_addr):\n", + "\n", + "def _parse(self, fmt_idx):\n", + "\n", + "def _process_value(self, d, from_where):\n", + "\n", + "def set_regs(self):\n", + "\n", + "def get_regs(self):\n", + "\n", + "def _check_registers(self, report=True):\n", + "\n", + "def _track_stack_pointers(self):\n", + "\n", + "def _convert(self, block_node):\n", + "\n", + "def _simplify_blocks(self, stack_pointer_tracker=None):\n", + "\n", + "def _simplify_block(self, ail_block, stack_pointer_tracker=None):\n", + "\n", + "def _simplify_function(self):\n", + "\n", + "def _make_callsites(self, stack_pointer_tracker=None):\n", + "\n", + "def _link_variables_on_block(self, block, kb):\n", + "\n", + "def _link_variables_on_expr(self, variable_manager, block, stmt_idx, stmt, expr):\n", + "\n", + "def get_class(self, class_name, init_class=False, step_func=None):\n", + "\n", + "def get_superclass(self, class_):\n", + "\n", + "def get_class_hierarchy(self, base_class):\n", + "\n", + "def init_class(self, class_, step_func=None):\n", + "\n", + "def _get_irsb(self, v):\n", + "\n", + "def _get_addr(self, v):\n", + "\n", + "def _backward_slice(self):\n", + "\n", + "def pc_calculate_condition_simple(state, cond, cc_op, cc_dep1, cc_dep2, cc_ndep, platform=None):\n", + "\n", + "def _concat_flags(nbits, flags_vec):\n", + "\n", + "def _simplify(self):\n", + "\n", + "def parse(cls, s, **kwargs):\n", + "\n", + "def store_array_elements(self, array, start_idx, data):\n", + "\n", + "def load_array_elements(self, array, start_idx, no_of_elements):\n", + "\n", + "def concretize_store_idx(self, idx, strategies=None):\n", + "\n", + "def concretize_load_idx(self, idx, strategies=None):\n", + "\n", + "def copy(self):\n", + "\n", + "def resume(self, starts=None, max_steps=None):\n", + "\n", + "def remove_cycles(self):\n", + "\n", + "def unroll_loops(self, max_loop_unrolling_times):\n", + "\n", + " def _unroll(graph, loop):\n", + "\n", + "def force_unroll_loops(self, max_loop_unrolling_times):\n", + "\n", + "def immediate_dominators(self, start, target_graph=None):\n", + "\n", + "def immediate_postdominators(self, end, target_graph=None):\n", + "\n", + "def remove_fakerets(self):\n", + "\n", + "def get_topological_order(self, cfg_node):\n", + "\n", + "def get_subgraph(self, starting_node, block_addresses):\n", + "\n", + "def get_function_subgraph(self, start, max_call_depth=None):\n", + "\n", + "def deadends(self):\n", + "\n", + "def _sanitize_parameters(self):\n", + "\n", + "def _job_sorting_key(self, job):\n", + "\n", + "def _pre_analysis(self):\n", + "\n", + "def _job_queue_empty(self):\n", + "\n", + "def _create_initial_state(self, ip, jumpkind):\n", + "\n", + "def _get_one_pending_job(self):\n", + "\n", + "def _process_hints(self, analyzed_addrs):\n", + "\n", + "def _post_analysis(self):\n", + "\n", + "def _get_successors(self, job):\n", + "\n", + "def _post_process_successors(self, input_state, sim_successors, successors):\n", + "\n", + "def _post_handle_job_debug(self, job, successors):\n", + "\n", + "def _iteratively_clean_pending_exits(self):\n", + "\n", + "def _clean_pending_exits(self):\n", + "\n", + "def _handle_successor(self, job, successor, successors):\n", + "\n", + "def _handle_job_without_successors(self, job, irsb, insn_addrs):\n", + "\n", + "def _handle_actions(self, state, current_run, func, sp_addr, accessed_registers):\n", + "\n", + "def _update_function_transition_graph(self, src_node_key, dst_node_key, jumpkind='Ijk_Boring', ins_addr=None,\n", + "\n", + "def _update_function_callsites(self, noreturns):\n", + "\n", + "def _filter_insane_successors(self, successors):\n", + "\n", + "def _remove_non_return_edges(self):\n", + "\n", + "def _convert_indirect_jump_targets_to_states(job, indirect_jump_targets):\n", + "\n", + "def _try_resolving_indirect_jumps(self, sim_successors, cfg_node, func_addr, successors, exception_info, artifacts):\n", + "\n", + "def _backward_slice_indirect(self, cfgnode, sim_successors, current_function_addr):\n", + "\n", + "def _symbolically_back_traverse(self, current_block, block_artifacts, cfg_node):\n", + "\n", + " def __init__(self, reg_offset, info_collection):\n", + "\n", + " def write_persistent_register(self, state_):\n", + "\n", + "def _get_symbolic_function_initial_state(self, function_addr, fastpath_mode_state=None):\n", + "\n", + "def _search_for_function_hints(self, successor_state):\n", + "\n", + "def _get_simsuccessors(self, addr, job, current_function_addr=None):\n", + "\n", + "def _create_new_call_stack(self, addr, all_jobs, job, exit_target, jumpkind):\n", + "\n", + "def _create_cfgnode(self, sim_successors, call_stack, func_addr, block_id=None, depth=None, exception_info=None):\n", + "\n", + "def _detect_loops(self, loop_callback=None):\n", + "\n", + "def _immediate_dominators(self, node, target_graph=None, reverse_graph=False):\n", + "\n", + " def intersect(u_, v_):\n", + "\n", + "def _is_indirect_jump(_, sim_successors):\n", + "\n", + "def _is_address_executable(self, address):\n", + "\n", + "def _get_callsites(self, function_address):\n", + "\n", + "def _get_nx_paths(self, begin, end):\n", + "\n", + "def _quasi_topological_sort(self):\n", + "\n", + "def _reset_state_mode(self, state, mode):\n", + "\n", + "def label_got(self, addr, label):\n", + "\n", + "def name(self):\n", + "\n", + "def is_plt(self):\n", + "\n", + "def assembly(self, comments=False, symbolized=True):\n", + "\n", + "def instruction_addresses(self):\n", + "\n", + "def _output_function_label(self):\n", + "\n", + "def shrink(self, new_size):\n", + "\n", + "def desymbolize(self):\n", + "\n", + "def main_executable_region_limbos_contain(self, addr):\n", + "\n", + "def main_nonexecutable_region_limbos_contain(self, addr, tolerance_before=64, tolerance_after=64):\n", + "\n", + "def add_label(self, name, addr):\n", + "\n", + "def insert_asm(self, addr, asm_code, before_label=False):\n", + "\n", + "def append_procedure(self, name, asm_code):\n", + "\n", + "def remove_cgc_attachments(self):\n", + "\n", + "def remove_unnecessary_stuff(self):\n", + "\n", + "def _initialize(self):\n", + "\n", + "def _cgc_package_list_identifier(self, data_addr, data_size):\n", + "\n", + "def _has_integer_used_as_pointers(self):\n", + "\n", + "def fast_memory_load(self, addr, size, data_type, endness='Iend_LE'):\n", + "\n", + "def merge(self, other, successor=None):\n", + "\n", + "def shallow_reverse(g):\n", + "\n", + "def dfs_back_edges(graph, start_node):\n", + "\n", + " def _dfs_back_edges_core(node):\n", + "\n", + "def compute_dominance_frontier(graph, domtree):\n", + "\n", + "def _graph_successors(self, graph, node):\n", + "\n", + "def _construct(self, graph, entry_node):\n", + "\n", + "def load_all_loggers(self):\n", + "\n", + "def process(self, state, procedure,\n", + "\n", + "def get_default_value(self, state):\n", + "\n", + "def add_function(self, func):\n", + "\n", + "def dbg_repr(self):\n", + "\n", + "def _from_cfg(self, cfg):\n", + "\n", + "def _mark_unknowns(self):\n", + "\n", + "def state_blank(self, flag_page=None, **kwargs):\n", + "\n", + "def _stmt_inside_loop(self, stmt_idx):\n", + "\n", + "def _is_bounded_iterator_based(self):\n", + "\n", + "def kill_definitions(self, atom, code_loc, data=None, dummy=True):\n", + "\n", + "def generate_symbolic_cmd_line_arg(state, max_length=1000):\n", + "\n", + "def state_call(self, addr, *args, **kwargs):\n", + "\n", + "def get_default_value_by_type(type_, state=None):\n", + "\n", + "def cast_primitive(state, value, to_type):\n", + "\n", + "def init_static_field(state, field_class_name, field_name, field_type):\n", + "\n", + "def get_addr_of_native_method(self, soot_method):\n", + "\n", + "def get_native_type(self, java_type):\n", + "\n", + "def get_native_cc(self, func_ty=None):\n", + "\n", + "def fill_symbolic(self):\n", + "\n", + "def fill_from_timestamp(self, ts):\n", + "\n", + "def from_digraph(self, digraph):\n", + "\n", + "def get_whitelisted_statements(self, addr):\n", + "\n", + "def dbg_print_irsb(self, irsb_addr, project=None):\n", + "\n", + "def keep_path(self, path):\n", + "\n", + "def successor_func(self, path):\n", + "\n", + "def to_valueset(self, state):\n", + "\n", + "def map(self, absolute_address, region_id, related_function_address=None):\n", + "\n", + "def unmap_by_address(self, absolute_address):\n", + "\n", + "def absolutize(self, region_id, relative_address):\n", + "\n", + "def relativize(self, absolute_address, target_region_id=None):\n", + "\n", + "def category(self):\n", + "\n", + "def set_state(self, state):\n", + "\n", + "def _convert_to_ast(self, data_e, size_e=None):\n", + "\n", + "def set_stack_address_mapping(self, absolute_address, region_id, related_function_address=None):\n", + "\n", + "def unset_stack_address_mapping(self, absolute_address):\n", + "\n", + "def stack_id(self, function_address):\n", + "\n", + "def store(self, addr, data, size=None, condition=None, add_constraints=None, endness=None, action=None,\n", + "\n", + "def store_cases(self, addr, contents, conditions, fallback=None, add_constraints=None, endness=None, action=None):\n", + "\n", + "def load(self, addr, size=None, condition=None, fallback=None, add_constraints=None, action=None, endness=None,\n", + "\n", + "def find(self, addr, what, max_search=None, max_symbolic_bytes=None, default=None, step=1,\n", + "\n", + "def copy_contents(self, dst, src, size, condition=None, src_memory=None, dst_memory=None, inspect=True,\n", + "\n", + "def _vfg_node(self, addr):\n", + "\n", + "def pp(self, imarks=False):\n", + "\n", + "def _branch(self, live_defs, node, path=\"\"):\n", + "\n", + "def get_abstract_locations(self, addr, size):\n", + "\n", + "def _merge_alocs(self, other_region):\n", + "\n", + "def dbg_print(self, indent=0):\n", + "\n", + "def _region_base(self, region):\n", + "\n", + "def create_region(self, key, state, is_stack, related_function_addr, endness, backer_dict=None):\n", + "\n", + "def _normalize_address(self, region_id, relative_address, target_region=None):\n", + "\n", + "def set_state(self, state):\n", + "\n", + "def get_segments(self, addr, size):\n", + "\n", + "def copy(self, memo):\n", + "\n", + "def merge(self, others, merge_conditions, common_ancestor=None):\n", + "\n", + "def dbg_print(self):\n", + "\n", + "def _initialize_toupper_loc_table(self):\n", + "\n", + "def _extract_args(state, main, argc, argv, init, fini):\n", + "\n", + "def dbg_repr(self, max_display=10):\n", + "\n", + "def dbg_repr_run(self, run_addr):\n", + "\n", + "def annotated_cfg(self, start_point=None):\n", + "\n", + "def is_taint_related_to_ip(self, simrun_addr, stmt_idx, taint_type, simrun_whitelist=None):\n", + "\n", + "def _construct(self, targets, control_flow_slice=False):\n", + "\n", + "def _construct_control_flow_slice(self, simruns):\n", + "\n", + "def _construct_default(self, targets):\n", + "\n", + "def _find_exits(self, src_block, target_block):\n", + "\n", + "def _handle_control_dependence(self, target_node):\n", + "\n", + "def _map_to_cfg(self):\n", + "\n", + "def _pick_statement(self, block_address, stmt_idx):\n", + "\n", + "def _pick_exit(self, block_address, stmt_idx, target_ips):\n", + "\n", + "def _conditional_exits(self, block_addr):\n", + "\n", + "def _normalize_stmt_idx(self, block_addr, stmt_idx):\n", + "\n", + "def _last_branching_statement(statements):\n", + "\n", + "def _get_bb_addr_from_instr(self, instr):\n", + "\n", + "def _handle_uninitialized_read(self, addr, inspect=True, events=True):\n", + "\n", + "def _resolve_access(self, addr, size):\n", + "\n", + "def _single_load(self, addr, offset, size, inspect=True, events=True):\n", + "\n", + "def _single_store(self, addr, offset, size, data):\n", + "\n", + "def changed_bytes(self, other):\n", + "\n", + "def _redundant_stack_variable_removal(self, function, data_graph):\n", + "\n", + "def _register_reallocation(self, function, data_graph):\n", + "\n", + "def initialize_segment_register_x64(self, state, concrete_target):\n", + "\n", + "def initialize_gdt_x86(self, state, concrete_target):\n", + "\n", + "def lookup(self, opaque_ref):\n", + "\n", + "def create_new_reference(self, obj, global_ref=False):\n", + "\n", + "def delete_reference(self, opaque_ref, global_ref=False):\n", + "\n", + "def pop_job(self, returning=True):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def add_returning_function(self, func_addr):\n", + "\n", + "def _calc_entropy(data, size=None):\n", + "\n", + "def _inside_regions(self, address):\n", + "\n", + "def _get_min_addr(self):\n", + "\n", + "def _next_address_in_regions(self, address):\n", + "\n", + "def _next_unscanned_addr(self, alignment=None):\n", + "\n", + "def _next_code_addr_core(self):\n", + "\n", + "def _func_addrs_from_symbols(self):\n", + "\n", + "def _func_addrs_from_prologues(self):\n", + "\n", + "def _scan_block(self, cfg_job):\n", + "\n", + "def _scan_procedure(self, cfg_job, current_func_addr):\n", + "\n", + "def _scan_irsb(self, cfg_job, current_func_addr):\n", + "\n", + "def _create_jobs(self, target, jumpkind, current_function_addr, irsb, addr, cfg_node, ins_addr, stmt_idx):\n", + "\n", + "def _create_job_call(self, addr, irsb, cfg_node, stmt_idx, ins_addr, current_function_addr, target_addr, jumpkind,\n", + "\n", + "def _collect_data_references(self, irsb, irsb_addr):\n", + "\n", + "def _guess_data_type(self, data_addr, max_size, content_holder=None):\n", + "\n", + " def can_decode(n):\n", + "\n", + "def _resolve_plt(self, addr, irsb, indir_jump):\n", + "\n", + "def _indirect_jump_resolved(self, jump, jump_addr, resolved_by, targets):\n", + "\n", + "def _indirect_jump_unresolved(self, jump):\n", + "\n", + "def _remove_redundant_overlapping_blocks(self):\n", + "\n", + "def _remove_node(self, node):\n", + "\n", + "def _shrink_node(self, node, new_size, remove_function=True):\n", + "\n", + "def _analyze_all_function_features(self, all_funcs_completed=False):\n", + "\n", + "def _graph_add_edge(self, cfg_node, src_node, src_jumpkind, src_ins_addr, src_stmt_idx):\n", + "\n", + "def _make_return_edges(self):\n", + "\n", + "def _function_add_node(self, cfg_node, function_addr):\n", + "\n", + "def _function_add_transition_edge(self, dst_addr, src_node, src_func_addr, to_outside=False, dst_func_addr=None,\n", + "\n", + "def _function_add_call_edge(self, addr, src_node, function_addr, syscall=False, stmt_idx=None, ins_addr=None):\n", + "\n", + "def _function_add_fakeret_edge(self, addr, src_node, src_func_addr, confirmed=None):\n", + "\n", + "def _function_add_return_site(self, addr, function_addr):\n", + "\n", + "def _function_add_return_edge(self, return_from_addr, return_to_addr, function_addr):\n", + "\n", + "def _arm_track_lr_on_stack(self, addr, irsb, function):\n", + "\n", + "def _generate_cfgnode(self, cfg_job, current_function_addr):\n", + "\n", + "def generate_code_cover(self):\n", + "\n", + "def se(self):\n", + "\n", + "def addr(self):\n", + "\n", + "def add_constraints(self, *args, **kwargs):\n", + "\n", + "def satisfiable(self, **kwargs):\n", + "\n", + "def block(self, *args, **kwargs):\n", + "\n", + "def copy(self):\n", + "\n", + "def merge(self, *others, **kwargs):\n", + "\n", + "def widen(self, *others):\n", + "\n", + "def reg_concrete(self, *args, **kwargs):\n", + "\n", + "def mem_concrete(self, *args, **kwargs):\n", + "\n", + "def stack_push(self, thing):\n", + "\n", + "def stack_pop(self):\n", + "\n", + "def stack_read(self, offset, length, bp=False):\n", + "\n", + "def _stack_values_to_string(self, stack_values):\n", + "\n", + "def dbg_print_stack(self, depth=None, sp=None):\n", + "\n", + "def _conc_alloc_size(self, sim_size):\n", + "\n", + "def _malloc(self, sim_size):\n", + "\n", + "def _free(self, ptr):\n", + "\n", + "def _calloc(self, sim_nmemb, sim_size):\n", + "\n", + "def _realloc(self, ptr, size):\n", + "\n", + "def _reconnoiter(self):\n", + "\n", + "def parse_stack_pointer(sp):\n", + "\n", + "def get_variable_definitions(self, block_addr):\n", + "\n", + "def _phi_node_contains(self, phi_variable, variable):\n", + "\n", + "def lineage(self, h):\n", + "\n", + "def most_mergeable(self, states):\n", + "\n", + "def process(self, state, *args, **kwargs):\n", + "\n", + "def check(self, state, *args, **kwargs):\n", + "\n", + "def process(self, state,\n", + "\n", + "def get_size(self):\n", + "\n", + "def set_size(self, size):\n", + "\n", + "def data_ptr(self):\n", + "\n", + "def is_free(self):\n", + "\n", + "def next_chunk(self):\n", + "\n", + "def prev_chunk(self):\n", + "\n", + "def fwd_chunk(self):\n", + "\n", + "def set_fwd_chunk(self, fwd):\n", + "\n", + "def bck_chunk(self):\n", + "\n", + "def set_bck_chunk(self, bck):\n", + "\n", + "def chunks(self):\n", + "\n", + "def allocated_chunks(self):\n", + "\n", + "def free_chunks(self):\n", + "\n", + "def chunk_from_mem(self, ptr):\n", + "\n", + "def successors(self, state, addr=None, jumpkind=None, default_engine=False, procedure_engine=False,\n", + "\n", + "def _get_next_code_addr(self, initial_state):\n", + "\n", + "def _symbolic_reconnoiter(self, addr, target_addr, max_depth=10):\n", + "\n", + "def _scan_function_prologues(self, traced_address, function_exits, initial_state):\n", + "\n", + "def _process_indirect_jumps(self):\n", + "\n", + "def _solve_forbase_address(self, function_starts, functions):\n", + "\n", + "def _determinebase_address(self):\n", + "\n", + "def _full_code_scan(self):\n", + "\n", + "def genenare_callmap_sif(self, filepath):\n", + "\n", + "def generate_code_cover(self):\n", + "\n", + "def reload_solver(self, constraints=None):\n", + "\n", + "def get_variables(self, *keys):\n", + "\n", + "def register_variable(self, v, key, eternal=True):\n", + "\n", + "def describe_variables(self, v):\n", + "\n", + "def _solver(self):\n", + "\n", + "def Unconstrained(self, name, bits, uninitialized=True, inspect=True, events=True, key=None, eternal=False, **kwargs):\n", + "\n", + "def BVS(self, name, size,\n", + "\n", + "def eval_to_ast(self, e, n, extra_constraints=(), exact=None):\n", + "\n", + "def _eval(self, e, n, extra_constraints=(), exact=None):\n", + "\n", + "def max(self, e, extra_constraints=(), exact=None):\n", + "\n", + "def solution(self, e, v, extra_constraints=(), exact=None):\n", + "\n", + "def unsat_core(self, extra_constraints=()):\n", + "\n", + "def satisfiable(self, extra_constraints=(), exact=None):\n", + "\n", + "def add(self, *constraints):\n", + "\n", + "def _cast_to(e, solution, cast_to):\n", + "\n", + "def eval_upto(self, e, n, cast_to=None, **kwargs):\n", + "\n", + "def eval_one(self, e, **kwargs):\n", + "\n", + "def eval_atmost(self, e, n, **kwargs):\n", + "\n", + "def unique(self, e, **kwargs):\n", + "\n", + "def single_valued(self, e):\n", + "\n", + "def simplify(self, e=None):\n", + "\n", + "def preconstrain(self, value, variable):\n", + "\n", + "def preconstrain_file(self, content, simfile, set_length=False):\n", + "\n", + "def preconstrain_flag_page(self, magic_content):\n", + "\n", + "def remove_preconstraints(self, to_composite_solver=True, simplify=True):\n", + "\n", + "def reconstrain(self):\n", + "\n", + "def add_ref(self, ref):\n", + "\n", + "def get_any_node(self, addr, is_syscall=None, anyaddr=False, force_fastpath=False):\n", + "\n", + "def get_all_nodes(self, addr, is_syscall=None, anyaddr=False):\n", + "\n", + "def get_predecessors(self, cfgnode, excluding_fakeret=True, jumpkind=None):\n", + "\n", + "def get_successors(self, node, excluding_fakeret=True, jumpkind=None):\n", + "\n", + "def get_successors_and_jumpkind(self, node, excluding_fakeret=True):\n", + "\n", + "def get_all_predecessors(self, cfgnode):\n", + "\n", + "def get_branching_nodes(self):\n", + "\n", + "def get_exit_stmt_idx(self, src_block, dst_block):\n", + "\n", + "def prepare_native_return_state(native_state):\n", + "\n", + "def concretize(self, **kwargs):\n", + "\n", + "def concretize(self, **kwargs):\n", + "\n", + "def read(self, pos, size, **kwargs):\n", + "\n", + "def write(self, pos, data, size=None, events=True, **kwargs):\n", + "\n", + "def read(self, pos, size, **kwargs):\n", + "\n", + "def write(self, pos, size, **kwargs):\n", + "\n", + "def concretize(self, **kwargs):\n", + "\n", + "def get_max_sinkhole(self, length):\n", + "\n", + "def memo(f):\n", + "\n", + " def inner(self, memo=None, **kwargs):\n", + "\n", + "def append_state(self, s, is_widened_state=False):\n", + "\n", + "def _top_function_analysis_task(self):\n", + "\n", + "def get_any_node(self, addr):\n", + "\n", + "def _pre_analysis(self):\n", + "\n", + "def _job_sorting_key(self, job):\n", + "\n", + "def _pre_job_handling(self, job):\n", + "\n", + "def _handle_successor(self, job, successor, all_successors):\n", + "\n", + "def _handle_successor_multitargets(self, job, successor, all_successors):\n", + "\n", + "def _merge_states(self, old_state, new_state):\n", + "\n", + "def _widen_states(old_state, new_state):\n", + "\n", + "def _prepare_initial_state(self, function_start, state):\n", + "\n", + "def _set_return_address(self, state, ret_addr):\n", + "\n", + "def _create_graph(self, return_target_sources=None):\n", + "\n", + " def addr_formalize(addr):\n", + "\n", + "def _graph_get_node(self, block_id, terminator_for_nonexistent_node=False):\n", + "\n", + "def _graph_add_edge(self, src_block_id, dst_block_id, **kwargs):\n", + "\n", + "def _create_new_jobs(self, job, successor, new_block_id, new_call_stack):\n", + "\n", + "def _remove_pending_return(self, job, pending_returns):\n", + "\n", + "def _post_job_handling_debug(self, job, successors):\n", + "\n", + "def _save_function_initial_state(self, function_key, function_address, state):\n", + "\n", + "def _save_function_final_state(self, function_key, function_address, state):\n", + "\n", + "def _get_nx_paths(self, begin, end):\n", + "\n", + "def _merge_points(self, function_address):\n", + "\n", + "def _widening_points(self, function_address):\n", + "\n", + "def _ordered_node_addrs(self, function_address):\n", + "\n", + "def assign(self, dst_addr_ast):\n", + "\n", + "def is_bounded(self, ast):\n", + "\n", + "def resolve(self, cfg, addr, func_addr, block, jumpkind):\n", + "\n", + " def overwrite_tmp_value(state):\n", + "\n", + "def process(self, state, procedure=None, force_addr=None, **kwargs):\n", + "\n", + "def difference(self, boolean_switches):\n", + "\n", + "def tally(self, exclude_false=True, description=False):\n", + "\n", + "def register_option(cls, name, types, default=None, description=None):\n", + "\n", + "def register_bool_option(cls, name, description=None):\n", + "\n", + "def concretize(x, solver, sym_handler):\n", + "\n", + "def _describe_me(self):\n", + "\n", + "def execute(self, state, successors=None, arguments=None, ret_to=None):\n", + "\n", + "def arg(self, i):\n", + "\n", + "def inline_call(self, procedure, *arguments, **kwargs):\n", + "\n", + "def ret(self, expr=None):\n", + "\n", + "def call(self, addr, args, continue_at, cc=None):\n", + "\n", + "def jump(self, addr):\n", + "\n", + "def exit(self, exit_code):\n", + "\n", + "def _explore(self):\n", + "\n", + "def _track(self, state, live_defs):\n", + "\n", + " def _annotate_edges_in_dict(dict_, key, **new_labels):\n", + "\n", + " def _dump_edge_from_dict(dict_, key, del_key=True):\n", + "\n", + "def _def_lookup(self, live_defs, variable):\n", + "\n", + "def _kill(self, live_defs, variable, code_loc):\n", + "\n", + "def _add_edge(self, s_a, s_b, **edge_labels):\n", + "\n", + "def get_all_nodes(self, simrun_addr, stmt_idx):\n", + "\n", + "def vector_args(self, args):\n", + "\n", + "def _op_generic_Clz(self, args):\n", + "\n", + "def _op_generic_Ctz(self, args):\n", + "\n", + "def _op_generic_HAdd(self, args):\n", + "\n", + "def _op_generic_QAdd(self, args):\n", + "\n", + "def _op_generic_pack_StoU_saturation(self, args, src_size, dst_size):\n", + "\n", + "def _scan_block(self, cfg_job):\n", + "\n", + "def _scan_soot_block(self, cfg_job, current_func_addr):\n", + "\n", + "def make_functions(self):\n", + "\n", + "def set_field(self, state, field_name, field_type, value):\n", + "\n", + "def get_field(self, state, field_name, field_type):\n", + "\n", + "def store_field(self, state, field_name, field_type, value):\n", + "\n", + "def load_field(self, state, field_name, field_type):\n", + "\n", + "def new_object(cls, state, type_, symbolic=False, init_object=False):\n", + "\n", + "def configure_project(self):\n", + "\n", + " def irelative_resolver(resolver_addr):\n", + "\n", + "def state_blank(self, addr=None, initial_prefix=None, brk=None, stack_end=None, stack_size=1024*1024*8, stdin=None, **kwargs):\n", + "\n", + "def prepare_call_state(self, calling_state, initial_state=None,\n", + "\n", + "def prepare_function_symbol(self, symbol_name, basic_addr=None):\n", + "\n", + "def setup_gdt(self, state, gdt):\n", + "\n", + "def generate_gdt(self, fs, gs, fs_size=0xFFFFFFFF, gs_size=0xFFFFFFFF):\n", + "\n", + "def define_struct(defn):\n", + "\n", + "def do_preprocess(defn):\n", + "\n", + "def parse_file(defn, preprocess=True):\n", + "\n", + "def parse_type(defn, preprocess=True):\n", + "\n", + "def alignment(self):\n", + "\n", + "def sync(self):\n", + "\n", + " def _sync_segments(state):\n", + "\n", + "def similarity(state_a, state_b):\n", + "\n", + "def sequence_matcher_similarity(state_a, state_b):\n", + "\n", + "def resolve_method(state, method_name, class_name, params=(), ret_type=None,\n", + "\n", + "def _fix_offset(self, state, size, arch=None):\n", + "\n", + "def from_arg_kinds(cls, arch, fp_args, ret_fp=False, sizes=None, sp_delta=None, func_ty=None):\n", + "\n", + "def int_args(self):\n", + "\n", + "def both_args(self):\n", + "\n", + "def fp_args(self):\n", + "\n", + "def is_fp_arg(self, arg):\n", + "\n", + "def stack_space(self, args):\n", + "\n", + "def arg_locs(self, is_fp=None, sizes=None):\n", + "\n", + "def arg(self, state, index, stack_base=None):\n", + "\n", + "def get_args(self, state, is_fp=None, sizes=None, stack_base=None):\n", + "\n", + "def setup_callsite(self, state, ret_addr, args, stack_base=None, alloc_base=None, grow_like_stack=True):\n", + "\n", + "def teardown_callsite(self, state, return_val=None, arg_types=None, force_callee_cleanup=False):\n", + "\n", + "def get_return_val(self, state, is_fp=None, size=None, stack_base=None):\n", + "\n", + "def set_return_val(self, state, val, is_fp=None, size=None, stack_base=None):\n", + "\n", + "def find_cc(arch, args, sp_delta):\n", + "\n", + "def get_arg_info(self, state, is_fp=None, sizes=None):\n", + "\n", + "def add_successor(self, state, target, guard, jumpkind, add_guard=True, exit_stmt_idx=None, exit_ins_addr=None,\n", + "\n", + "def _categorize_successor(self, state):\n", + "\n", + "def _fix_syscall_ip(state):\n", + "\n", + "def _finalize(self):\n", + "\n", + "def _eval_target_jumptable(state, ip, limit):\n", + "\n", + "def _eval_target_brutal(state, ip, limit):\n", + "\n", + "def _repeat_bytes(byt, rep):\n", + "\n", + "def copy(self):\n", + "\n", + "def load_mo(self, state, page_idx):\n", + "\n", + "def load_slice(self, state, start, end):\n", + "\n", + "def load_mo(self, state, page_idx):\n", + "\n", + "def load_slice(self, state, start, end):\n", + "\n", + "def contains_no_backer(self, addr):\n", + "\n", + "def __changed_bytes(self, other):\n", + "\n", + "def _apply_object_to_page(self, page_base, mo, page=None, overwrite=True):\n", + "\n", + "def store_memory_object(self, mo, overwrite=True):\n", + "\n", + "def replace_memory_object(self, old, new_content):\n", + "\n", + "def replace_all(self, old, new):\n", + "\n", + "def addrs_for_name(self, n):\n", + "\n", + "def addrs_for_hash(self, h):\n", + "\n", + "def flush_pages(self, white_list):\n", + "\n", + "def open(self, name, flags, preferred_fd=None):\n", + "\n", + "def get_fd(self, fd):\n", + "\n", + "def close(self, fd):\n", + "\n", + "def sigmask(self, sigsetsize=None):\n", + "\n", + "def sigprocmask(self, how, new_mask, sigsetsize, valid_ptr=True):\n", + "\n", + "def dump_file_by_path(self, path, **kwargs):\n", + "\n", + "def dumps(self, fd, **kwargs):\n", + "\n", + "def to_engine(self, state, extra_stop_points, concretize, timeout):\n", + "\n", + " def timeout_handler():\n", + "\n", + "def check_concrete_target_methods(concrete_target):\n", + "\n", + "def process(self, state,\n", + "\n", + "def _handle_statement(self, state, successors, stmt):\n", + "\n", + "def lift(self,\n", + "\n", + "def _first_stoppoint(self, irsb, extra_stop_points=None):\n", + "\n", + "def _genenare_callmap_sif(self, filepath):\n", + "\n", + "def ceiling_func(self, addr):\n", + "\n", + "def floor_func(self, addr):\n", + "\n", + "def function(self, addr=None, name=None, create=False, syscall=False, plt=None):\n", + "\n", + "def get_dependants(self, run):\n", + "\n", + "def get_guardians(self, run):\n", + "\n", + "def _construct(self):\n", + "\n", + "def _pre_process_cfg(self):\n", + "\n", + "def _post_process(self):\n", + "\n", + "def _pd_post_process(self, cfg):\n", + "\n", + "def make_phi_node(self, block_addr, *variables):\n", + "\n", + "def get_variables(self, sort=None, collapse_same_ident=False):\n", + "\n", + "def get_phi_subvariables(self, var):\n", + "\n", + "def get_phi_variables(self, block_addr):\n", + "\n", + "def input_variables(self, exclude_specials=True):\n", + "\n", + " def has_write_access(accesses):\n", + "\n", + " def has_read_access(accesses):\n", + "\n", + "def assign_variable_names(self):\n", + "\n", + "def get_variable_accesses(self, variable, same_name=False):\n", + "\n", + "def call_c(self, c_args):\n", + "\n", + "def trim(self):\n", + "\n", + "def filter_actions(self, block_addr=None, block_stmt=None, insn_addr=None, read_from=None, write_to=None):\n", + "\n", + " def action_reads(action):\n", + "\n", + " def action_writes(action):\n", + "\n", + "def closest_common_ancestor(self, other):\n", + "\n", + "def constraints_since(self, other):\n", + "\n", + "def count(self, v):\n", + "\n", + "def slice_graph(graph, node, frontier, include_frontier=False):\n", + "\n", + "def condition_to_lambda(condition, default=False):\n", + "\n", + " def condition_function(state):\n", + "\n", + "def _get_persistent_id(self, o):\n", + "\n", + "def is_stored(self, i):\n", + "\n", + "def dumps(self, o):\n", + "\n", + "def loads(self, s):\n", + "\n", + "def get_reg_name(arch, reg_offset):\n", + "\n", + "def _make_regs_symbolic(input_state, reg_list, project):\n", + "\n", + "def make_initial_state(project, stack_length):\n", + "\n", + "def make_symbolic_state(project, reg_list, stack_length=80):\n", + "\n", + "def set_state_options(self, left_add_options=None, left_remove_options=None, right_add_options=None, right_remove_options=None):\n", + "\n", + "def set_states(self, left_state, right_state):\n", + "\n", + "def _validate_incongruency(self):\n", + "\n", + "def run(self, depth=None):\n", + "\n", + "def compare_states(self, sl, sr):\n", + "\n", + "def check(self, state, when):\n", + "\n", + "def fire(self, state):\n", + "\n", + "def action(self, event_type, when, **kwargs):\n", + "\n", + "def make_breakpoint(self, event_type, *args, **kwargs):\n", + "\n", + "def add_breakpoint(self, event_type, bp):\n", + "\n", + "def remove_breakpoint(self, event_type, bp=None, filter_func=None):\n", + "\n", + "def downsize(self):\n", + "\n", + "def syscall(self, state, allow_unsupported=True):\n", + "\n", + "def is_syscall_addr(self, addr):\n", + "\n", + "def syscall_from_addr(self, addr, allow_unsupported=True):\n", + "\n", + "def syscall_from_number(self, number, allow_unsupported=True, abi=None):\n", + "\n", + "def convert_prot(prot):\n", + "\n", + "def copy(self):\n", + "\n", + "def add_def(self, variable, location, size_threshold=32):\n", + "\n", + "def add_defs(self, variable, locations, size_threshold=32):\n", + "\n", + "def kill_def(self, variable, location, size_threshold=32):\n", + "\n", + "def lookup_defs(self, variable, size_threshold=32):\n", + "\n", + "def _to_viewitem(self, prog_var):\n", + "\n", + "def definitions(self):\n", + "\n", + "def pp(self):\n", + "\n", + "def function_dependency_graph(self, func):\n", + "\n", + "def data_sub_graph(self, pv, simplified=True, killing_edges=False, excluding_types=None):\n", + "\n", + "def _construct(self):\n", + "\n", + "def _track(self, state, live_defs, statements):\n", + "\n", + "def _get_register_size(self, reg_offset):\n", + "\n", + "def _get_actual_addrs(action, state):\n", + "\n", + "def _create_memory_variable(self, action, addr, addrs):\n", + "\n", + "def _data_graph_add_edge(self, src, dst, **edge_labels):\n", + "\n", + "def _stmt_graph_add_edge(self, src, dst, **edge_labels):\n", + "\n", + "def _stmt_graph_annotate_edges(self, edges_to_annotate, **new_labels):\n", + "\n", + "def _worklist_append(self, node_wrapper, worklist, worklist_set):\n", + "\n", + "def _build_function_dependency_graphs(self):\n", + "\n", + "def _filter_defs_at_call_sites(self, defs):\n", + "\n", + "def find_definitions(self, variable, location=None, simplified_graph=True):\n", + "\n", + "def find_consumers(self, var_def, simplified_graph=True):\n", + "\n", + "def find_killers(self, var_def, simplified_graph=True):\n", + "\n", + "def find_sources(self, var_def, simplified_graph=True):\n", + "\n", + "def new_array(state, element_type, size, default_value_generator=None):\n", + "\n", + "def _min(self, memory, addr, **kwargs):\n", + "\n", + "def _max(self, memory, addr, **kwargs):\n", + "\n", + "def _any(self, memory, addr, **kwargs):\n", + "\n", + "def _eval(self, memory, addr, n, **kwargs):\n", + "\n", + "def _range(self, memory, addr, **kwargs):\n", + "\n", + "def concretize(self, memory, addr):\n", + "\n", + "def reverse_post_order_sort_nodes(graph, nodes=None):\n", + "\n", + "def quasi_topological_sort_nodes(graph, nodes=None):\n", + "\n", + "def _append_scc(graph, ordered_nodes, scc):\n", + "\n", + "def mulpyplex(self, *stashes):\n", + "\n", + "def use_technique(self, tech):\n", + "\n", + "def remove_technique(self, tech):\n", + "\n", + " def _is_overriden(name):\n", + "\n", + "def explore(self, stash='active', n=None, find=None, avoid=None, find_stash='found', avoid_stash='avoid', cfg=None,\n", + "\n", + "def run(self, stash='active', n=None, until=None, **kwargs):\n", + "\n", + "def complete(self):\n", + "\n", + "def step(self, stash='active', n=None, selector_func=None, step_func=None,\n", + "\n", + "def step_state(self, state, successor_func=None, **run_args):\n", + "\n", + "def successors(self, state, successor_func=None, **run_args):\n", + "\n", + "def prune(self, filter_func=None, from_stash='active', to_stash='pruned'):\n", + "\n", + " def _prune_filter(state):\n", + "\n", + "def move(self, from_stash, to_stash, filter_func=None):\n", + "\n", + "def stash(self, filter_func=None, from_stash='active', to_stash='stashed'):\n", + "\n", + "def unstash(self, filter_func=None, to_stash='active', from_stash='stashed'):\n", + "\n", + "def drop(self, filter_func=None, stash='active'):\n", + "\n", + "def apply(self, state_func=None, stash_func=None, stash='active', to_stash=None):\n", + "\n", + " def _stash_splitter(states):\n", + "\n", + "def split(self, stash_splitter=None, stash_ranker=None, state_ranker=None,\n", + "\n", + "def merge(self, merge_func=None, merge_key=None, stash='active'):\n", + "\n", + "def _merge_states(self, states):\n", + "\n", + "def debug(self):\n", + "\n", + "def complement(self, other):\n", + "\n", + "def _get_cfg_node(cfg, state):\n", + "\n", + "def _dfs_edges(graph, source, max_steps=None):\n", + "\n", + "def check(self, cfg, state, peek_blocks):\n", + "\n", + "def check(self, cfg, state, peek_blocks):\n", + "\n", + "def check_state(self, state):\n", + "\n", + "def _peek_forward(self, simgr):\n", + "\n", + "def _load_fallback_states(self, pg):\n", + "\n", + "def _categorize_states(self, simgr):\n", + "\n", + "def has_xor(self):\n", + "\n", + " def _has_xor(expr):\n", + "\n", + "def has_bitshifts(self):\n", + "\n", + " def _has_bitshifts(expr):\n", + "\n", + "def merge(self, other, replacements=None):\n", + "\n", + "def replace(self, replacements):\n", + "\n", + "def dbg_repr(self):\n", + "\n", + "def add_variable(self, start, variable):\n", + "\n", + "def add_object(self, start, obj, object_size):\n", + "\n", + "def set_variable(self, start, variable):\n", + "\n", + "def set_object(self, start, obj, object_size):\n", + "\n", + "def get_base_addr(self, addr):\n", + "\n", + "def get_variables_by_offset(self, start):\n", + "\n", + "def get_objects_by_offset(self, start):\n", + "\n", + "def _store(self, start, obj, size, overwrite=False):\n", + "\n", + "def __store(self, stored_object, overwrite=False):\n", + "\n", + "def _initialize_progressbar(self):\n", + "\n", + "def _update_progress(self, percentage, **kwargs):\n", + "\n", + "def _finish_progress(self):\n", + "\n", + "def merge(self, other, successor=None):\n", + "\n", + "def _addr_to_stack_offset(self, addr):\n", + "\n", + " def _parse(addr):\n", + "\n", + "def _run_on_node(self, node, state):\n", + "\n", + "def _initialize_cfg(self):\n", + "\n", + "def make_copy(self, copy_to):\n", + "\n", + "def _merge_cfgnodes(self, cfgnode_0, cfgnode_1):\n", + "\n", + "def _to_snippet(self, cfg_node=None, addr=None, size=None, thumb=False, jumpkind=None, base_state=None):\n", + "\n", + "def _arm_thumb_filter_jump_successors(self, addr, size, successors, get_ins_addr, get_exit_stmt_idx):\n", + "\n", + "def _is_region_extremely_sparse(self, start, end, base_state=None):\n", + "\n", + "def _should_skip_region(self, region_start):\n", + "\n", + "def _executable_memory_regions(self, objects=None, force_segment=False):\n", + "\n", + "def _addr_in_exec_memory_regions(self, addr):\n", + "\n", + "def _addrs_belong_to_same_section(self, addr_a, addr_b):\n", + "\n", + "def _addr_hooked_or_syscall(self, addr):\n", + "\n", + "def _fast_memory_load_bytes(self, addr, length):\n", + "\n", + "def _fast_memory_load_pointer(self, addr, size=None):\n", + "\n", + "def _determine_function_returning(self, func, all_funcs_completed=False):\n", + "\n", + "def _analyze_function_features(self, all_funcs_completed=False):\n", + "\n", + "def _iteratively_analyze_function_features(self, all_funcs_completed=False):\n", + "\n", + "def normalize(self):\n", + "\n", + "def _get_finished_functions(self):\n", + "\n", + "def _cleanup_analysis_jobs(self, finished_func_addrs=None):\n", + "\n", + "def _make_completed_functions(self):\n", + "\n", + "def remove_function_alignments(self):\n", + "\n", + "def make_functions(self):\n", + "\n", + "def _process_irrational_functions(self, functions, predetermined_function_addrs, blockaddr_to_function):\n", + "\n", + "def _process_irrational_function_starts(self, functions, predetermined_function_addrs, blockaddr_to_function):\n", + "\n", + "def _addr_to_function(self, addr, blockaddr_to_function, known_functions):\n", + "\n", + "def _is_tail_call_optimization(self, g : networkx.DiGraph, src_addr, dst_addr, src_function, all_edges,\n", + "\n", + " def _has_more_than_one_exit(node_):\n", + "\n", + "def _graph_bfs_custom(self, g, starts, callback, blockaddr_to_function, known_functions, traversed_cfg_nodes=None):\n", + "\n", + "def _graph_traversal_handler(self, g, src, dst, data, blockaddr_to_function, known_functions, all_edges):\n", + "\n", + "def _is_noop_block(arch, block):\n", + "\n", + "def _is_noop_insn(insn):\n", + "\n", + "def _get_nop_length(cls, insns):\n", + "\n", + "def _lift(self, *args, **kwargs):\n", + "\n", + "def _resolve_indirect_jump_timelessly(self, addr, block, func_addr, jumpkind):\n", + "\n", + "def _indirect_jump_resolved(self, jump, jump_addr, resolved_by, targets):\n", + "\n", + "def _indirect_jump_unresolved(self, jump):\n", + "\n", + "def _indirect_jump_encountered(self, addr, cfg_node, irsb, func_addr, stmt_idx=DEFAULT_STATEMENT):\n", + "\n", + "def _process_unresolved_indirect_jumps(self):\n", + "\n", + "def _process_one_indirect_jump(self, jump):\n", + "\n", + "def resolve(self, cfg, addr, func_addr, block, jumpkind):\n", + "\n", + "def _parse_load_statement(load_stmt, state):\n", + "\n", + "def _search(self, addr):\n", + "\n", + "def _insert_and_merge(self, address, size, sort, idx):\n", + "\n", + "def _insert_and_merge_core(self, pos, direction):\n", + "\n", + "def _dbg_output(self):\n", + "\n", + "def _debug_check(self):\n", + "\n", + "def next_free_pos(self, address):\n", + "\n", + "def next_pos_with_sort_not_in(self, address, sorts, max_distance=None):\n", + "\n", + "def is_occupied(self, address):\n", + "\n", + "def occupied_by_sort(self, address):\n", + "\n", + "def occupy(self, address, size, sort):\n", + "\n", + "def copy(self):\n", + "\n", + "def _analyze_function(self):\n", + "\n", + "def _is_sane_register_variable(self, variable):\n", + "\n", + "def copy(self):\n", + "\n", + "def update(self, other):\n", + "\n", + "def set_library_names(self, *names):\n", + "\n", + "def set_default_cc(self, arch_name, cc_cls):\n", + "\n", + "def set_c_prototype(self, c_decl):\n", + "\n", + "def add(self, name, proc_cls, **kwargs):\n", + "\n", + "def add_all_from_dict(self, dictionary, **kwargs):\n", + "\n", + "def add_alias(self, name, *alt_names):\n", + "\n", + "def get(self, name, arch):\n", + "\n", + "def get_stub(self, name, arch):\n", + "\n", + "def has_metadata(self, name):\n", + "\n", + "def minimum_syscall_number(self, abi):\n", + "\n", + "def maximum_syscall_number(self, abi):\n", + "\n", + "def add_number_mapping(self, abi, number, name):\n", + "\n", + "def add_number_mapping_from_dict(self, abi, mapping):\n", + "\n", + "def get(self, number, arch, abi_list=()):\n", + "\n", + "def get_stub(self, number, arch, abi_list=()):\n", + "\n", + "def has_implementation(self, number, arch, abi_list=()):\n", + "\n", + "def tmp_expr(self, tmp):\n", + "\n", + "def store_tmp(self, tmp, content, reg_deps=None, tmp_deps=None, deps=None):\n", + "\n", + "def _normalize_path(self, path):\n", + "\n", + "def chdir(self, path):\n", + "\n", + "def get(self, path):\n", + "\n", + "def insert(self, path, simfile):\n", + "\n", + "def delete(self, path):\n", + "\n", + "def mount(self, path, mount):\n", + "\n", + "def unmount(self, path):\n", + "\n", + "def get_mountpoint(self, path):\n", + "\n", + "def _store_in_native_memory(self, data, data_type, addr=None):\n", + "\n", + "def _load_from_native_memory(self, addr, data_type=None, data_size=None,\n", + "\n", + "def _load_string_from_native_memory(self, addr_):\n", + "\n", + "def _store_string_in_native_memory(self, string, addr=None):\n", + "\n", + "def _normalize_array_idx(self, idx):\n", + "\n", + "def install_hooks(target, **hooks):\n", + "\n", + "def remove_hooks(target, **hooks):\n", + "\n", + "def reset(self):\n", + "\n", + "def all_successors(self, node, skip_reached_fixedpoint=False):\n", + "\n", + "def revisit(self, node, include_self=True):\n", + "\n", + "def add_job(self, job, merged=False, widened=False):\n", + "\n", + "def has_job(self, job):\n", + "\n", + "def _analyze(self):\n", + "\n", + "def _add_input_state(self, node, input_state):\n", + "\n", + "def _pop_input_state(self, node):\n", + "\n", + "def _merge_state_from_predecessors(self, node):\n", + "\n", + "def _process_job_and_get_successors(self, job_info):\n", + "\n", + "def _insert_job(self, job):\n", + "\n", + "def _peek_job(self, pos):\n", + "\n", + "def _binary_insert(lst, elem, key, lo=0, hi=None):\n", + "\n", + "def make_symbolic(self, name, addr, length=None):\n", + "\n", + "def _apply_concretization_strategies(self, addr, strategies, action):\n", + "\n", + "def concretize_write_addr(self, addr, strategies=None):\n", + "\n", + "def concretize_read_addr(self, addr, strategies=None):\n", + "\n", + "def dbg_print(self, indent=0):\n", + "\n", + "def permissions(self, addr, permissions=None):\n", + "\n", + "def map_region(self, addr, length, permissions, init_zero=False):\n", + "\n", + "def successors(self, *args, **kwargs):\n", + "\n", + "def call_state(self, addr, *args, **kwargs):\n", + "\n", + "def simulation_manager(self, thing=None, **kwargs):\n", + "\n", + "def callable(self, addr, concrete_only=False, perform_merge=True, base_state=None, toc=None, cc=None):\n", + "\n", + "def cc(self, args=None, ret_val=None, sp_delta=None, func_ty=None):\n", + "\n", + "def cc_from_arg_kinds(self, fp_args, ret_fp=None, sizes=None, sp_delta=None, func_ty=None):\n", + "\n", + "def blocks(self):\n", + "\n", + "def operations(self):\n", + "\n", + "def code_constants(self):\n", + "\n", + "def string_references(self, minimum_length=2, vex_only=False):\n", + "\n", + "def local_runtime_values(self):\n", + "\n", + "def runtime_values(self):\n", + "\n", + "def binary(self):\n", + "\n", + "def add_jumpout_site(self, node):\n", + "\n", + "def add_retout_site(self, node):\n", + "\n", + "def _get_initial_name(self):\n", + "\n", + "def _get_initial_binary_name(self):\n", + "\n", + "def _get_initial_returning(self):\n", + "\n", + "def _transit_to(self, from_node, to_node, outside=False, ins_addr=None, stmt_idx=None):\n", + "\n", + "def _call_to(self, from_node, to_func, ret_node, stmt_idx=None, ins_addr=None, return_to_outside=False):\n", + "\n", + "def _add_return_site(self, return_site):\n", + "\n", + "def _add_call_site(self, call_site_addr, call_target_addr, retn_addr):\n", + "\n", + "def mark_nonreturning_calls_endpoints(self):\n", + "\n", + "def graph(self):\n", + "\n", + "def subgraph(self, ins_addrs):\n", + "\n", + "def instruction_size(self, insn_addr):\n", + "\n", + "def dbg_draw(self, filename):\n", + "\n", + "def _add_argument_register(self, reg_offset):\n", + "\n", + "def normalize(self):\n", + "\n", + "def find_declaration(self):\n", + "\n", + "def _rfind(lst, item):\n", + "\n", + "def push(self, cf):\n", + "\n", + "def pop(self):\n", + "\n", + "def call(self, callsite_addr, addr, retn_target=None, stack_pointer=None):\n", + "\n", + "def ret(self, retn_target=None):\n", + "\n", + "def dbg_repr(self):\n", + "\n", + "def stack_suffix(self, context_sensitivity_level):\n", + "\n", + "def _find_return_target(self, target):\n", + "\n", + "def update_stock_codes():\n", + "\n", + "def get_stock_codes(realtime=False):\n", + "\n", + "def real(self, stock_codes, prefix=False):\n", + "\n", + "def market_snapshot(self, prefix=False):\n", + "\n", + "def get_stock_data(self, stock_list, **kwargs):\n", + "\n", + "def _fetch_stock_data(self, stock_list):\n", + "\n", + "def _fetch_stock_data(self, stock_list):\n", + "\n", + "def formatfundajson(fundajson):\n", + "\n", + "def formatfundbjson(fundbjson):\n", + "\n", + "def formatetfindexjson(fundbjson):\n", + "\n", + "def fundm(self):\n", + "\n", + "def fundb(self, fields=None, min_volume=0, min_discount=0, forever=False):\n", + "\n", + "def qdii(self, min_volume=0):\n", + "\n", + "def cb(self, min_volume=0):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def load(self, config):\n", + "\n", + "def set_server(self, pos, key, value):\n", + "\n", + "def update(self):\n", + "\n", + "def __set_type(self, stats, sensor_type):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def build_sensors_list(self, type):\n", + "\n", + "def get(self, sensor_type='temperature_core'):\n", + "\n", + "def add_user(self, username, password):\n", + "\n", + "def serve_forever(self):\n", + "\n", + "def end(self):\n", + "\n", + "def get(self, stat_name=None):\n", + "\n", + "def add(self, stat_name, threshold_description):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def normalize(name):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def load(self, config):\n", + "\n", + "def set_server(self, pos, key, value):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def glances_logger(env_key='LOG_CFG'):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def __header(self, line):\n", + "\n", + "def __humanname(self, line):\n", + "\n", + "def __sum(self, line):\n", + "\n", + "def __update(self):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + " def whitelisted(s,\n", + "\n", + "def update(self):\n", + "\n", + "def update(self):\n", + "\n", + "def battery_percent(self):\n", + "\n", + "def load(self):\n", + "\n", + "def get_servers_list(self):\n", + "\n", + "def __get_uri(self, server):\n", + "\n", + "def __update_stats(self, server):\n", + "\n", + "def __display_server(self, server):\n", + "\n", + "def __serve_forever(self):\n", + "\n", + "def set_in_selected(self, key, value):\n", + "\n", + "def update(self, stats):\n", + "\n", + "def export(self, title, data):\n", + "\n", + "def init_args(self):\n", + "\n", + "def parse_args(self):\n", + "\n", + "def is_standalone(self):\n", + "\n", + "def is_client(self):\n", + "\n", + "def __get_password(self, description='',\n", + "\n", + "def build_list(self):\n", + "\n", + "def update(self,\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def load_config(self, config):\n", + "\n", + "def get_pypi_version(self):\n", + "\n", + "def is_outdated(self):\n", + "\n", + "def _load_cache(self):\n", + "\n", + "def _save_cache(self):\n", + "\n", + "def _update_pypi_version(self):\n", + "\n", + "def cursor_up(self, stats):\n", + "\n", + "def cursor_down(self, stats):\n", + "\n", + "def cursor_pageup(self, stats):\n", + "\n", + "def cursor_pagedown(self, stats):\n", + "\n", + "def update(self,\n", + "\n", + "def display(self, stats, cs_status=None):\n", + "\n", + "def is_admin():\n", + "\n", + "def get_smart_data():\n", + "\n", + "def update(self):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def _plugins_to_export(self):\n", + "\n", + "def load_conf(self, section, mandatories=['host', 'port'], options=None):\n", + "\n", + "def get_item_key(self, item):\n", + "\n", + "def parse_tags(self, tags):\n", + "\n", + "def update(self, stats):\n", + "\n", + "def __build_export(self, stats):\n", + "\n", + "def update(self, input_stats=None):\n", + "\n", + "def _set_stats(self, input_stats):\n", + "\n", + "def init(self):\n", + "\n", + "def _normalize(self, name, columns, points):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def filter(self, value):\n", + "\n", + "def is_filtered(self, process):\n", + "\n", + "def _is_process_filtered(self, process, key=None):\n", + "\n", + "def load(self, config):\n", + "\n", + "def get_password(self, host=None):\n", + "\n", + "def update(self, process_list):\n", + "\n", + "def get_mem(device_handle):\n", + "\n", + "def init_nvidia(self):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def get_device_stats(self):\n", + "\n", + "def exit(self):\n", + "\n", + "def log_and_exit(self, msg=''):\n", + "\n", + "def _login_glances(self):\n", + "\n", + "def _login_snmp(self):\n", + "\n", + "def login(self):\n", + "\n", + "def update(self):\n", + "\n", + "def update_glances(self):\n", + "\n", + "def serve_forever(self):\n", + "\n", + "def update(self):\n", + "\n", + "def get_alert(self, stat, header=\"\"):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def run(self, stat_name, criticity, commands, repeat, mustache_dict=None):\n", + "\n", + "def safe_makedirs(path):\n", + "\n", + "def set_plugins(self, input_plugins):\n", + "\n", + "def update(self, input_stats):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=10):\n", + "\n", + "def _msg_create_line(self, msg, data, key):\n", + "\n", + "def update(self, process_list):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def __set_folder_list(self, section):\n", + "\n", + "def __folder_size(self, path):\n", + "\n", + "def update(self):\n", + "\n", + "def get(self):\n", + "\n", + "def init(self):\n", + "\n", + "def exit(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def exit(self):\n", + "\n", + "def _linux_os_release():\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def get_alert(self, nbprocess=0, countmin=None, countmax=None, header=\"\", log=False):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def exit(self):\n", + "\n", + "def update(self):\n", + "\n", + "def get_ports_alert(self, port, header=\"\", log=False):\n", + "\n", + "def get_web_alert(self, web, header=\"\", log=False):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def run(self):\n", + "\n", + "def stop(self, timeout=None):\n", + "\n", + "def _web_scan(self, web):\n", + "\n", + "def _port_scan(self, port):\n", + "\n", + "def _resolv_name(self, hostname):\n", + "\n", + "def _port_scan_icmp(self, port):\n", + "\n", + "def _port_scan_tcp(self, port):\n", + "\n", + "def load_modules(self, args):\n", + "\n", + "def _load_plugin(self, plugin_script, args=None, config=None):\n", + "\n", + "def load_plugins(self, args=None):\n", + "\n", + "def load_exports(self, args=None):\n", + "\n", + "def getPluginsList(self, enable=True):\n", + "\n", + "def getExportsList(self, enable=True):\n", + "\n", + "def load_limits(self, config=None):\n", + "\n", + "def update(self):\n", + "\n", + "def export(self, input_stats=None):\n", + "\n", + "def getAllAsDict(self):\n", + "\n", + "def getAllExports(self, plugin_list=None):\n", + "\n", + "def getAllExportsAsDict(self, plugin_list=None):\n", + "\n", + "def getAllLimitsAsDict(self, plugin_list=None):\n", + "\n", + "def getAllViewsAsDict(self):\n", + "\n", + "def end(self):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def get(self):\n", + "\n", + "def _get_ip_public(self, queue_target, url, json=False, key=None):\n", + "\n", + "def update(self, process_list):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def exit(self):\n", + "\n", + "def _sort_io_counters(process,\n", + "\n", + "def _sort_lambda(sortedby='cpu_percent',\n", + "\n", + "def sort_stats(stats,\n", + "\n", + "def update_processcount(self, plist):\n", + "\n", + "def pid_max(self):\n", + "\n", + "def reset_max_values(self):\n", + "\n", + "def update(self):\n", + "\n", + "def update(self, process_list):\n", + "\n", + "def seconds_to_hms(input_seconds):\n", + "\n", + "def split_cmdline(cmdline):\n", + "\n", + "def update(self):\n", + "\n", + "def get_nice_alert(self, value):\n", + "\n", + "def get_process_curses_data(self, p, first, args):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def __msg_curse_header(self, ret, process_sort_key, args=None):\n", + "\n", + "def __msg_curse_sum(self, ret, sep_char='_', mmm=None, args=None):\n", + "\n", + "def __sum_stats(self, key, indice=None, mmm=None):\n", + "\n", + "def __sort_stats(self, sortedby=None):\n", + "\n", + "def build_header(self, plugin, attribute, stat):\n", + "\n", + "def build_data(self, plugin, attribute, stat):\n", + "\n", + "def update(self,\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def getTimeSinceLastUpdate(IOType):\n", + "\n", + "def subsample(data, sampling):\n", + "\n", + "def time_serie_subsample(data, sampling):\n", + "\n", + "def init(self):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def update(self):\n", + "\n", + "def is_theme(self, name):\n", + "\n", + "def _init_cursor(self):\n", + "\n", + "def _init_colors(self):\n", + "\n", + "def loop_position(self):\n", + "\n", + "def enable_fullquicklook(self):\n", + "\n", + "def end(self):\n", + "\n", + "def __get_stat_display(self, stats, layer):\n", + "\n", + "def display(self, stats, cs_status=None):\n", + "\n", + "def __display_header(self, stat_display):\n", + "\n", + "def __display_top(self, stat_display, stats):\n", + "\n", + "def __display_left(self, stat_display):\n", + "\n", + "def __display_right(self, stat_display):\n", + "\n", + "def display_popup(self, message,\n", + "\n", + "def display_plugin(self, plugin_stats,\n", + "\n", + "def flush(self, stats, cs_status=None):\n", + "\n", + "def update(self,\n", + "\n", + "def get_stats_display_width(self, curse_msg, without_option=False):\n", + "\n", + "def get_stats_display_height(self, curse_msg):\n", + "\n", + "def __buid_result(self, varBinds):\n", + "\n", + "def get_by_oid(self, *oid):\n", + "\n", + "def getbulk_by_oid(self, non_repeaters, max_repetitions, *oid):\n", + "\n", + "def load(self, config):\n", + "\n", + "def set_server(self, server_pos, key, value):\n", + "\n", + "def add_server(self, name, ip, port):\n", + "\n", + "def remove_server(self, name):\n", + "\n", + "def set_server(self, server_pos, key, value):\n", + "\n", + "def add_service(self, zeroconf, srv_type, srv_name):\n", + "\n", + "def remove_service(self, zeroconf, srv_type, srv_name):\n", + "\n", + "def set_server(self, server_pos, key, value):\n", + "\n", + "def find_active_ip_address():\n", + "\n", + "def compress(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + " def deflate_compress(data, compress_level=6):\n", + "\n", + "def load_config(self, config):\n", + "\n", + "def check_auth(self, username, password):\n", + "\n", + "def _route(self):\n", + "\n", + "def start(self, stats):\n", + "\n", + "def _index(self, refresh_time=None):\n", + "\n", + "def _api_help(self):\n", + "\n", + "def _api_plugins(self):\n", + "\n", + "def _api_all(self):\n", + "\n", + "def _api_all_limits(self):\n", + "\n", + "def _api_all_views(self):\n", + "\n", + "def _api(self, plugin):\n", + "\n", + "def _api_history(self, plugin, nb=0):\n", + "\n", + "def _api_limits(self, plugin):\n", + "\n", + "def _api_views(self, plugin):\n", + "\n", + "def _api_itemvalue(self, plugin, item, value=None, history=False, nb=0):\n", + "\n", + "def _api_item_history(self, plugin, item, nb=0):\n", + "\n", + "def _api_value(self, plugin, item, value):\n", + "\n", + "def _api_config(self):\n", + "\n", + "def _api_config_item(self, item):\n", + "\n", + "def _api_args(self):\n", + "\n", + "def _api_args_item(self, item):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def start(config, args):\n", + "\n", + "def main():\n", + "\n", + "def user_config_dir():\n", + "\n", + "def user_cache_dir():\n", + "\n", + "def system_config_dir():\n", + "\n", + "def config_file_paths(self):\n", + "\n", + "def read(self):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def set_default_cwc(self, section,\n", + "\n", + "def set_default(self, section, option,\n", + "\n", + "def get_value(self, section, option,\n", + "\n", + "def get_int_value(self, section, option, default=0):\n", + "\n", + "def get_float_value(self, section, option, default=0.0):\n", + "\n", + "def get_bool_value(self, section, option, default=True):\n", + "\n", + "def __event_exist(self, event_type):\n", + "\n", + "def get_event_sort_key(self, event_type):\n", + "\n", + "def set_process_sort(self, event_type):\n", + "\n", + "def add(self, event_state, event_type, event_value,\n", + "\n", + "def _create_event(self, event_state, event_type, event_value,\n", + "\n", + "def _update_event(self, event_index, event_state, event_type, event_value,\n", + "\n", + "def clean(self, critical=False):\n", + "\n", + "def check_snmp(self):\n", + "\n", + "def get_system_name(self, oid_system_name):\n", + "\n", + "def update(self):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def raid_alert(self, status, used, available, type):\n", + "\n", + "def update(self):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def run(self):\n", + "\n", + "def generate_view_data(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def value(self, new_value):\n", + "\n", + "def history_add(self, value):\n", + "\n", + "def history_json(self, nb=0):\n", + "\n", + "def history_mean(self, nb=5):\n", + "\n", + "def load_configs(self):\n", + "\n", + "def update(self):\n", + "\n", + "def _build_amps_list(self, amp_value, processlist):\n", + "\n", + "def update(self, stats):\n", + "\n", + "def __get_cpu(self):\n", + "\n", + "def __get_percpu(self):\n", + "\n", + "def display_modules_list(self):\n", + "\n", + "def __serve_forever(self):\n", + "\n", + "def serve_forever(self):\n", + "\n", + "def end(self):\n", + "\n", + "def get_hash(self, salt, plain_password):\n", + "\n", + "def hash_password(self, plain_password):\n", + "\n", + "def check_password(self, hashed_password, plain_password):\n", + "\n", + "def get_password(self, description='', confirm=False, clear=False):\n", + "\n", + "def save_password(self, hashed_password):\n", + "\n", + "def load_password(self):\n", + "\n", + "def get(self):\n", + "\n", + "def update(self):\n", + "\n", + "def update_local(self):\n", + "\n", + "def update_snmp(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def get_alert(self, value):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def update(self):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def add(self, key, value,\n", + "\n", + "def get(self, nb=0):\n", + "\n", + "def get_json(self, nb=0):\n", + "\n", + "def load_config(self, config):\n", + "\n", + "def enable(self):\n", + "\n", + "def one_line(self):\n", + "\n", + "def should_update(self):\n", + "\n", + "def set_result(self, result, separator=''):\n", + "\n", + "def result(self):\n", + "\n", + "def update_wrapper(self, process_list):\n", + "\n", + "def update(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def global_message():\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def approx_equal(self, a, b, tolerance=0.0):\n", + "\n", + "def export(self, name, columns, points):\n", + "\n", + "def exit(self):\n", + "\n", + "def get_export(self):\n", + "\n", + "def connect(self):\n", + "\n", + "def _all_tag(self):\n", + "\n", + "def update(self):\n", + "\n", + "def get_docker_cpu(self, container_id, all_stats):\n", + "\n", + "def get_docker_memory(self, container_id, all_stats):\n", + "\n", + "def get_docker_network(self, container_id, all_stats):\n", + "\n", + "def get_docker_io(self, container_id, all_stats):\n", + "\n", + "def update_views(self):\n", + "\n", + "def msg_curse(self, args=None, max_width=None):\n", + "\n", + "def _msg_name(self, container, max_width):\n", + "\n", + "def run(self):\n", + "\n", + "def stop(self, timeout=None):\n", + "\n", + "def is_enable(self, plugin_name=None):\n", + "\n", + "def _json_dumps(self, d):\n", + "\n", + "def init_stats_history(self):\n", + "\n", + "def reset_stats_history(self):\n", + "\n", + "def update_stats_history(self):\n", + "\n", + "def get_raw_history(self, item=None, nb=0):\n", + "\n", + "def get_json_history(self, item=None, nb=0):\n", + "\n", + "def get_stats_history(self, item=None, nb=0):\n", + "\n", + "def get_trend(self, item, nb=6):\n", + "\n", + "def sorted_stats(self):\n", + "\n", + "def get_stats_snmp(self, bulk=False, snmp_oid=None):\n", + "\n", + "def get_stats_item(self, item):\n", + "\n", + "def get_stats_value(self, item, value):\n", + "\n", + "def update_views(self):\n", + "\n", + "def get_views(self, item=None, key=None, option=None):\n", + "\n", + "def get_json_views(self, item=None, key=None, option=None):\n", + "\n", + "def load_limits(self, config):\n", + "\n", + "def get_stat_name(self, header=\"\"):\n", + "\n", + "def get_alert(self,\n", + "\n", + "def manage_action(self,\n", + "\n", + "def get_alert_log(self,\n", + "\n", + "def get_limit(self, criticity, stat_name=\"\"):\n", + "\n", + "def get_limit_action(self, criticity, stat_name=\"\"):\n", + "\n", + "def get_limit_log(self, stat_name, default_action=False):\n", + "\n", + "def get_conf_value(self, value, header=\"\", plugin_name=None):\n", + "\n", + "def is_hide(self, value, header=\"\"):\n", + "\n", + "def has_alias(self, header):\n", + "\n", + "def get_stats_display(self, args=None, max_width=None):\n", + "\n", + "def curse_add_line(self, msg, decoration=\"DEFAULT\",\n", + "\n", + "def auto_unit(self, number,\n", + "\n", + "def trend_msg(self, trend, significant=1):\n", + "\n", + "def _check_decorator(fct):\n", + "\n", + " def wrapper(self, *args, **kw):\n", + "\n", + "def _log_result_decorator(fct):\n", + "\n", + " def wrapper(*args, **kw):\n", + "\n", + "def update(self):\n", + "\n", + "def fetch(self):\n", + "\n", + "def set_prekeys_as_sent(self, prekeyIds):\n", + "\n", + "def encrypt(self, recipient_id, message):\n", + "\n", + "def group_encrypt(self, groupid, message):\n", + "\n", + "def group_create_session(self, groupid, participantid, skmsgdata):\n", + "\n", + "def create_session(self, username, prekeybundle, autotrust=False):\n", + "\n", + "def session_exists(self, username):\n", + "\n", + "def transform(self, data):\n", + "\n", + "def load(self, username):\n", + "\n", + "def _type_to_str(self, type):\n", + "\n", + "def load_path(self, path):\n", + "\n", + "def receive(self, protocolTreeNode):\n", + "\n", + "def flush_keys(self, signed_prekey, prekeys, reboot_connection=False):\n", + "\n", + "def getDefaultStack(layer = None, axolotl = False, groups = True, media = True, privacy = True, profiles = True):\n", + "\n", + "def processIqRegistry(self, entity):\n", + "\n", + "def transform(self, data):\n", + "\n", + "def serialize(self, config):\n", + "\n", + "def deserialize(self, data):\n", + "\n", + "def storeSenderKey(self, senderKeyName, senderKeyRecord):\n", + "\n", + "def loadSenderKey(self, senderKeyName):\n", + "\n", + "def sendIq(self, entity):\n", + "\n", + "def receive(self, protocolTreeNode):\n", + "\n", + "def send(self, data):\n", + "\n", + "def receive(self, data):\n", + "\n", + "def getCurrent(cls):\n", + "\n", + "def encryptParams(self, params, key):\n", + "\n", + "def setAsSent(self, prekeyIds):\n", + "\n", + "def transform(self, config):\n", + "\n", + "def notify(msg, msg_type=0, t=None):\n", + "\n", + "def start_playing(self, on_exit, args):\n", + "\n", + "def expand(string, vars, local_vars={}):\n", + "\n", + " def exp(m):\n", + "\n", + "def _count_dollars_before_index(self, s, i):\n", + "\n", + "def _line(self, text, indent=0):\n", + "\n", + "def _expand_paths(self, paths):\n", + "\n", + "def _expand(self, str, local_vars={}):\n", + "\n", + "def _run_command(self, cmdline):\n", + "\n", + "def paretoint(avg, alpha):\n", + "\n", + "def write_master_ninja(master_ninja, targets):\n", + "\n", + "def FileWriter(path):\n", + "\n", + "def load_jupyter_server_extension(nbapp):\n", + "\n", + "def add_handlers(web_app, config):\n", + "\n", + "def semver(version, loose):\n", + "\n", + "def get_list_from_file(file_name):\n", + "\n", + "def append_to_file(file_name, line_data):\n", + "\n", + "def negated(input_words, include_nt=True):\n", + "\n", + "def normalize(score, alpha=15):\n", + "\n", + "def allcap_differential(words):\n", + "\n", + "def scalar_inc_dec(word, valence, is_cap_diff):\n", + "\n", + "def _words_plus_punc(self):\n", + "\n", + "def _words_and_emoticons(self):\n", + "\n", + "def make_lex_dict(self):\n", + "\n", + "def make_emoji_dict(self):\n", + "\n", + "def polarity_scores(self, text):\n", + "\n", + "def read(*parts):\n", + "\n", + "def parse(self, m, prefix=None):\n", + "\n", + "def parse(self, m, prefix=None):\n", + "\n", + "def parse(self, m, prefix=None):\n", + "\n", + " def gobble_comment(s):\n", + "\n", + " def gobble_removed(s):\n", + "\n", + " def gobble_added(s):\n", + "\n", + " def gobble_modified(s):\n", + "\n", + " def gobble_renamed(s):\n", + "\n", + "def remote_write(self, data):\n", + "\n", + "def remote_close(self):\n", + "\n", + "def remote_unpack(self):\n", + "\n", + "def remote_read(self, maxlength):\n", + "\n", + "def run(self):\n", + "\n", + "def remote_update(self, updates):\n", + "\n", + "def remote_complete(self, failure=None):\n", + "\n", + "def _hasAttrGroupMember(self, attrGroup, attr):\n", + "\n", + "def _getAttrGroupMember(self, attrGroup, attr):\n", + "\n", + "def _listAttrGroupMembers(self, attrGroup):\n", + "\n", + "def updateSourceProperty(self, name, value, source=''):\n", + "\n", + "def _gerrit_user_to_author(props, username=\"unknown\"):\n", + "\n", + "def getName(obj):\n", + "\n", + " def sanitize(name):\n", + "\n", + "def fullData(master):\n", + "\n", + "def include(d, e):\n", + "\n", + "def define_plugin_entry(name, module_name):\n", + "\n", + "def define_plugin_entries(groups):\n", + "\n", + "def fromSchedulerConstructorArgs(change_filter=None,\n", + "\n", + "def _process_changes(self, newRev, branch):\n", + "\n", + "def cleanShutdown(self, quickMode=False, stopReactor=True, _reactor=reactor):\n", + "\n", + "def getLockByID(self, lockid):\n", + "\n", + "def maybeStartBuildsForWorker(self, worker_name):\n", + "\n", + "def rewrap(text, width=None):\n", + "\n", + " def needs_wrapping(line):\n", + "\n", + "def getChanges(self, request):\n", + "\n", + " def firstOrNothing(value):\n", + "\n", + "def make_ref_target_directive(ref_type, indextemplates=None, **kwargs):\n", + "\n", + "def make_index(name, localname):\n", + "\n", + "def resolve_ref(cls, domain, env, fromdocname, builder, typ, target, node,\n", + "\n", + "def resolve_ref(cls, domain, env, fromdocname, builder, typ, target, node,\n", + "\n", + "def load(self):\n", + "\n", + "def consume(self, routingKey, msg):\n", + "\n", + "def consume(self, routingKey, msg):\n", + "\n", + "def consume(self, routingKey, msg):\n", + "\n", + "def createStatus(self,\n", + "\n", + "def createStatus(self,\n", + "\n", + "def stopWorker(basedir, quiet, signame=\"TERM\"):\n", + "\n", + "def newBuild(self, requests):\n", + "\n", + "def addSuppression(self, suppressionList):\n", + "\n", + "def warnExtractFromRegexpGroups(self, line, match):\n", + "\n", + "def createSummary(self, log):\n", + "\n", + "def evaluateCommand(self, cmd):\n", + "\n", + "def get(self, entry):\n", + "\n", + "def patch():\n", + "\n", + " def startService(self):\n", + "\n", + " def stopService(self):\n", + "\n", + "def _doCleanup(self):\n", + "\n", + "def set_up(self, u, engine):\n", + "\n", + " def connect_listener_enable_fk(connection, record):\n", + "\n", + " def connect_listener(connection, record):\n", + "\n", + "def set_up(self, u, engine):\n", + "\n", + " def checkout_listener(dbapi_con, con_record, con_proxy):\n", + "\n", + "def special_case_sqlite(self, u, kwargs):\n", + "\n", + "def special_case_mysql(self, u, kwargs):\n", + "\n", + "def _constructClient(client_version, username, user_domain, password, project_name, project_domain,\n", + "\n", + "def _parseBlockDevice(self, block_device):\n", + "\n", + "def _renderBlockDevice(self, block_device, build):\n", + "\n", + "def _determineVolumeSize(self, source_type, source_uuid):\n", + "\n", + "def runInteractionWithRetry(self, actionFn, *args, **kw):\n", + "\n", + " def runWithRetry(txn, *args, **kw):\n", + "\n", + "def runQueryWithRetry(self, *args, **kw):\n", + "\n", + " def runQuery(txn, *args, **kw):\n", + "\n", + "def timed_do_fn(f):\n", + "\n", + " def wrap(callable, *args, **kwargs):\n", + "\n", + " def callable_wrap(*args, **kargs):\n", + "\n", + " def after(x):\n", + "\n", + "def shutdown(self):\n", + "\n", + "def show(x):\n", + "\n", + "def lookupByName(self, name):\n", + "\n", + "def create(self, xml):\n", + "\n", + "def _find_existing_instance(self):\n", + "\n", + "def _prepare_base_image(self):\n", + "\n", + " def _log_result(res):\n", + "\n", + " def _log_error(err):\n", + "\n", + "def start_instance(self, build):\n", + "\n", + "def stop_instance(self, fast=False):\n", + "\n", + " def _disconnect(res):\n", + "\n", + " def _disconnected(res):\n", + "\n", + "def get_simple_split(branchfile):\n", + "\n", + "def filterBuilderList(self, builderNames):\n", + "\n", + "def _ref_key(self, key):\n", + "\n", + "def _get_hit(self, key):\n", + "\n", + "def _purge(self):\n", + "\n", + "def startWorker(basedir, quiet, nodaemon):\n", + "\n", + "def textwidth(self, text, config):\n", + "\n", + "def makesvg(self, right_text, status=None, left_text=None,\n", + "\n", + "def formatResults(self, op, results):\n", + "\n", + "def perspective_commandline(self, op, bb_username, bb_password, ids, info):\n", + "\n", + "def yieldMetricsValue(self, data_name, post_data, buildid):\n", + "\n", + "def get_plugins(namespace, interface=None, check_extras=True, load_now=False):\n", + "\n", + "def add_namespace(self, namespace, interface=None, check_extras=True,\n", + "\n", + "def info(self):\n", + "\n", + "def register(self, portstr, username, password, pfactory):\n", + "\n", + "def getPort(self):\n", + "\n", + "def gracefulShutdown(self):\n", + "\n", + " def _shutdownfailed(err):\n", + "\n", + "def _startHungConnectionTimer(self):\n", + "\n", + " def hungConnection():\n", + "\n", + "def isAvailable(self, requester, access):\n", + "\n", + "def claim(self, owner, access):\n", + "\n", + "def release(self, owner, access):\n", + "\n", + "def waitUntilMaybeAvailable(self, owner, access):\n", + "\n", + "def get_cache(self, cache_name, miss_fn):\n", + "\n", + "def render_POST(self, request):\n", + "\n", + " def ok(_):\n", + "\n", + " def err(why):\n", + "\n", + "def makeHandler(self, dialect):\n", + "\n", + "def getChanges(self, request):\n", + "\n", + "def decode(data, encoding='utf-8', errors='strict'):\n", + "\n", + "def failedToGetPerspective(self, why):\n", + "\n", + "def validateMasterArgument(self, master_arg):\n", + "\n", + "def setBuildProperty(self, bid, name, value, source):\n", + "\n", + " def thd(conn):\n", + "\n", + "def _decoderFromString(cfg):\n", + "\n", + "def _getRevDetails(self, rev):\n", + "\n", + " def process(output):\n", + "\n", + "def _isRepositoryReady(self):\n", + "\n", + "def _initRepository(self):\n", + "\n", + "def _setCurrentRev(self, rev, branch='default'):\n", + "\n", + "def _getHead(self, branch):\n", + "\n", + " def no_head_err(exc):\n", + "\n", + " def results(heads):\n", + "\n", + "def _processChanges(self, unused_output):\n", + "\n", + "def _convertNonZeroToFailure(self, res):\n", + "\n", + "def _stopOnFailure(self, f):\n", + "\n", + "def purge(self, ignore_ignores):\n", + "\n", + " def parseAndRemove(stdout):\n", + "\n", + " def evaluateCommand(rc):\n", + "\n", + "def DetermineRunner(bbdir):\n", + "\n", + "def purge(self, ignore_ignores):\n", + "\n", + "def filterManifestPatches(self):\n", + "\n", + "def _getCleanupCommand(self):\n", + "\n", + "def getObjectId(self):\n", + "\n", + " def keep(id):\n", + "\n", + "def _getState(self, name, default=None):\n", + "\n", + " def get(objectid):\n", + "\n", + "def _setState(self, name, value):\n", + "\n", + " def set(objectid):\n", + "\n", + "def createUserObject(master, author, src=None):\n", + "\n", + "def getUserContact(master, contact_types, uid):\n", + "\n", + "def encrypt(passwd):\n", + "\n", + "def check_passwd(guess, passwd):\n", + "\n", + "def getLoginURL(self, redirect_url):\n", + "\n", + "def _handleLegacyResult(result):\n", + "\n", + "def _gerritCmd(self, *args):\n", + "\n", + "def maybeStartBuildsOn(self, new_builders):\n", + "\n", + "def addLogForRemoteCommands(self, logname):\n", + "\n", + "def runRemoteCommand(self, cmd, args, abandonOnFailure=True,\n", + "\n", + " def commandComplete(cmd):\n", + "\n", + "def runRmdir(self, dir, timeout=None, **kwargs):\n", + "\n", + "def runRmFile(self, path, timeout=None, **kwargs):\n", + "\n", + "def pathExists(self, path):\n", + "\n", + " def commandComplete(cmd):\n", + "\n", + "def runMkdir(self, _dir, **kwargs):\n", + "\n", + "def runGlob(self, path, **kwargs):\n", + "\n", + " def commandComplete(cmd):\n", + "\n", + "def _compat_name(new_name, compat_name=None):\n", + "\n", + "def reportDeprecatedWorkerNameUsage(message, stacklevel=None, filename=None,\n", + "\n", + "def setupWorkerTransition():\n", + "\n", + " def custom_warn_method(message, category, stacklevel):\n", + "\n", + "def _fetchOrFallback(self, _=None):\n", + "\n", + "def _clone(self, shallowClone):\n", + "\n", + "def _fullClone(self, shallowClone=False):\n", + "\n", + "def _fullCloneOrFallback(self):\n", + "\n", + "def _doClobber(self):\n", + "\n", + "def getChanges(self, request):\n", + "\n", + "def _generate_filtered_properties(self, props, filters):\n", + "\n", + "def get(self, entry):\n", + "\n", + "def createStatus(self,\n", + "\n", + "def formatDuration(self, duration):\n", + "\n", + "def getGerritChanges(props):\n", + "\n", + "def DetermineRunner(bbdir):\n", + "\n", + "def _splitBigChunk(self, content, logid):\n", + "\n", + "def updateSession(self, request):\n", + "\n", + "def uid(self):\n", + "\n", + "def _makeBaseDir(basedir, quiet):\n", + "\n", + "def _makeBuildbotTac(basedir, tac_file_contents, quiet):\n", + "\n", + "def _makeInfoFiles(basedir, quiet):\n", + "\n", + " def createFile(path, file, contents):\n", + "\n", + "def get_owner_and_repo(repourl):\n", + "\n", + "def pruneChanges(self, changeHorizon):\n", + "\n", + " def thd(conn):\n", + "\n", + "def checkPidFile(pidfile):\n", + "\n", + "def loadOptionsFile(self, _here=None):\n", + "\n", + "def failedToGetPerspective(self, why, broker):\n", + "\n", + "def createStatus(self,\n", + "\n", + "def fromBrdict(cls, master, brdict):\n", + "\n", + "def canBeCollapsed(master, br1, br2):\n", + "\n", + "def mergeSourceStampsWith(self, others):\n", + "\n", + "def mergeReasons(self, others):\n", + "\n", + "def bytes2NativeString(x, encoding='utf-8'):\n", + "\n", + "def unicode2bytes(x, encoding='utf-8', errors='strict'):\n", + "\n", + "def bytes2unicode(x, encoding='utf-8', errors='strict'):\n", + "\n", + "def start(self):\n", + "\n", + " def removeDone(cmd):\n", + "\n", + "def _handle_stream_line(line):\n", + "\n", + "def shouldReportBuild(self, builder, buildnum):\n", + "\n", + "def splitArgs(self, args):\n", + "\n", + "def getContact(self, user=None, channel=None):\n", + "\n", + "def issue(self, test, err):\n", + "\n", + "def _process_change(self, payload, user, repo, repo_url, event,\n", + "\n", + "def _process_merge_request_change(self, payload, event, codebase=None):\n", + "\n", + "def getChanges(self, request):\n", + "\n", + "def onlyOnce(fn):\n", + "\n", + " def wrap(*args, **kwargs):\n", + "\n", + "def allEndpoints(self):\n", + "\n", + "def validateMasterOption(master):\n", + "\n", + "def addEnvPath(env, name, value):\n", + "\n", + "def ping(self, status=None):\n", + "\n", + "def checkAvailable(from_module):\n", + "\n", + "def flattened_iterator(l, types=(list, tuple)):\n", + "\n", + "def flatten(l, types=(list, )):\n", + "\n", + "def human_readable_delta(start, end):\n", + "\n", + "def in_reactor(f):\n", + "\n", + " def wrap(*args, **kwargs):\n", + "\n", + " def _async():\n", + "\n", + " def eb(f):\n", + "\n", + " def do_stop(r):\n", + "\n", + "def dictionary_merge(a, b):\n", + "\n", + "def createSummary(self, log):\n", + "\n", + "def getOldestRequestTime(self):\n", + "\n", + "def getNewestCompleteTime(self):\n", + "\n", + "def attached(self, worker, commands):\n", + "\n", + "def detached(self, worker):\n", + "\n", + "def buildFinished(self, build, wfb):\n", + "\n", + "def getCollapseRequestsFn(self):\n", + "\n", + "def _spawnProcess(self, processProtocol, executable, args=(), env=None,\n", + "\n", + "def _spawnAsBatch(self, processProtocol, executable, args, env,\n", + "\n", + " def unlink_temp(result):\n", + "\n", + "def _chunkForSend(self, data):\n", + "\n", + "def _collapseMsg(self, msg):\n", + "\n", + "def _sendMessage(self, msg):\n", + "\n", + "def _sendBuffers(self):\n", + "\n", + "def _addToBuffers(self, logname, data):\n", + "\n", + "def remote_startCommand(self, stepref, stepId, command, args):\n", + "\n", + "def remote_interruptCommand(self, stepId, why):\n", + "\n", + "def stopCommand(self):\n", + "\n", + "def sendUpdate(self, data):\n", + "\n", + "def remote_getWorkerInfo(self):\n", + "\n", + "def recordHostname(self, basedir):\n", + "\n", + "def getTopdir(topfile, start=None):\n", + "\n", + "def dovc(self, cmd):\n", + "\n", + "def get(self):\n", + "\n", + "def check_output(cmd):\n", + "\n", + "def getVersionFromArchiveId(git_archive_id='$Format:%ct %d$'):\n", + "\n", + "def getVersion(init_file):\n", + "\n", + "def run(self):\n", + "\n", + "def _get_commit_msg(self, repo, sha):\n", + "\n", + "def _process_change(self, payload, user, repo, repo_url, project, event,\n", + "\n", + "def _has_skip(self, msg):\n", + "\n", + "def createSummary(self, log):\n", + "\n", + "def _writeBlock(self):\n", + "\n", + "def _readBlock(self):\n", + "\n", + "def formatMessageForBuildResults(self, mode, buildername, buildset, build, master, previous_results, blamelist):\n", + "\n", + "def fullName(self):\n", + "\n", + "def getFromKwargs(self, kwargs):\n", + "\n", + "def updateFromKwargs(self, properties, kwargs, collector, **unused):\n", + "\n", + "def parse_from_args(self, l):\n", + "\n", + "def collectChildProperties(self, kwargs, properties, collector, **kw):\n", + "\n", + "def updateFromKwargs(self, kwargs, properties, collector, **kw):\n", + "\n", + "def force(self, owner, builderNames=None, builderid=None, **kwargs):\n", + "\n", + "def get(self, secret, *args, **kwargs):\n", + "\n", + "def save():\n", + "\n", + "def change(governor, freq=None):\n", + "\n", + "def available_freq():\n", + "\n", + "def dump():\n", + "\n", + "def padto8(data):\n", + "\n", + "def parse_cookie(cookie):\n", + "\n", + "def is_simple(fun):\n", + "\n", + "def get_rejected_variables(self, threshold=0.9):\n", + "\n", + "def to_file(self, outputfile=DEFAULT_OUTPUTFILE):\n", + "\n", + "def template(template_name):\n", + "\n", + "def to_html(sample, stats_object):\n", + "\n", + " def fmt(value, name):\n", + "\n", + " def _format_row(freq, label, max_freq, row_template, n, extra_class=''):\n", + "\n", + " def freq_table(freqtable, n, table_template, row_template, max_number_to_print, nb_col=6):\n", + "\n", + " def extreme_obs_table(freqtable, table_template, row_template, number_to_print, n, ascending = True):\n", + "\n", + "def describe_numeric_1d(series, **kwargs):\n", + "\n", + "def describe_date_1d(series):\n", + "\n", + "def describe_categorical_1d(series):\n", + "\n", + "def describe_boolean_1d(series):\n", + "\n", + "def describe_constant_1d(series):\n", + "\n", + "def describe_unique_1d(series):\n", + "\n", + "def describe_supported(series, **kwargs):\n", + "\n", + "def describe_unsupported(series, **kwargs):\n", + "\n", + "def describe_1d(data, **kwargs):\n", + "\n", + "def describe(df, bins=10, check_correlation=True, correlation_threshold=0.9, correlation_overrides=None, check_recoded=False, pool_size=multiprocessing.cpu_count(), **kwargs):\n", + "\n", + "def _plot_histogram(series, bins=10, figsize=(6, 4), facecolor='#337ab7'):\n", + "\n", + "def histogram(series, **kwargs):\n", + "\n", + "def mini_histogram(series, **kwargs):\n", + "\n", + "def correlation_matrix(corrdf, title, **kwargs):\n", + "\n", + "def get_groupby_statistic(data):\n", + "\n", + "def get_vartype(data):\n", + "\n", + "def factory(self, data, manager=None):\n", + "\n", + "def get_block_operator(self):\n", + "\n", + "def _validate_resource_count(self):\n", + "\n", + "def load_manifest_file(client, bucket, schema, versioned, ifilters, key_info):\n", + "\n", + "def random_chain(generators):\n", + "\n", + "def get_bucket_inventory(client, bucket, inventory_id):\n", + "\n", + "def create_html_file(config):\n", + "\n", + "def get_file_url(path, config):\n", + "\n", + "def gather_file_data(config):\n", + "\n", + "def upload_to_s3(file_path, config):\n", + "\n", + "def github_repos(organization, github_url, github_token):\n", + "\n", + "def org_stream(ctx, organization, github_url, github_token, clone_dir,\n", + "\n", + "def org_checkout(organization, github_url, github_token, clone_dir,\n", + "\n", + "def diff(repo_uri, source, target, output, verbose):\n", + "\n", + "def stream(repo_uri, stream_uri, verbose, assume, sort, before=None, after=None):\n", + "\n", + "def select(self, names):\n", + "\n", + "def delta_commits(self, baseline, target):\n", + "\n", + "def delta_stream(self, target='HEAD', limit=None,\n", + "\n", + "def _process_stream_delta(self, delta_stream):\n", + "\n", + "def send(self, change):\n", + "\n", + "def flush(self):\n", + "\n", + "def process_firehose_archive(bucket, key):\n", + "\n", + "def records_iter(fh, buffer_size=1024 * 1024 * 16):\n", + "\n", + "def get_session(self, account_id):\n", + "\n", + "def policy_error_scope(error, data):\n", + "\n", + "def specific_error(error):\n", + "\n", + "def get_resource_manager(self, resource_type, data=None):\n", + "\n", + "def _eb_env_tags(envs, session_factory, retry):\n", + "\n", + " def process_tags(eb_env):\n", + "\n", + "def assemble_bucket(item):\n", + "\n", + "def get_region(b):\n", + "\n", + "def expand_permissions(self, permissions):\n", + "\n", + "def report(policies, start_date, options, output_fh, raw_output_fh=None):\n", + "\n", + "def record_set(session_factory, bucket, key_prefix, start_date, specify_hour=False):\n", + "\n", + "def uniq_by_id(self, records):\n", + "\n", + "def run(organization, hook_context, github_url, github_token,\n", + "\n", + "def expand_variables(self, message):\n", + "\n", + "def prepare_resources(self, resources):\n", + "\n", + "def validate(config):\n", + "\n", + "def subscribe(config, accounts, region, merge, debug):\n", + "\n", + " def converge_destination_policy(client, config):\n", + "\n", + " def subscribe_account(t_account, subscription, region):\n", + "\n", + "def run(config, start, end, accounts, region, debug):\n", + "\n", + "def lambdafan(func):\n", + "\n", + " def scaleout(*args, **kw):\n", + "\n", + "def filter_group_names(groups, patterns):\n", + "\n", + "def filter_creation_date(groups, start, end):\n", + "\n", + "def filter_last_write(client, groups, start):\n", + "\n", + " def process_group(group_set):\n", + "\n", + "def filter_extant_exports(client, bucket, prefix, days, start, end=None):\n", + "\n", + "def access(config, region, accounts=()):\n", + "\n", + " def check_access(account):\n", + "\n", + "def size(config, accounts=(), day=None, group=None, human=True, region=None):\n", + "\n", + " def export_size(client, account):\n", + "\n", + "def sync(config, group, accounts=(), dryrun=False, region=None):\n", + "\n", + "def status(config, group, accounts=(), region=None):\n", + "\n", + "def get_exports(client, bucket, prefix, latest=True):\n", + "\n", + "def export(group, bucket, prefix, start, end, role, poll_period=120,\n", + "\n", + "def init():\n", + "\n", + "def process_log_event(event, context):\n", + "\n", + "def process_log_group(config):\n", + "\n", + "def parse_traceback(msg, site_path=\"site-packages\", in_app_prefix=\"c7n\"):\n", + "\n", + "def get_function(session_factory, name, handler, runtime, role,\n", + "\n", + "def chunks(iterable, size=50):\n", + "\n", + "def worker_config(queue, s3_key, period, verbose):\n", + "\n", + "def load_resources(bucket, prefix, region, account_config, accounts,\n", + "\n", + "def load_plugins(self):\n", + "\n", + "def submit(self, func, *args, **kwargs):\n", + "\n", + "def gather(self):\n", + "\n", + "def ecs_tag_normalize(resources):\n", + "\n", + "def get_resources(self, ids, cache=True):\n", + "\n", + "def resource_types(self):\n", + "\n", + "def get_metrics(self, start, end, period):\n", + "\n", + "def run(self, event, lambda_context):\n", + "\n", + "def get_variables(self, variables=None):\n", + "\n", + "def expand_variables(self, variables):\n", + "\n", + "def get_permissions(self):\n", + "\n", + "def extract_bad_snapshot(e):\n", + "\n", + "def assumed_session(role_arn, session_name, session=None, region=None, external_id=None):\n", + "\n", + " def refresh():\n", + "\n", + "def process_resource_schedule(self, i, value, time_type):\n", + "\n", + "def get_tag_value(self, i):\n", + "\n", + "def raw_data(tag_value):\n", + "\n", + "def keys_are_valid(self, tag_value):\n", + "\n", + "def resources_gc_prefix(options, policy_config, policy_collection):\n", + "\n", + "def get_session(account_info):\n", + "\n", + "def bulk_invoke(func, args, nargs):\n", + "\n", + "def bucket_ops(bid, api=\"\"):\n", + "\n", + "def page_strip(page, versioned):\n", + "\n", + "def process_account(account_info):\n", + "\n", + "def process_bucket_set(account_info, buckets):\n", + "\n", + "def dispatch_object_source(client, account_info, bid, bucket_info):\n", + "\n", + "def get_keys_charset(keys, bid):\n", + "\n", + "def detect_partition_strategy(bid, delimiters=('/', '-'), prefix=''):\n", + "\n", + " def statm(prefix):\n", + "\n", + "def process_bucket_inventory(bid, inventory_bucket, inventory_prefix):\n", + "\n", + "def process_bucket_iterator(bid, prefix=\"\", delimiter=\"\", **continuation):\n", + "\n", + "def universal_retry(method, ResourceARNList, **kw):\n", + "\n", + "def coalesce_copy_user_tags(resource, copy_tags, user_tags):\n", + "\n", + "def process_rename(self, client, tag_value, resource_set):\n", + "\n", + "def process_transform(self, tag_value, resource_set):\n", + "\n", + "def get_resource_tag_map(self, r_type, ids):\n", + "\n", + "def get_launch_configs(self, asgs):\n", + "\n", + "def get_resources(self, ids, cache=True):\n", + "\n", + "def validate(config):\n", + "\n", + "def run(config, tag, bucket, account, not_bucket, not_account, debug, region):\n", + "\n", + " def invoke(f, *args, **kw):\n", + "\n", + "def reset(c7n_async=None):\n", + "\n", + "def workers():\n", + "\n", + "def accounts(dbpath, output, format, account,\n", + "\n", + "def buckets(bucket=None, account=None, matched=False, kdenied=False,\n", + "\n", + "def watch(limit):\n", + "\n", + "def inspect_partitions(bucket):\n", + "\n", + " def process_keyset(bid, page):\n", + "\n", + " def process_bucket_iterator(bid, prefix, delimiter=\"\", **continuation):\n", + "\n", + " def invoke(f, *args, **kw):\n", + "\n", + "def inspect_bucket(bucket):\n", + "\n", + "def inspect_queue(queue, state, limit, bucket):\n", + "\n", + " def job_row(j):\n", + "\n", + "def queues():\n", + "\n", + " def _repr(q):\n", + "\n", + "def failures():\n", + "\n", + "def main(output):\n", + "\n", + "def custodian_azure_send_override(self, request, headers=None, content=None, **kwargs):\n", + "\n", + "def get_principal_dictionary(graph_client, object_ids, raise_on_graph_call_error=False):\n", + "\n", + "def get_principal_name(graph_object):\n", + "\n", + "def _get_port_range(range_str):\n", + "\n", + "def _get_rule_port_ranges(rule):\n", + "\n", + "def _port_ranges_to_set(ranges):\n", + "\n", + "def validate_ports_string(ports):\n", + "\n", + "def get_ports_strings_from_list(data):\n", + "\n", + "def build_ports_dict(nsg, direction_key, ip_protocol):\n", + "\n", + "def get_name(self, r):\n", + "\n", + "def update_headers(src_tree):\n", + "\n", + "def list_locks(account_id, resource_type=None, resource_id=None):\n", + "\n", + "def lock_status(account_id, resource_id, parent_id):\n", + "\n", + "def lock(account_id, resource_id, region):\n", + "\n", + "def list_locks(self, account_id=None):\n", + "\n", + "def lock_status(self, resource_id, parent_id=None, account_id=None):\n", + "\n", + "def lock(self, resource_id, region, account_id=None):\n", + "\n", + "def report(config, output, use, output_dir, accounts,\n", + "\n", + "def run_script(config, output_dir, accounts, tags, region, echo, serial, script_args):\n", + "\n", + "def run_account(account, region, policies_config, output_path,\n", + "\n", + "def run(config, use, output_dir, accounts, tags, region,\n", + "\n", + "def emit(self, message):\n", + "\n", + "def flush(self):\n", + "\n", + "def format_message(self, msg):\n", + "\n", + "def start_transports(self):\n", + "\n", + "def extract_bad_ami(e):\n", + "\n", + "def format_json(config):\n", + "\n", + "def check():\n", + "\n", + "def metrics(function, api, start, period):\n", + "\n", + "def records(account_id):\n", + "\n", + "def flush_pending(function):\n", + "\n", + "def config_status():\n", + "\n", + "def local(reload, port):\n", + "\n", + "def _schema_get_docstring(starting_class):\n", + "\n", + "def schema_completer(prefix):\n", + "\n", + "def schema_cmd(options):\n", + "\n", + "def _metrics_get_endpoints(options):\n", + "\n", + "def extract_instance_id(state_error):\n", + "\n", + "def augment(self, resources):\n", + "\n", + "def register_resources(klass, registry, resource_class):\n", + "\n", + "def publish_message(self, message, client):\n", + "\n", + "def set_mimetext_headers(self, message, subject, from_addr, to_addrs, cc_addrs, priority):\n", + "\n", + "def register_resources(klass, registry, resource_class):\n", + "\n", + "def custodian_archive(packages=None):\n", + "\n", + "def add_modules(self, ignore, *modules):\n", + "\n", + "def add_directory(self, path, ignore=None):\n", + "\n", + "def add_file(self, src, dest=None):\n", + "\n", + "def add_py_file(self, src, dest=None):\n", + "\n", + "def add_contents(self, dest, contents):\n", + "\n", + "def close(self):\n", + "\n", + "def get_checksum(self, encoder=base64.b64encode, hasher=hashlib.sha256):\n", + "\n", + "def get_reader(self):\n", + "\n", + "def publish_alias(self, func_data, alias):\n", + "\n", + "def row_factory(cursor, row):\n", + "\n", + "def get_tag_value(resource, tag, utf_8=False):\n", + "\n", + "def report(config, tags, accounts, master, debug, region):\n", + "\n", + "def disable(config, tags, accounts, master, debug,\n", + "\n", + "def enable(config, master, tags, accounts, debug, message, region):\n", + "\n", + "def get_action_group_names(self):\n", + "\n", + "def get_groups_by_names(self, names):\n", + "\n", + "def resolve_group_names(self, r, target_group_ids, groups):\n", + "\n", + "def resolve_remove_symbols(self, r, target_group_ids, rgroups):\n", + "\n", + "def get_groups(self, resources):\n", + "\n", + "def group_by(resources, key):\n", + "\n", + "def camelResource(obj):\n", + "\n", + "def query_instances(session, client=None, **query):\n", + "\n", + "def local_session(factory):\n", + "\n", + "def set_annotation(i, k, v):\n", + "\n", + "def snapshot_identifier(prefix, db_identifier):\n", + "\n", + "def get_retry(codes=(), max_attempts=8, min_delay=1, log_retries=False):\n", + "\n", + " def _retry(func, *args, **kw):\n", + "\n", + "def backoff_delays(start, stop, factor=2.0, jitter=False):\n", + "\n", + "def parse_cidr(value):\n", + "\n", + "def worker(f):\n", + "\n", + " def _f(*args, **kw):\n", + "\n", + "def reformat_schema(model):\n", + "\n", + "def format_string_values(obj, err_fallback=(IndexError, KeyError), *args, **kwargs):\n", + "\n", + "def get_resources(self, ids, cache=True):\n", + "\n", + "def main(output):\n", + "\n", + "def filter(self, resource_manager, **params):\n", + "\n", + "def get_attr_filters(self):\n", + "\n", + "def cloudtrail_policy(original, bucket_name, account_id, bucket_region):\n", + "\n", + "def _get_available_engine_upgrades(client, major=False):\n", + "\n", + "def get_local_output_dir():\n", + "\n", + "def init_config(policy_config):\n", + "\n", + "def transform_revision(self, revision):\n", + "\n", + "def register_resources(klass, registry, resource_class):\n", + "\n", + "def _default_options(p, blacklist=\"\"):\n", + "\n", + "def _report_options(p):\n", + "\n", + "def _metrics_options(p):\n", + "\n", + "def _logs_options(p):\n", + "\n", + "def _schema_options(p):\n", + "\n", + "def _rds_cluster_tags(model, dbs, session_factory, generator, retry):\n", + "\n", + " def process_tags(db):\n", + "\n", + "def process_user_record(cls, info):\n", + "\n", + "def normalized_log_entries(raw_entries):\n", + "\n", + "def log_entries_in_range(entries, start, end):\n", + "\n", + "def log_entries_from_group(session, group_name, start, end):\n", + "\n", + "def _create_service_api(credentials, service_name, version, developer_key=None,\n", + "\n", + "def _build_http(http=None):\n", + "\n", + "def client(self, service_name, version, component, **kw):\n", + "\n", + "def http(self):\n", + "\n", + "def _build_request(self, verb, verb_arguments):\n", + "\n", + "def _build_next_request(self, verb, prior_request, prior_response):\n", + "\n", + "def execute_command(self, verb, verb_arguments):\n", + "\n", + "def execute_paged_query(self, verb, verb_arguments):\n", + "\n", + "def execute_search_query(self, verb, verb_arguments):\n", + "\n", + "def execute_query(self, verb, verb_arguments):\n", + "\n", + "def _execute(self, request):\n", + "\n", + "def info(self, account_id, resource_id, parent_id):\n", + "\n", + "def list_functions(self, prefix=None):\n", + "\n", + "def publish(self, func):\n", + "\n", + "def get(self, func_name, qualifier=None):\n", + "\n", + "def _upload(self, archive, region):\n", + "\n", + "def ensure_topic(self):\n", + "\n", + "def ensure_iam(self, publisher=None):\n", + "\n", + "def get_parent(self, log_info):\n", + "\n", + "def ensure_sink(self):\n", + "\n", + "def remove(self, func):\n", + "\n", + "def process_log_event(event, context):\n", + "\n", + "def get_function(session_factory, name, role, sns_topic, log_groups,\n", + "\n", + "def match(cls, event):\n", + "\n", + "def get_trail_ids(cls, event, mode):\n", + "\n", + "def main(role, ou, assume, profile, output, regions, active):\n", + "\n", + "def download(config, account, day, region, output):\n", + "\n", + "def status(config):\n", + "\n", + "def index(config, start, end, incremental=False, concurrency=5, accounts=None,\n", + "\n", + "def dict_factory(cursor, row):\n", + "\n", + "def fetch_events(cursor, config, account_name):\n", + "\n", + "def valid_date(key, config_date):\n", + "\n", + "def _initialize_session(self):\n", + "\n", + "def resource_api_version(self, resource_id):\n", + "\n", + "def get_functions_auth_string(self, target_subscription_id):\n", + "\n", + "def filter(self, resource_manager, **params):\n", + "\n", + "def get(self, resource_manager, identities):\n", + "\n", + "def filter(self, resource_manager, **params):\n", + "\n", + "def create_gw_response(app, wsgi_env):\n", + "\n", + " def start_response(status, headers, exc_info=None):\n", + "\n", + "def create_wsgi_request(event, server_name='apigw'):\n", + "\n", + "def create_from_lambda_arn(cls, client, lambda_arn):\n", + "\n", + "def retrieve_logs(self, include_lambda_messages=True, max_entries=None):\n", + "\n", + "def validate_configuration(config):\n", + "\n", + "def validate_python_version(config, actual_py_version=None):\n", + "\n", + "def _execute(self,\n", + "\n", + "def build_wheel(self, wheel, directory, compile_c=True):\n", + "\n", + "def download_all_dependencies(self, requirements_filename, directory):\n", + "\n", + "def download_manylinux_wheels(self, abi, packages, directory):\n", + "\n", + "def to_cfn_resource_name(name):\n", + "\n", + "def remove_stage_from_deployed_values(key, filename):\n", + "\n", + "def record_deployed_values(deployed_values, filename):\n", + "\n", + "def create_zip_file(source_dir, outfile):\n", + "\n", + "def update_function(self,\n", + "\n", + "def delete_role(self, name):\n", + "\n", + "def get_rest_api_id(self, name):\n", + "\n", + "def rest_api_exists(self, rest_api_id):\n", + "\n", + "def add_permission_for_apigateway(self, function_name,\n", + "\n", + "def get_function_policy(self, function_name):\n", + "\n", + "def download_sdk(self, rest_api_id, output_dir,\n", + "\n", + "def get_sdk_download_stream(self, rest_api_id,\n", + "\n", + "def verify_sns_subscription_current(self, subscription_arn, topic_name,\n", + "\n", + "def connect_s3_bucket_to_lambda(self, bucket, function_arn, events,\n", + "\n", + "def verify_event_source_current(self, event_uuid, resource_name,\n", + "\n", + "def load_project_config(self):\n", + "\n", + "def invoke(ctx, name, profile, stage):\n", + "\n", + "def generate_pipeline(ctx, codebuild_image, source, buildspec_file, filename):\n", + "\n", + "def deployed_resources(self, chalice_stage_name):\n", + "\n", + "def generate_policy(self, config):\n", + "\n", + "def get_client_calls(source_code):\n", + "\n", + "def get_client_calls_for_app(source_code):\n", + "\n", + "def match_route(self, url):\n", + "\n", + "def _prepare_authorizer_event(self, arn, lambda_event, lambda_context):\n", + "\n", + "def bootstrap_modulator(self, protocol: ProtocolAnalyzer):\n", + "\n", + "def modulate_data(self, buffer: np.ndarray) -> np.ndarray:\n", + "\n", + "def refresh_existing_encodings(self, encodings_from_file):\n", + "\n", + "def protocols(self):\n", + "\n", + "def protocol_list(self):\n", + "\n", + "def full_protocol_list(self):\n", + "\n", + "def refresh_existing_encodings(self):\n", + "\n", + "def set_show_only_status(self):\n", + "\n", + "def find_field(self, messages):\n", + "\n", + "def assign_messagetypes(self, messages, clusters):\n", + "\n", + "def stft(self, samples: np.ndarray):\n", + "\n", + "def export_to_fta(self, sample_rate, filename: str, include_amplitude=False):\n", + "\n", + "def create_image(data: np.ndarray, colormap, data_min=None, data_max=None, normalize=True) -> QImage:\n", + "\n", + "def modulation_type(self, value: int):\n", + "\n", + "def estimate_frequency(self, start: int, end: int, sample_rate: float):\n", + "\n", + "def selection_range(self):\n", + "\n", + "def fix_windows_stdout_stderr():\n", + "\n", + "def build_component_order(self):\n", + "\n", + "def cluster_lengths(self):\n", + "\n", + "def find_candidates(candidates):\n", + "\n", + "def choose_candidate_pair(candidates):\n", + "\n", + "def uncompress_archives(file_names, temp_dir):\n", + "\n", + "def write_modulators_to_project_file(self, tree=None):\n", + "\n", + "def cwt_haar(x: np.ndarray, scale=10):\n", + "\n", + "def __find_sync_range(self, messages, preamble_end: int, search_end: int):\n", + "\n", + "def __pad_until_index(self, row: int, bit_pos: int):\n", + "\n", + "def find_differences(self, refindex: int):\n", + "\n", + "def __demodulate_data(self, data):\n", + "\n", + "def create_rectangle(proto_bits, pulse_len=100):\n", + "\n", + "def set_parameters(self, samples: np.ndarray, window_size, data_min, data_max) -> bool:\n", + "\n", + "def get_action(self, parent, undo_stack: QUndoStack, sel_range, protocol: ProtocolAnalyzer, view: int):\n", + "\n", + "def get_byte_length(self, decoded=True) -> int:\n", + "\n", + "def get_src_address_from_data(self, decoded=True):\n", + "\n", + "def split(self, decode=True):\n", + "\n", + "def set_e(self):\n", + "\n", + "def protocols(self):\n", + "\n", + "def protocol_tree_items(self):\n", + "\n", + "def move_to_group(self, items, new_group_id: int):\n", + "\n", + "def set_copy_mode(self, use_copy: bool):\n", + "\n", + "def view_data(self):\n", + "\n", + "def push(self, values: np.ndarray):\n", + "\n", + "def pop(self, number: int, ensure_even_length=False):\n", + "\n", + "def code_data_whitening(self, decoding, inpt):\n", + "\n", + "def get_action(self, parent, undo_stack: QUndoStack, sel_range, protocol, view: int):\n", + "\n", + "def scroll_mouse(self, mouse_x: int):\n", + "\n", + "def refresh_selection_area(self):\n", + "\n", + "def view_rect(self) -> QRectF:\n", + "\n", + "def dropEvent(self, event: QDropEvent):\n", + "\n", + "def convert_bits_to_string(bits, output_view_type: int, pad_zeros=False, lsb=False, lsd=False, endianness=\"big\"):\n", + "\n", + "def __ensure_message_length_multiple(bit_data, bit_len: int, pauses, bit_sample_pos, divisor: int):\n", + "\n", + "def get_samplepos_of_bitseq(self, start_message: int, start_index: int, end_message: int, end_index: int,\n", + "\n", + "def get_bitseq_from_selection(self, selection_start: int, selection_width: int):\n", + "\n", + "def convert_index(self, index: int, from_view: int, to_view: int, decoded: bool, message_indx=-1) -> tuple:\n", + "\n", + "def estimate_frequency_for_one(self, sample_rate: float, nbits=42) -> float:\n", + "\n", + "def estimate_frequency_for_zero(self, sample_rate: float, nbits=42) -> float:\n", + "\n", + "def auto_assign_decodings(self, decodings):\n", + "\n", + "def selection_range(self):\n", + "\n", + "def cleanup():\n", + "\n", + "def selection_range(self):\n", + "\n", + " def range_to_tuple(rng):\n", + "\n", + "def get_most_frequent_value(values: list):\n", + "\n", + "def segment_messages_from_magnitudes(magnitudes: np.ndarray, noise_threshold: float):\n", + "\n", + "def round_plateau_lengths(plateau_lengths: list):\n", + "\n", + "def on_files_dropped_on_group(self, files, group_id: int):\n", + "\n", + "def load_installed_plugins(self):\n", + "\n", + "def __get_zero_seq_indexes(self, message: str, following_zeros: int):\n", + "\n", + "def read_messages(self) -> str:\n", + "\n", + "def get_action(self, parent, undo_stack: QUndoStack, sel_range, groups,\n", + "\n", + "def calculate(self, msg: array.array) -> array.array:\n", + "\n", + "def child(self, number):\n", + "\n", + "def create_scraper(cls, sess=None, **kwargs):\n", + "\n", + "def get_cookie_string(cls, url, user_agent=None, **kwargs):\n", + "\n", + "def save_config(self, cmd=\"save config\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def special_login_handler(self, delay_factor=1):\n", + "\n", + "def show_version(a_device):\n", + "\n", + "def main():\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def strip_prompt(self, a_string):\n", + "\n", + "def save_config(self, cmd=\"write memory\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def establish_scp_conn(self):\n", + "\n", + "def remote_space_available(self, search_pattern=r\"(\\d+) \\w+ free\"):\n", + "\n", + "def _remote_space_available_unix(self, search_pattern=\"\"):\n", + "\n", + "def verify_space_available(self, search_pattern=r\"(\\d+) \\w+ free\"):\n", + "\n", + "def _check_file_exists_unix(self, remote_cmd=\"\"):\n", + "\n", + "def remote_file_size(self, remote_cmd=\"\", remote_file=None):\n", + "\n", + "def _remote_file_size_unix(self, remote_cmd=\"\", remote_file=None):\n", + "\n", + "def file_md5(self, file_name):\n", + "\n", + "def process_md5(md5_output, pattern=r\"=\\s+(\\S+)\"):\n", + "\n", + "def compare_md5(self):\n", + "\n", + "def transfer_file(self):\n", + "\n", + "def put_file(self):\n", + "\n", + "def enable_scp(self, cmd=None):\n", + "\n", + "def disable_scp(self, cmd=None):\n", + "\n", + "def exit_config_mode(self, exit_config=\"exit\", pattern=r\">\"):\n", + "\n", + "def strip_command(self, command_string, output):\n", + "\n", + "def strip_prompt(self, a_string):\n", + "\n", + "def strip_context_items(self, a_string):\n", + "\n", + "def send_command(self, *args, **kwargs):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=\"#\"):\n", + "\n", + "def save_config(self, cmd=\"write mem\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def _tcl_newline_rationalize(tcl_string):\n", + "\n", + "def file_md5(self, file_name):\n", + "\n", + "def config_md5(self, source_config):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def exit_config_mode(self, exit_config=\"return\", pattern=r\">\"):\n", + "\n", + "def save_config(self, cmd=\"save force\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def _get_snmpv3(self, oid):\n", + "\n", + "def _get_snmpv2c(self, oid):\n", + "\n", + "def _get_snmp(self, oid):\n", + "\n", + "def autodetect(self):\n", + "\n", + "def enter_cli_mode(self):\n", + "\n", + "def exit_config_mode(self, exit_config=\"exit configuration-mode\"):\n", + "\n", + "def strip_prompt(self, *args, **kwargs):\n", + "\n", + "def save_config(self, cmd=\"write mem\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def _process_option(self, tsocket, command, option):\n", + "\n", + "def show_version_queue(a_device, output_q):\n", + "\n", + "def main():\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def send_command_timing(self, *args, **kwargs):\n", + "\n", + "def send_command(self, *args, **kwargs):\n", + "\n", + "def set_base_prompt(self, *args, **kwargs):\n", + "\n", + "def asa_login(self):\n", + "\n", + "def save_config(self, cmd=\"write mem\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def send_config_set(self, config_commands=None, exit_config_mode=True, **kwargs):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=r\"[#\\$]\"):\n", + "\n", + "def process_md5(self, md5_output, pattern=r\"^([a-fA-F0-9]+)$\"):\n", + "\n", + "def remote_file_size(self, remote_cmd=\"\", remote_file=None):\n", + "\n", + "def remote_space_available(self, search_pattern=r\"(\\d+) bytes free\"):\n", + "\n", + "def check_file_exists(self, remote_cmd=\"dir home\"):\n", + "\n", + "def get_file(self):\n", + "\n", + "def save_config(self, cmd=\"write mem\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def _ParseIndex(self, preread, precompile):\n", + "\n", + "def GetRowMatch(self, attributes):\n", + "\n", + "def synchronised(func):\n", + "\n", + " def Wrapper(main_obj, *args, **kwargs):\n", + "\n", + "def ReadIndex(self, index_file=None):\n", + "\n", + "def _TemplateNamesToFiles(self, template_str):\n", + "\n", + "def ParseCmd(self, cmd_input, attributes=None, templates=None):\n", + "\n", + "def _PreParse(self, key, value):\n", + "\n", + "def LabelValueTable(self, keys=None):\n", + "\n", + "def sort(self, cmp=None, key=None, reverse=False):\n", + "\n", + "def AddKeys(self, key_list):\n", + "\n", + "def superkey(self):\n", + "\n", + "def KeyValue(self, row=None):\n", + "\n", + "def strip_ansi_escape_codes(self, string_buffer):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def zsh_mode(self, delay_factor=1, prompt_terminator=\"$\"):\n", + "\n", + "def config_mode(self, config_command=\"sudo su\"):\n", + "\n", + "def disable_paging(self, command=\"no pager\", delay_factor=1):\n", + "\n", + "def autodetect(self):\n", + "\n", + "def _send_command(self, cmd=\"\"):\n", + "\n", + "def _send_command_wrapper(self, cmd):\n", + "\n", + "def _autodetect_std(self, cmd=\"\", search_patterns=None, re_flags=re.I, priority=99):\n", + "\n", + "def ConnectHandler(*args, **kwargs):\n", + "\n", + "def redispatch(obj, device_type, session_prep=True):\n", + "\n", + "def FileTransfer(*args, **kwargs):\n", + "\n", + "def find_version(*file_paths):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=\"\"):\n", + "\n", + "def disable_paging(self, command=\"terminal length 999\", delay_factor=1):\n", + "\n", + "def config_mode(self, config_command=\"config\", pattern=\">config\"):\n", + "\n", + "def check_config_mode(self, check_string=\">config\", pattern=\"\"):\n", + "\n", + "def exit_config_mode(self, exit_config=\"exit all\", pattern=\"#\"):\n", + "\n", + "def config_mode(self, config_command=\"configure\", pattern=r\"[edit]\"):\n", + "\n", + "def commit(self, comment=\"\", delay_factor=0.1):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=\"\"):\n", + "\n", + "def config_mode(self, config_command=\"config term\", pattern=\"\"):\n", + "\n", + "def exit_config_mode(self, exit_config=\"end\", pattern=\"#\"):\n", + "\n", + "def _autodetect_fs(self, cmd=\"dir\", pattern=r\"Directory of (.*)/\"):\n", + "\n", + "def enable(self, cmd=\"enable\", pattern=r\"#\", re_flags=re.IGNORECASE):\n", + "\n", + "def save_config(self, cmd=\"save config flash\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def _timeout_exceeded(self, start, msg=\"Timeout exceeded!\"):\n", + "\n", + "def _lock_netmiko_session(self, start=None):\n", + "\n", + "def _write_channel(self, out_data):\n", + "\n", + "def write_channel(self, out_data):\n", + "\n", + "def is_alive(self):\n", + "\n", + "def _read_channel(self):\n", + "\n", + "def read_channel(self):\n", + "\n", + "def _read_channel_expect(self, pattern=\"\", re_flags=0, max_loops=150):\n", + "\n", + "def _read_channel_timing(self, delay_factor=1, max_loops=150):\n", + "\n", + "def read_until_prompt_or_pattern(self, pattern=\"\", re_flags=0):\n", + "\n", + "def _use_ssh_config(self, dict_arg):\n", + "\n", + "def _connect_params_dict(self):\n", + "\n", + "def establish_connection(self, width=None, height=None):\n", + "\n", + "def _build_ssh_client(self):\n", + "\n", + "def select_delay_factor(self, delay_factor):\n", + "\n", + "def set_terminal_width(self, command=\"\", delay_factor=1):\n", + "\n", + "def find_prompt(self, delay_factor=1):\n", + "\n", + "def strip_prompt(self, a_string):\n", + "\n", + "def _first_line_handler(self, data, search_pattern):\n", + "\n", + "def strip_command(self, command_string, output):\n", + "\n", + "def normalize_linefeeds(self, a_string):\n", + "\n", + "def normalize_cmd(self, command):\n", + "\n", + "def check_enable_mode(self, check_string=\"\"):\n", + "\n", + "def enable(self, cmd=\"\", pattern=\"ssword\", re_flags=re.IGNORECASE):\n", + "\n", + "def exit_enable_mode(self, exit_command=\"\"):\n", + "\n", + "def check_config_mode(self, check_string=\"\", pattern=\"\"):\n", + "\n", + "def config_mode(self, config_command=\"\", pattern=\"\"):\n", + "\n", + "def exit_config_mode(self, exit_config=\"\", pattern=\"\"):\n", + "\n", + "def send_config_from_file(self, config_file=None, **kwargs):\n", + "\n", + "def strip_ansi_escape_codes(self, string_buffer):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def open_session_log(self, filename, mode=\"write\"):\n", + "\n", + "def close_session_log(self):\n", + "\n", + "def save_config(self, cmd=\"write\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def _process_option(self, tsocket, command, option):\n", + "\n", + "def disable_paging(self, delay_factor=1):\n", + "\n", + "def _retrieve_output_mode(self):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def save_config(self, cmd=\"write memory\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def tmsh_mode(self, delay_factor=1):\n", + "\n", + "def send_config_set(self, config_commands=None, exit_config_mode=True, **kwargs):\n", + "\n", + "def exit_enable_mode(self, exit_command=\"exit\"):\n", + "\n", + "def enable(self, cmd=\"sudo su\", pattern=\"ssword\", re_flags=re.IGNORECASE):\n", + "\n", + "def remote_file_size(self, remote_cmd=\"\", remote_file=None):\n", + "\n", + "def set_base_prompt(self, *args, **kwargs):\n", + "\n", + "def enable(self, cmd=\"enable-admin\", pattern=\"ssword\", re_flags=re.IGNORECASE):\n", + "\n", + "def check_enable_mode(self, check_string=\"CLI Already in admin mode\"):\n", + "\n", + "def config_mode(self, config_command=\"configure\", pattern=\"#\"):\n", + "\n", + "def exit_config_mode(self, exit_config=\"exit all\", pattern=\"#\"):\n", + "\n", + "def check_config_mode(self, check_string=\"config\", pattern=\"#\"):\n", + "\n", + "def set_base_prompt(self, *args, **kwargs):\n", + "\n", + "def send_command(self, *args, **kwargs):\n", + "\n", + "def enter_cli_mode(self):\n", + "\n", + "def strip_prompt(self, *args, **kwargs):\n", + "\n", + "def strip_context_items(self, a_string):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=\"\"):\n", + "\n", + "def session_preparation(self):\n", + "\n", + "def normalize_linefeeds(self, a_string):\n", + "\n", + "def check_config_mode(self, check_string=\")#\", pattern=\"#\"):\n", + "\n", + "def check_file_exists(self, remote_cmd=\"\"):\n", + "\n", + "def strip_prompt(self, a_string):\n", + "\n", + "def send_command(self, *args, **kwargs):\n", + "\n", + "def exit_config_mode(self, exit_config=\"return\", pattern=r\">\"):\n", + "\n", + "def save_config(self, cmd=\"save\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def commit(self, comment=\"\", delay_factor=1):\n", + "\n", + "def asa_scp_handler(ssh_conn, cmd=\"ssh scopy enable\", mode=\"enable\"):\n", + "\n", + "def main():\n", + "\n", + "def show_version(a_device):\n", + "\n", + "def main():\n", + "\n", + "def special_login_handler(self, delay_factor=1):\n", + "\n", + "def send_command_w_enter(self, *args, **kwargs):\n", + "\n", + "def check_config_mode(self, check_string=\"config\", pattern=\"\"):\n", + "\n", + "def exit_config_mode(self, exit_config=\"exit\", pattern=\"\"):\n", + "\n", + "def save_config(self, cmd=\"save config\", confirm=True, confirm_response=\"y\"):\n", + "\n", + "def _BuildIndex(self):\n", + "\n", + "def get(self, column, default_value=None):\n", + "\n", + "def _SetColour(self, value_list):\n", + "\n", + "def Insert(self, key, value, row_index):\n", + "\n", + "def Map(self, function):\n", + "\n", + "def sort(self, cmp=None, key=None, reverse=False):\n", + "\n", + " def _DefaultKey(value):\n", + "\n", + "def extend(self, table, keys=None):\n", + "\n", + "def Remove(self, row):\n", + "\n", + "def _GetRow(self, columns=None):\n", + "\n", + "def _SetRow(self, new_values, row=0):\n", + "\n", + "def _SetHeader(self, new_values):\n", + "\n", + "def _SmallestColSize(self, text):\n", + "\n", + "def RowWith(self, column, value):\n", + "\n", + "def AddColumn(self, column, default=\"\", col_index=-1):\n", + "\n", + "def Append(self, new_values):\n", + "\n", + "def NewRow(self, value=\"\"):\n", + "\n", + "def CsvToTable(self, buf, header=True, separator=\",\"):\n", + "\n", + "def save_config(self, cmd=\"save config\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def disable_paging(self, command=\"pager off\", delay_factor=1):\n", + "\n", + "def load_yaml_file(yaml_file):\n", + "\n", + "def find_cfg_file(file_name=None):\n", + "\n", + "def display_inventory(my_devices):\n", + "\n", + "def obtain_all_devices(my_devices):\n", + "\n", + "def ensure_dir_exists(verify_dir):\n", + "\n", + "def find_netmiko_dir():\n", + "\n", + "def write_bytes(out_data, encoding=\"ascii\"):\n", + "\n", + "def check_serial_port(name):\n", + "\n", + "def get_template_dir():\n", + "\n", + "def clitable_to_dict(cli_table):\n", + "\n", + "def get_structured_data(raw_output, platform, command):\n", + "\n", + "def save_config(self, cmd=\"write memory\", confirm=False, confirm_response=\"\"):\n", + "\n", + "def main():\n", + "\n", + "def validate_iops(iops):\n", + "\n", + "def validate_backup_window(window):\n", + "\n", + "def validate_maintenance_window(window):\n", + "\n", + "def validate_capacity(capacity):\n", + "\n", + "def file_contents(file_name):\n", + "\n", + "def depends_on_helper(obj):\n", + "\n", + "def set_parameter_label(self, parameter, label):\n", + "\n", + "def add_parameter_to_group(self, parameter, group_name):\n", + "\n", + "def from_file(filepath, delimiter='', blanklines=False):\n", + "\n", + "def get_events(conn, stackname):\n", + "\n", + "def tail(conn, stack_name, log_func=_tail_print, sleep_time=5,\n", + "\n", + "def validate_memory_size(memory_value):\n", + "\n", + "def get_validator_list(self):\n", + "\n", + "def _output_tags(self):\n", + "\n", + "def _check_type(self, check_type, properties):\n", + "\n", + "def _walk_for_type(self, check_type):\n", + "\n", + "def _get_type_list(self, props):\n", + "\n", + "def _output_validators(self):\n", + "\n", + "def build_tree(self, name, props, resource_name=None):\n", + "\n", + "def output_tree(self, t, seen):\n", + "\n", + "def output(self):\n", + "\n", + "def inspect_members(self):\n", + "\n", + "def inspect_resources(self):\n", + "\n", + "def inspect_functions(self):\n", + "\n", + "def _get_resource_type_cls(self, name, resource):\n", + "\n", + "def _convert_definition(self, definition, ref=None, cls=None):\n", + "\n", + "def _create_instance(self, cls, args, ref=None):\n", + "\n", + "def _normalize_properties(self, definition):\n", + "\n", + "def _generate_custom_type(self, resource_type):\n", + "\n", + "def _generate_autoscaling_metadata(self, cls, args):\n", + "\n", + "def _get_function_type(self, function_name):\n", + "\n", + "def _import_all_troposphere_modules(self):\n", + "\n", + " def members_predicate(m):\n", + "\n", + "def PCO_option_dispatcher(s):\n", + "\n", + "def PCO_protocol_dispatcher(s):\n", + "\n", + "def _get_npcap_config(param_key):\n", + "\n", + "def _exec_cmd(command):\n", + "\n", + "def get_windows_if_list(extended=False):\n", + "\n", + " def _get_mac(x):\n", + "\n", + " def _get_ips(x):\n", + "\n", + " def _resolve_ips(y):\n", + "\n", + "def get_ips(v6=False):\n", + "\n", + "def get_ip_from_name(ifname, v6=False):\n", + "\n", + "def _pcap_service_control(action, askadmin=True):\n", + "\n", + "def pcapname(dev):\n", + "\n", + "def open_pcap(iface, *args, **kargs):\n", + "\n", + "def _read_routes_c_v1():\n", + "\n", + " def _extract_ip(obj):\n", + "\n", + "def _read_routes_c(ipv6=False):\n", + "\n", + " def _extract_ip_netmask(obj):\n", + "\n", + "def in6_getifaddr():\n", + "\n", + "def get_working_if():\n", + "\n", + "def route_add_loopback(routes=None, ipv6=False, iflist=None):\n", + "\n", + "def update(self, data):\n", + "\n", + "def _npcap_set(self, key, val):\n", + "\n", + "def ismonitor(self):\n", + "\n", + "def setmonitor(self, enable=True):\n", + "\n", + "def setmode(self, mode):\n", + "\n", + "def setmodulation(self, modu):\n", + "\n", + "def _pcap_check(cls):\n", + "\n", + " def _ask_user():\n", + "\n", + "def dev_from_name(self, name):\n", + "\n", + "def dev_from_pcapname(self, pcap_name):\n", + "\n", + "def dev_from_index(self, if_index):\n", + "\n", + "def reload(self):\n", + "\n", + "def show(self, resolve_mac=True, print_result=True):\n", + "\n", + "def select(sockets, remain=None):\n", + "\n", + "def _ntp_dispatcher(payload):\n", + "\n", + "def pre_dissect(self, s):\n", + "\n", + "def haslayer(self, cls):\n", + "\n", + "def guess_payload_class(self, payload):\n", + "\n", + "def sslv2_derive_keys(self, key_material):\n", + "\n", + "def snapshot(self):\n", + "\n", + "def mirror(self):\n", + "\n", + "def compute_tls13_early_secrets(self):\n", + "\n", + "def compute_tls13_handshake_secrets(self):\n", + "\n", + "def compute_tls13_traffic_secrets(self):\n", + "\n", + "def compute_tls13_resumption_secret(self):\n", + "\n", + "def compute_tls13_next_traffic_secrets(self):\n", + "\n", + "def show2(self):\n", + "\n", + "def _LLSGuessPayloadClass(p, **kargs):\n", + "\n", + "def _OSPFv3_LSAGuessPayloadClass(p, **kargs):\n", + "\n", + "def getmacbyip(ip, chainCC=0):\n", + "\n", + "def arpcachepoison(target, victim, interval=60):\n", + "\n", + "def is_promisc(ip, fake_bcast=\"ff:ff:00:00:00:00\", **kargs):\n", + "\n", + "def promiscping(net, timeout=2, fake_bcast=\"ff:ff:ff:ff:ff:fe\", **kargs):\n", + "\n", + "def etherleak(target, **kargs):\n", + "\n", + "def arpleak(target, plen=255, hwlen=255, **kargs):\n", + "\n", + "def dns_get_str(s, pointer=0, pkt=None, _fullpacket=False):\n", + "\n", + "def dns_encode(x, check_built=False):\n", + "\n", + "def dns_compress(pkt):\n", + "\n", + " def field_gen(dns_pkt):\n", + "\n", + " def possible_shortens(dat):\n", + "\n", + "def RRlist2bitmap(lst):\n", + "\n", + "def dyndns_add(nameserver, name, rdata, type=\"A\", ttl=10):\n", + "\n", + "def _convert_seconds(self, packed_seconds):\n", + "\n", + "def h2i(self, pkt, seconds):\n", + "\n", + "def i2repr(self, pkt, packed_seconds):\n", + "\n", + "def answers(self, other):\n", + "\n", + "def neighsol(addr, src, iface, timeout=1, chainCC=0):\n", + "\n", + "def getmacbyip6(ip6, chainCC=0):\n", + "\n", + "def in6_chksum(nh, u, p):\n", + "\n", + "def defragment6(packets):\n", + "\n", + "def fragment6(pkt, fragSize):\n", + "\n", + "def names2dnsrepr(x):\n", + "\n", + "def dnsrepr2names(x):\n", + "\n", + "def _NDP_Attack_DAD_DoS(reply_callback, iface=None, mac_src_filter=None,\n", + "\n", + " def is_request(req, mac_src_filter, tgt_filter):\n", + "\n", + "def NDP_Attack_DAD_DoS_via_NS(iface=None, mac_src_filter=None, tgt_filter=None,\n", + "\n", + " def ns_reply_callback(req, reply_mac, iface):\n", + "\n", + "def NDP_Attack_DAD_DoS_via_NA(iface=None, mac_src_filter=None, tgt_filter=None,\n", + "\n", + " def na_reply_callback(req, reply_mac, iface):\n", + "\n", + "def NDP_Attack_NA_Spoofing(iface=None, mac_src_filter=None, tgt_filter=None,\n", + "\n", + " def is_request(req, mac_src_filter, tgt_filter):\n", + "\n", + " def reply_callback(req, reply_mac, router, iface):\n", + "\n", + "def NDP_Attack_NS_Spoofing(src_lladdr=None, src=None, target=\"2001:db8::1\",\n", + "\n", + "def NDP_Attack_Kill_Default_Router(iface=None, mac_src_filter=None,\n", + "\n", + " def is_request(req, mac_src_filter, ip_src_filter):\n", + "\n", + " def ra_reply_callback(req, reply_mac, tgt_mac, iface):\n", + "\n", + "def NDP_Attack_Fake_Router(ra, iface=None, mac_src_filter=None,\n", + "\n", + " def is_request(req, mac_src_filter, ip_src_filter):\n", + "\n", + " def ra_reply_callback(req, iface):\n", + "\n", + "def route(self):\n", + "\n", + "def extract_padding(self, data):\n", + "\n", + "def post_build(self, packet, payload):\n", + "\n", + "def post_build(self, packet, payload):\n", + "\n", + "def parse_config_file(config_path, verb=3):\n", + "\n", + " def get_if_exist(key, default):\n", + "\n", + "def set_endianess(self, pkt):\n", + "\n", + "def getfield(self, pkt, buf):\n", + "\n", + "def addfield(self, pkt, buf, val):\n", + "\n", + "def dispatch_hook(cls, _pkt, _underlayer=None, *args, **kargs):\n", + "\n", + "def _detect_multi_byte(self, fb):\n", + "\n", + "def _parse_multi_byte(self, s):\n", + "\n", + "def m2i(self, pkt, x):\n", + "\n", + "def any2i(self, pkt, x):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def _detect_bytelen_from_str(s):\n", + "\n", + "def h2i(self, pkt, x):\n", + "\n", + "def i2repr(self, pkt, x):\n", + "\n", + "def _compute_value(self, pkt):\n", + "\n", + "def _huffman_encode_char(cls, c):\n", + "\n", + "def huffman_encode(cls, s):\n", + "\n", + "def huffman_decode(cls, i, ibl):\n", + "\n", + "def huffman_conv2str(cls, bit_str, bit_len):\n", + "\n", + "def huffman_conv2bitstring(cls, s):\n", + "\n", + "def huffman_compute_decode_tree(cls):\n", + "\n", + "def self_build(self, field_pos_list=None):\n", + "\n", + "def dispatch_hook(cls, s=None, *_args, **_kwds):\n", + "\n", + "def get_data_len(self):\n", + "\n", + "def get_hdrs_len(self):\n", + "\n", + "def get_hdrs_len(self):\n", + "\n", + "def guess_payload_class(self, payload):\n", + "\n", + "def resize(self, ns):\n", + "\n", + "def recap(self, nc):\n", + "\n", + "def _reduce_dynamic_table(self, new_entry_size=0):\n", + "\n", + "def register(self, hdrs):\n", + "\n", + "def get_idx_by_name(self, name):\n", + "\n", + "def gen_txt_repr(self, hdrs, register=True):\n", + "\n", + "def parse_txt_hdrs(self,\n", + "\n", + "def AVP(avpId, **fields):\n", + "\n", + "def getCmdParams(cmd, request, **fields):\n", + "\n", + "def DiamReq(cmd, **fields):\n", + "\n", + "def DiamAns(cmd, **fields):\n", + "\n", + "def i2m(self, pkt, x):\n", + "\n", + "def _iterate_fields_cond(self, pkt, val, use_val):\n", + "\n", + "def _find_fld_pkt_val(self, pkt, val):\n", + "\n", + "def _find_fld(self):\n", + "\n", + "def _fixup_val(self, x):\n", + "\n", + "def _check_uuid_fmt(self):\n", + "\n", + "def pre_dissect(self, s):\n", + "\n", + "def _tls_auth_decrypt(self, s):\n", + "\n", + "def pre_dissect(self, s):\n", + "\n", + "def post_dissect(self, s):\n", + "\n", + "def _tls_auth_encrypt(self, s):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def ARC4_encrypt(key, data, skip=0):\n", + "\n", + "def customPRF512(key, amac, smac, anonce, snonce):\n", + "\n", + "def gen_TKIP_RC4_key(TSC, TA, TK):\n", + "\n", + "def _michael_b(m_l, m_r):\n", + "\n", + "def michael(key, to_hash):\n", + "\n", + "def parse_TKIP_hdr(pkt):\n", + "\n", + "def build_TKIP_payload(data, iv, mac, tk):\n", + "\n", + "def parse_data_pkt(pkt, tk):\n", + "\n", + "def check_MIC_ICV(data, mic_key, source, dest):\n", + "\n", + "def build_MIC_ICV(data, mic_key, source, dest):\n", + "\n", + "def _lcm(a, b):\n", + "\n", + "def split_for_transport(orig_pkt, transport_proto):\n", + "\n", + "def new_cipher(self, key, mode_iv, digest=None):\n", + "\n", + "def pad(self, esp):\n", + "\n", + "def encrypt(self, sa, esp, key):\n", + "\n", + "def check_key(self, key):\n", + "\n", + "def sign(self, pkt, key):\n", + "\n", + "def verify(self, pkt, key):\n", + "\n", + "def encrypt(self, pkt, seq_num=None, iv=None):\n", + "\n", + "def decrypt(self, pkt, verify=True):\n", + "\n", + "def _update_nonce_explicit(self):\n", + "\n", + "def auth_encrypt(self, P, A, seq_num=None):\n", + "\n", + "def auth_decrypt(self, A, C, seq_num=None, add_length=True):\n", + "\n", + "def auth_encrypt(self, P, A, seq_num):\n", + "\n", + "def auth_decrypt(self, A, C, seq_num):\n", + "\n", + "def _tzsp_guess_next_tag(payload):\n", + "\n", + "def get_encapsulated_payload_class(self):\n", + "\n", + "def guess_payload_class(self, payload):\n", + "\n", + "def h2i(self, pkt, x):\n", + "\n", + "def get_algs_from_ciphersuite_name(ciphersuite_name):\n", + "\n", + "def get_usable_ciphersuites(l, kx):\n", + "\n", + "def in4_chksum(proto, u, p):\n", + "\n", + "def _defrag_list(lst, defrag, missfrag):\n", + "\n", + "def _defrag_logic(plist, complete=False):\n", + "\n", + "def _packetlist_timeskew_graph(self, ip, **kargs):\n", + "\n", + " def _wrap_data(ts_tuple, wrap_seconds=2000):\n", + "\n", + "def report_ports(target, ports):\n", + "\n", + "def _ttl(self):\n", + "\n", + "def trace3D(self, join=True):\n", + "\n", + "def trace3D_notebook(self):\n", + "\n", + " def __init__(self, ip, **kargs):\n", + "\n", + " def fullinfos(self):\n", + "\n", + " def unfull(self):\n", + "\n", + " def setlabel(self, txt, visible=None):\n", + "\n", + " def check_double_click(self):\n", + "\n", + " def action(self):\n", + "\n", + " def mouse_click(ev):\n", + "\n", + "def world_trace(self):\n", + "\n", + "def graph(self, ASres=conf.AS_resolver, padding=0, **kargs):\n", + "\n", + "def m2i(self, pkt, s):\n", + "\n", + "def m2i(self, pkt, s):\n", + "\n", + "def m2i(self, pkt, s):\n", + "\n", + "def igmpize(self):\n", + "\n", + "def _bgp_dispatcher(payload):\n", + "\n", + "def _bgp_capability_dispatcher(payload):\n", + "\n", + "def i2m(self, pkt, i):\n", + "\n", + "def i2m(self, pkt, i):\n", + "\n", + "def pre_dissect(self, s):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def guess_payload_class(self, payload):\n", + "\n", + "def feed(self, can):\n", + "\n", + "def pop(self, identifier=None, ext_addr=None, basecls=ISOTP):\n", + "\n", + "def begin_send(self, p):\n", + "\n", + "def recv_with_timeout(self, timeout=1):\n", + "\n", + "def recv_raw(self, x=0xffff):\n", + "\n", + "def select(sockets, remain=None):\n", + "\n", + " def find_ready_sockets():\n", + "\n", + " def my_cb(msg):\n", + "\n", + "def set_timeout(self, timeout, callback):\n", + "\n", + "def cancel(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def _rx_timer_handler(self):\n", + "\n", + "def _tx_timer_handler(self):\n", + "\n", + "def on_recv(self, cf):\n", + "\n", + "def _recv_fc(self, data):\n", + "\n", + "def _recv_sf(self, data):\n", + "\n", + "def _recv_ff(self, data):\n", + "\n", + "def _recv_cf(self, data):\n", + "\n", + "def begin_send(self, x):\n", + "\n", + "def send(self, p):\n", + "\n", + "def recv(self, timeout=None):\n", + "\n", + "def should_add_ClientCertificate(self):\n", + "\n", + "def should_add_ClientVerify(self):\n", + "\n", + "def add_ClientData(self):\n", + "\n", + "def dispatch_hook(cls, _pkt=None, *args, **kargs):\n", + "\n", + "def source_addr_mode2(pkt):\n", + "\n", + "def destiny_addr_mode(pkt):\n", + "\n", + "def _extract_dot15d4address(pkt, source=True):\n", + "\n", + "def sixlowpan_fragment(packet, datagram_tag=1):\n", + "\n", + " def chunks(l, n):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def post_dissect(self, data):\n", + "\n", + "def _getTrafficClassAndFlowLabel(self):\n", + "\n", + "def dispatch_hook(cls, _pkt=b\"\", *args, **kargs):\n", + "\n", + "def get_issuer_str(self):\n", + "\n", + "def on_packet_received(self, pkt):\n", + "\n", + "def bind_bottom_up(lower, upper, __fval=None, **fval):\n", + "\n", + "def bind_top_down(lower, upper, __fval=None, **fval):\n", + "\n", + "def bind_layers(lower, upper, __fval=None, **fval):\n", + "\n", + "def split_bottom_up(lower, upper, __fval=None, **fval):\n", + "\n", + " def do_filter(params, cls):\n", + "\n", + "def split_top_down(lower, upper, __fval=None, **fval):\n", + "\n", + "def split_layers(lower, upper, __fval=None, **fval):\n", + "\n", + "def explore(layer=None):\n", + "\n", + "def ls(obj=None, case_sensitive=False, verbose=False):\n", + "\n", + "def fuzz(p, _inplace=0):\n", + "\n", + "def init_fields(self):\n", + "\n", + "def do_init_fields(self, flist):\n", + "\n", + "def do_init_cached_fields(self):\n", + "\n", + "def prepare_cached_fields(self, flist):\n", + "\n", + "def dissection_done(self, pkt):\n", + "\n", + "def copy(self):\n", + "\n", + "def _superdir(self):\n", + "\n", + "def clear_cache(self):\n", + "\n", + "def self_build(self, field_pos_list=None):\n", + "\n", + "def do_build(self):\n", + "\n", + "def build(self):\n", + "\n", + "def do_dissect_payload(self, s):\n", + "\n", + "def guess_payload_class(self, payload):\n", + "\n", + "def hide_defaults(self):\n", + "\n", + "def layers(self):\n", + "\n", + "def getlayer(self, cls, nb=1, _track=None, _subclass=None, **flt):\n", + "\n", + "def show(self, dump=False, indent=3, lvl=\"\", label_lvl=\"\"):\n", + "\n", + "def show2(self, dump=False, indent=3, lvl=\"\", label_lvl=\"\"):\n", + "\n", + "def sprintf(self, fmt, relax=1):\n", + "\n", + "def command(self):\n", + "\n", + "def INIT_TLS_SESSION(self):\n", + "\n", + "def should_check_ciphersuites(self):\n", + "\n", + "def should_add_ServerHello(self):\n", + "\n", + "def parse_args(self, ap_mac, ssid, passphrase,\n", + "\n", + "def install_PMK(self):\n", + "\n", + "def install_unicast_keys(self, client_nonce):\n", + "\n", + "def install_GTK(self):\n", + "\n", + "def build_ap_info_pkt(self, layer_cls, dest):\n", + "\n", + "def build_GTK_KDE(self):\n", + "\n", + "def send_wpa_enc(self, data, iv, seqnum, dest, mic_key,\n", + "\n", + "def send_ether_over_wpa(self, pkt, **kwargs):\n", + "\n", + "def get_next_msg(self, socket_timeout=2, retry=2):\n", + "\n", + "def raise_on_packet(self, pkt_cls, state, get_next_msg=True):\n", + "\n", + "def add_record(self, is_sslv2=None, is_tls13=None):\n", + "\n", + "def add_msg(self, pkt):\n", + "\n", + "def flush_records(self):\n", + "\n", + "def util_srcpanid_present(pkt):\n", + "\n", + "def i2repr(self, pkt, x):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def _tls_P_hash(secret, seed, req_len, hm):\n", + "\n", + "def _ssl_PRF(secret, seed, req_len):\n", + "\n", + "def _tls_PRF(secret, label, seed, req_len):\n", + "\n", + "def _tls12_SHA256PRF(secret, label, seed, req_len):\n", + "\n", + "def compute_master_secret(self, pre_master_secret,\n", + "\n", + "def derive_key_block(self, master_secret, server_random,\n", + "\n", + "def compute_verify_data(self, con_end, read_or_write,\n", + "\n", + "def postprocess_key_for_export(self, key, client_random, server_random,\n", + "\n", + "def generate_iv_for_export(self, client_random, server_random,\n", + "\n", + "def load_protocols(filename, _integer_base=10):\n", + "\n", + "def load_manuf(filename):\n", + "\n", + "def lookup(self, mac):\n", + "\n", + "def reverse_lookup(self, name, case_sensitive=False):\n", + "\n", + "def answers(self, other):\n", + "\n", + "def _version_from_git_describe():\n", + "\n", + "def _TLS_Ext_CertTypeDispatcher(m, *args, **kargs):\n", + "\n", + "def _show_or_dump(self, dump=False, indent=3,\n", + "\n", + "def getfield(self, pkt, s):\n", + "\n", + "def addfield(self, pkt, s, i):\n", + "\n", + "def _GenNetflowRecordV9(cls, lengths_list):\n", + "\n", + "def _netflowv9_defragment_packet(pkt, definitions, definitions_opts, ignored):\n", + "\n", + "def netflowv9_defragment(plist, verb=1):\n", + "\n", + "def der2pem(der_string, obj=\"UNKNOWN\"):\n", + "\n", + "def pem2der(pem_string):\n", + "\n", + "def split_pem(s):\n", + "\n", + "def _create_ca_file(anchor_list, filename):\n", + "\n", + "def verifyCert(self, cert):\n", + "\n", + "def signTBSCert(self, tbsCert, h=\"sha256\"):\n", + "\n", + "def isSelfSigned(self):\n", + "\n", + "def isRevoked(self, crl_list):\n", + "\n", + "def export(self, filename, fmt=\"DER\"):\n", + "\n", + "def verifyChain(self, anchors, untrusted=None):\n", + "\n", + "def verifyChainFromCAFile(self, cafile, untrusted_file=None):\n", + "\n", + "def verifyChainFromCAPath(self, capath, untrusted_file=None):\n", + "\n", + "def answers(self, other):\n", + "\n", + " def _timeout(stopevent):\n", + "\n", + "def _sndrcv_rcv(pks, hsent, stopevent, nbrecv, notans, verbose, chainCC,\n", + "\n", + " def _get_pkt():\n", + "\n", + "def sndrcv(pks, pkt, timeout=None, inter=0, verbose=None, chainCC=False,\n", + "\n", + "def send(x, inter=0, loop=0, count=None,\n", + "\n", + "def sendp(x, inter=0, loop=0, iface=None, iface_hint=None, count=None,\n", + "\n", + "def _parse_tcpreplay_result(stdout, stderr, argv):\n", + "\n", + "def sr(x, promisc=None, filter=None, iface=None, nofilter=0, *args, **kargs):\n", + "\n", + "def sr1(x, promisc=None, filter=None, iface=None, nofilter=0, *args, **kargs):\n", + "\n", + "def srp(x, promisc=None, iface=None, iface_hint=None, filter=None,\n", + "\n", + "def srp1(*args, **kargs):\n", + "\n", + "def sniff(count=0, store=True, offline=None, prn=None, lfilter=None,\n", + "\n", + " def _init_socket(iface, count):\n", + "\n", + " def prn_send(pkt):\n", + "\n", + " def prn(pkt):\n", + "\n", + "def tshark(*args, **kargs):\n", + "\n", + " def _cb(pkt):\n", + "\n", + "def ikev2scan(ip, **kwargs):\n", + "\n", + "def _mib_register(ident, value, the_mib, unresolved):\n", + "\n", + "def load_mib(filenames):\n", + "\n", + "def _findroot(self, x):\n", + "\n", + "def _oid(self, x):\n", + "\n", + "def _get_underlayers_size(self):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def get_pause_time(self, speed=ETHER_SPEED_MBIT_1000):\n", + "\n", + "def rdcandump(filename, count=None,\n", + "\n", + "def inv_endianness(pkt):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def pkt2uptime(pkt, HZ=100):\n", + "\n", + "def p0f_impersonate(pkt, osgenre=None, osdetails=None, signature=None,\n", + "\n", + "def get_response(self):\n", + "\n", + "def get_response(self):\n", + "\n", + "def i2len(self, pkt, val):\n", + "\n", + "def get_response(self):\n", + "\n", + "def get_response(self):\n", + "\n", + "def get_response(self):\n", + "\n", + "def can_handle(cls, pkt, rpc):\n", + "\n", + "def make_iv(self, pkt):\n", + "\n", + "def split_pkt(pkt, assoclen, icvlen=0):\n", + "\n", + "def encap(self, pkt):\n", + "\n", + "def decap(self, orig_pkt):\n", + "\n", + "def encrypt(self, orig_pkt, assoclen=None):\n", + "\n", + "def decrypt(self, orig_pkt, assoclen=None):\n", + "\n", + "def srbt(bt_address, pkts, inter=0.1, *args, **kargs):\n", + "\n", + "def srbt1(bt_address, pkts, *args, **kargs):\n", + "\n", + "def register_magic_payload(cls, payload_cls, magic_check=None):\n", + "\n", + "def _is_tp(pkt):\n", + "\n", + "def fragment(self, fragsize=1392):\n", + "\n", + "def _next_radiotap_extpm(pkt, lst, cur, s):\n", + "\n", + "def network_stats(self):\n", + "\n", + "def get_alias_address(iface_name, ip_mask, gw_str, metric):\n", + "\n", + "def in6_getifaddr():\n", + "\n", + "def get_iface_mode(iface):\n", + "\n", + "def set_iface_monitor(iface, monitor):\n", + "\n", + " def _check_call(commands):\n", + "\n", + "def recv_raw(self, x=MTU):\n", + "\n", + "def isBPFSocket(obj):\n", + "\n", + "def bpf_select(fds_list, timeout=None):\n", + "\n", + "def set_promisc(self, value):\n", + "\n", + "def guess_cls(self):\n", + "\n", + "def set_nonblock(self, set_flag=True):\n", + "\n", + "def get_stats(self):\n", + "\n", + "def get_blen(self):\n", + "\n", + "def close(self):\n", + "\n", + "def extract_frames(self, bpf_buffer):\n", + "\n", + "def recv(self, x=BPF_BUFFER_LENGTH):\n", + "\n", + "def nonblock_recv(self):\n", + "\n", + "def get_frame(self):\n", + "\n", + "def send(self, pkt):\n", + "\n", + "def tls_session_update(self, msg_str):\n", + "\n", + "def tls_session_update(self, msg_str):\n", + "\n", + "def _get_values(value):\n", + "\n", + "def psdump(self, filename=None, **kargs):\n", + "\n", + "def pdfdump(self, filename=None, **kargs):\n", + "\n", + "def svgdump(self, filename=None, **kargs):\n", + "\n", + "def get_long_description():\n", + "\n", + "def _check_len(self, pkt):\n", + "\n", + "def _legacy_pkcs1_v1_5_encode_md5_sha1(M, emLen):\n", + "\n", + "def dhcp_request(iface=None, **kargs):\n", + "\n", + "def apply_ipython_style(shell):\n", + "\n", + " def in_prompt_tokens(self, cli=None):\n", + "\n", + " def out_prompt_tokens(self):\n", + "\n", + "def _wait_non_ressources(self, callback):\n", + "\n", + "def wait_return(self, callback):\n", + "\n", + "def call_release(self, arborted=False):\n", + "\n", + "def _release_all(self):\n", + "\n", + "def _timeout_thread(self, remain):\n", + "\n", + "def _exit_door(self, _input):\n", + "\n", + "def process(self):\n", + "\n", + "def _version_checker(module, minver):\n", + "\n", + "def isCryptographyAdvanced():\n", + "\n", + "def _prompt_changer(attr, val):\n", + "\n", + "def _set_conf_sockets():\n", + "\n", + "def crypto_validator(func):\n", + "\n", + " def func_in(*args, **kwargs):\n", + "\n", + "def filter(self, func):\n", + "\n", + "def plot(self, f, lfilter=None, plot_xy=False, **kargs):\n", + "\n", + "def diffplot(self, f, delay=1, lfilter=None, **kargs):\n", + "\n", + "def multiplot(self, f, lfilter=None, plot_xy=False, **kargs):\n", + "\n", + "def hexraw(self, lfilter=None):\n", + "\n", + "def hexdump(self, lfilter=None):\n", + "\n", + "def conversations(self, getsrcdst=None, **kargs):\n", + "\n", + " def getsrcdst(pkt):\n", + "\n", + "def afterglow(self, src=None, event=None, dst=None, **kargs):\n", + "\n", + " def normalize(n):\n", + "\n", + " def minmax(x):\n", + "\n", + "def sr(self, multi=0):\n", + "\n", + "def replace(self, *args, **kargs):\n", + "\n", + "def _check_tcpdump():\n", + "\n", + "def get_if(iff, cmd):\n", + "\n", + "def _select_nonblock(sockets, remain=None):\n", + "\n", + " def _sleep_nonblock_recv(self):\n", + "\n", + "def _legacy_bpf_pointer(tcpdump_lines):\n", + "\n", + "def get_bpf_pointer(tcpdump_lines):\n", + "\n", + "def compile_filter(bpf_filter, iface=None):\n", + "\n", + "def _ldp_id_adjustlen(pkt, x):\n", + "\n", + "def _dot1q_headers_size(layer):\n", + "\n", + "def _frame_structure_check(structure_description):\n", + "\n", + "def _tlv_multiplicities_check(tlv_type_count):\n", + "\n", + "def _check(self):\n", + "\n", + "def _check(self):\n", + "\n", + "def GetIcmpStatistics():\n", + "\n", + "def GetAdaptersAddresses(AF=AF_UNSPEC):\n", + "\n", + "def GetIpForwardTable():\n", + "\n", + "def GetIpForwardTable2(AF=AF_UNSPEC):\n", + "\n", + "def encrypt(self, data):\n", + "\n", + "def decrypt(self, data):\n", + "\n", + "def prepare_packed_data(radius_packet, packed_req_authenticator):\n", + "\n", + "def register_variant(cls):\n", + "\n", + "def dispatch_hook(cls, _pkt=None, *args, **kargs):\n", + "\n", + "def compute_message_authenticator(radius_packet, packed_req_authenticator,\n", + "\n", + "def compute_authenticator(self, packed_request_auth, shared_secret):\n", + "\n", + "def do_build(self):\n", + "\n", + "def create_privkey(self):\n", + "\n", + "def _guess_iface_name(netif):\n", + "\n", + "def _in6_getifaddr(ifname):\n", + "\n", + "def in6_getifaddr():\n", + "\n", + "def read_routes6():\n", + "\n", + "def _load(module, globals_dict=None, symb_list=None):\n", + "\n", + "def load_module(name, globals_dict=None, symb_list=None):\n", + "\n", + "def load_layer(name, globals_dict=None, symb_list=None):\n", + "\n", + "def load_contrib(name, globals_dict=None, symb_list=None):\n", + "\n", + "def list_contrib(name=None, ret=False, _debug=False):\n", + "\n", + "def save_session(fname=None, session=None, pickleProto=-1):\n", + "\n", + "def load_session(fname=None):\n", + "\n", + "def update_session(fname=None):\n", + "\n", + "def _prepare_quote(quote, author, max_len=78):\n", + "\n", + " def _len(line):\n", + "\n", + "def autorun_get_interactive_session(cmds, **kargs):\n", + "\n", + "def _check_field_type(self, pkt, index):\n", + "\n", + "def getfield(self, pkt, s):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def get_source_addr_from_candidate_set(dst, candidate_set):\n", + "\n", + " def scope_cmp(a, b):\n", + "\n", + " def rfc3484_cmp(source_a, source_b):\n", + "\n", + "def in6_mactoifaceid(mac, ulbit=None):\n", + "\n", + "def in6_ifaceidtomac(ifaceid):\n", + "\n", + "def in6_addrtomac(addr):\n", + "\n", + "def in6_addrtovendor(addr):\n", + "\n", + "def in6_getLinkScopedMcastAddr(addr, grpid=None, scope=2):\n", + "\n", + "def in6_getLocalUniquePrefix():\n", + "\n", + "def in6_getRandomizedIfaceId(ifaceid, previous=None):\n", + "\n", + "def in6_ptoc(addr):\n", + "\n", + "def in6_isaddrTeredo(x):\n", + "\n", + "def teredoAddrExtractInfo(x):\n", + "\n", + "def in6_iseui64(x):\n", + "\n", + "def in6_getnsma(a):\n", + "\n", + "def in6_getha(prefix):\n", + "\n", + "def in6_isincluded(addr, prefix, plen):\n", + "\n", + "def in6_isllsnmaddr(str):\n", + "\n", + "def in6_getscope(addr):\n", + "\n", + "def in6_get_common_plen(a, b):\n", + "\n", + " def matching_bits(byte1, byte2):\n", + "\n", + "def in6_isvalid(address):\n", + "\n", + "def get_if_raw_addr(ifname):\n", + "\n", + "def get_if_raw_hwaddr(ifname):\n", + "\n", + "def get_dev_bpf():\n", + "\n", + "def attach_filter(fd, bpf_filter, iface):\n", + "\n", + "def get_if_list():\n", + "\n", + "def get_working_ifaces():\n", + "\n", + "def get_temp_file(keep=False, autoext=\"\", fd=False):\n", + "\n", + "def get_temp_dir(keep=False):\n", + "\n", + "def restart():\n", + "\n", + "def hexdump(x, dump=False):\n", + "\n", + "def linehexdump(x, onlyasc=0, onlyhex=0, dump=False):\n", + "\n", + "def chexdump(x, dump=False):\n", + "\n", + "def hexstr(x, onlyasc=0, onlyhex=0, color=False):\n", + "\n", + "def hexdiff(x, y):\n", + "\n", + "def fletcher16_checkbytes(binbuf, offset):\n", + "\n", + "def randstring(l):\n", + "\n", + "def strxor(s1, s2):\n", + "\n", + "def save_object(fname, obj):\n", + "\n", + "def corrupt_bytes(s, p=0.01, n=None):\n", + "\n", + "def wrpcap(filename, pkt, *args, **kargs):\n", + "\n", + "def rdpcap(filename, count=-1):\n", + "\n", + "def import_hexcap():\n", + "\n", + "def wireshark(pktlist, wait=False, **kwargs):\n", + "\n", + "def tdecode(pktlist, args=None, **kwargs):\n", + "\n", + "def tcpdump(pktlist, dump=False, getfd=False, args=None,\n", + "\n", + "def hexedit(pktlist):\n", + "\n", + "def get_terminal_width():\n", + "\n", + "def pretty_list(rtlst, header, sortBy=0, borders=False):\n", + "\n", + "def whois(ip_address):\n", + "\n", + "def open(filename):\n", + "\n", + "def read_all(self, count=-1):\n", + "\n", + "def read_packet(self, size=MTU):\n", + "\n", + "def read_block_idb(self, block, _):\n", + "\n", + "def read_block_epb(self, block, size):\n", + "\n", + "def write(self, pkt):\n", + "\n", + "def _write_packet(self, packet, sec=None, usec=None, caplen=None,\n", + "\n", + "def voip_play(s1, lst=None, **kargs):\n", + "\n", + " def play(pkt):\n", + "\n", + "def voip_play2(s1, **kargs):\n", + "\n", + " def play(pkt):\n", + "\n", + "def phantom_mode(pkt):\n", + "\n", + "def phantom_decorate(f, get_or_add):\n", + "\n", + " def wrapper(*args):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def _update_sig(self, m, key):\n", + "\n", + "def _verify_sig(self, m, cert):\n", + "\n", + "def fill_missing(self):\n", + "\n", + "def register_pubkey(self):\n", + "\n", + "def fill_missing(self):\n", + "\n", + "def register_pubkey(self):\n", + "\n", + "def post_dissection(self, m):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def lambda_tuple_converter(func):\n", + "\n", + "def base64_bytes(x):\n", + "\n", + "def bytes_base64(x):\n", + "\n", + "def m2i(self, pkt, m):\n", + "\n", + "def getfield(self, pkt, s):\n", + "\n", + "def i2m(self, pkt, p):\n", + "\n", + "def addfield(self, pkt, s, val):\n", + "\n", + "def dispatch_hook(cls, _pkt=None, *args, **kargs):\n", + "\n", + "def _tls_hmac_verify(self, hdr, msg, mac):\n", + "\n", + "def _tls_decompress(self, s):\n", + "\n", + "def pre_dissect(self, s):\n", + "\n", + "def post_dissect(self, s):\n", + "\n", + "def _tls_compress(self, s):\n", + "\n", + "def _tls_auth_encrypt(self, s):\n", + "\n", + "def _tls_hmac_add(self, hdr, msg):\n", + "\n", + "def _tls_pad(self, s):\n", + "\n", + "def post_build(self, pkt, pay):\n", + "\n", + "def select(sockets, remain=conf.recv_poll_rate):\n", + "\n", + "def open(self):\n", + "\n", + "def util_mic_len(pkt):\n", + "\n", + "def build_eir(self):\n", + "\n", + "def from_url(url):\n", + "\n", + "def add(self, *args, **kargs):\n", + "\n", + "def ifdel(self, iff):\n", + "\n", + "def ifadd(self, iff, addr):\n", + "\n", + "def route(self, dst=None, dev=None, verbose=conf.verb):\n", + "\n", + "def _tls_compress(alg, p):\n", + "\n", + "def _tls_decompress(alg, c):\n", + "\n", + "def _tls_mac_add(alg, c, write_seq_num):\n", + "\n", + "def _tls_mac_verify(alg, p, read_seq_num):\n", + "\n", + "def _tls_add_pad(p, block_size):\n", + "\n", + "def _tls_del_pad(p):\n", + "\n", + "def _tls_encrypt(alg, p):\n", + "\n", + "def _tls_decrypt(alg, c):\n", + "\n", + "def _tls_aead_auth_encrypt(alg, p, write_seq_num):\n", + "\n", + "def _tls_aead_auth_decrypt(alg, c, read_seq_num):\n", + "\n", + "def _extcap_call(prog, args, keyword, values):\n", + "\n", + "def _hcsi_null_range(*args, **kwargs):\n", + "\n", + "def i2m(self, pkt, x):\n", + "\n", + "def get_if_addr6(iff):\n", + "\n", + "def get_if_raw_addr6(iff):\n", + "\n", + "def i2s_frameid(x):\n", + "\n", + "def s2i_frameid(x):\n", + "\n", + "def dispatch_hook(cls, _pkt=None, *args, **kargs):\n", + "\n", + "def parse(self, data):\n", + "\n", + "def encode_maxrespcode(self):\n", + "\n", + "def _register_lltd_specific_class(*attr_types):\n", + "\n", + " def _register(cls):\n", + "\n", + "def parse(self, plist):\n", + "\n", + "def get_data(self):\n", + "\n", + "def _inet6_pton(addr):\n", + "\n", + "def inet_pton(af, addr):\n", + "\n", + "def _inet6_ntop(addr):\n", + "\n", + "def inet_ntop(af, addr):\n", + "\n", + "def recv_raw(self, x=MTU):\n", + "\n", + "def nonblock_recv(self):\n", + "\n", + "def delt(self, *args, **kargs):\n", + "\n", + "def route(self, dst=None, verbose=conf.verb):\n", + "\n", + "def open_icmp_firewall(host):\n", + "\n", + "def tls_session_update(self, msg_str):\n", + "\n", + "def tls_session_update(self, msg_str):\n", + "\n", + "def tls_session_update(self, msg_str):\n", + "\n", + "def build(self, *args, **kargs):\n", + "\n", + "def post_dissection(self, pkt):\n", + "\n", + "def m2i(self, pkt, m):\n", + "\n", + "def nmap_fp(target, oport=80, cport=81):\n", + "\n", + "def process_kwargs(obj, kwargs):\n", + "\n", + "def show_help(fd=sys.stdout):\n", + "\n", + "def next_file(self, close_previous=True):\n", + "\n", + "def clear(self, results=True, errors=True):\n", + "\n", + "def result(self, r=None, **kwargs):\n", + "\n", + "def error(self, **kwargs):\n", + "\n", + "def header(self):\n", + "\n", + "def main(self):\n", + "\n", + "def list(self, attribute=\"run\"):\n", + "\n", + "def help(self):\n", + "\n", + "def execute(self, *args, **kwargs):\n", + "\n", + "def run(self, module, dependency=False, kwargs={}):\n", + "\n", + "def argv(self, module, argv=sys.argv[1:]):\n", + "\n", + "def kwargs(self, obj, kwargs):\n", + "\n", + "def status_server(self, port):\n", + "\n", + "def _make_short(self, data, endianness):\n", + "\n", + "def _get_fname_len(self, bufflen=128):\n", + "\n", + "def _get_node(self):\n", + "\n", + "def entries(self):\n", + "\n", + "def _decode_fname(self):\n", + "\n", + "def _generate_regex(self, line):\n", + "\n", + "def _filtered(self, text):\n", + "\n", + "def _do_math(self, offset, expression):\n", + "\n", + "def _analyze(self, signature, offset):\n", + "\n", + "def scan(self, data, dlen=None):\n", + "\n", + "def load(self, fname):\n", + "\n", + "def parse(self, lines):\n", + "\n", + "def _set_verbosity(self):\n", + "\n", + "def file_name_filter(self, fp):\n", + "\n", + "def open_file(self, fname, length=None, offset=None, swap=None, block=None, peek=None):\n", + "\n", + "def _open_target_files(self):\n", + "\n", + "def validate(self, r):\n", + "\n", + "def list_plugins(self):\n", + "\n", + "def shannon(self, data):\n", + "\n", + "def gzip(self, data, truncate=True):\n", + "\n", + "def nts(self, s):\n", + "\n", + "def nti(self, s):\n", + "\n", + "def debug(msg):\n", + "\n", + "def file_md5(file_name):\n", + "\n", + "def file_size(filename):\n", + "\n", + "def get_quoted_strings(quoted_string):\n", + "\n", + "def unique_file_name(base_name, extension=''):\n", + "\n", + "def strings(filename, minimum=4):\n", + "\n", + "def bytes2str(bs):\n", + "\n", + "def create_rule(self, txtrule=None, regex=None, extension=None, cmd=None, codes=[0, None], recurse=True):\n", + "\n", + "def remove_rules(self, description):\n", + "\n", + "def edit_rules(self, description, key, value):\n", + "\n", + "def get_rules(self, description=None):\n", + "\n", + "def load_from_file(self, fname):\n", + "\n", + "def load_defaults(self):\n", + "\n", + "def build_output_directory(self, path):\n", + "\n", + "def extract(self, offset, description, file_name, size, name=None):\n", + "\n", + "def _entry_offset(self, index, entries, description):\n", + "\n", + "def match(self, description):\n", + "\n", + "def _parse_rule(self, rule):\n", + "\n", + "def _dd(self, file_name, offset, size, extension, output_file_name=None):\n", + "\n", + "def execute(self, cmd, fname, codes=[0, None]):\n", + "\n", + "def _fix_unicode_list(self, columns):\n", + "\n", + "def _append_to_data_parts(self, data, start, end):\n", + "\n", + "def _format_line(self, line):\n", + "\n", + "def _configure_formatting(self):\n", + "\n", + "def _magic_signature_files(self, system_only=False, user_only=False):\n", + "\n", + " def list_files(dir_path):\n", + "\n", + "def find_magic_file(self, fname, system_only=False, user_only=False):\n", + "\n", + "def _get_user_dir(self):\n", + "\n", + "def _file_path(self, dirname, filename):\n", + "\n", + "def _user_path(self, subdir, basename=''):\n", + "\n", + "def _system_path(self, subdir, basename=''):\n", + "\n", + "def _decrypt_and_extract(self, fname):\n", + "\n", + "def _hilink_decrypt(self, encrypted_firmware):\n", + "\n", + "def scan(self, result):\n", + "\n", + "def run():\n", + "\n", + "def save_firefox_profile(self, remove_old=False):\n", + "\n", + "def wait_for_login(self, timeout=90):\n", + "\n", + "def get_qr(self, filename=None):\n", + "\n", + "def get_contacts(self):\n", + "\n", + "def get_my_contacts(self):\n", + "\n", + "def get_all_chats(self):\n", + "\n", + "def get_unread(self, include_me=False, include_notifications=False, use_unread_count=False):\n", + "\n", + "def get_unread_messages_in_chat(self,\n", + "\n", + "def get_all_messages_in_chat(self, chat, include_me=False, include_notifications=False):\n", + "\n", + "def get_all_message_ids_in_chat(self, chat, include_me=False, include_notifications=False):\n", + "\n", + "def get_message_by_id(self, message_id):\n", + "\n", + "def get_contact_from_id(self, contact_id):\n", + "\n", + "def get_chat_from_id(self, chat_id):\n", + "\n", + "def get_chat_from_phone_number(self, number, createIfNotFound = False):\n", + "\n", + "def get_status(self):\n", + "\n", + "def contact_get_common_groups(self, contact_id):\n", + "\n", + "def convert_to_base64(self, path):\n", + "\n", + "def send_media(self, path, chatid, caption):\n", + "\n", + "def get_profile_pic_from_id(self, id):\n", + "\n", + "def get_profile_pic_small_from_id(self, id):\n", + "\n", + "def delete_message(self, chat_id, message_array, revoke=False):\n", + "\n", + "def check_number_status(self, number_id):\n", + "\n", + "def factory_chat(js_obj, driver=None):\n", + "\n", + "def get_unread_messages(self,\n", + "\n", + "def load_earlier_messages_till(self, last):\n", + "\n", + "def factory_message(js_obj, driver):\n", + "\n", + "def create_logger():\n", + "\n", + "def init_driver(client_id):\n", + "\n", + "def init_client(client_id):\n", + "\n", + "def delete_client(client_id, preserve_cache):\n", + "\n", + "def init_timer(client_id):\n", + "\n", + "def check_new_messages(client_id):\n", + "\n", + "def get_client_info(client_id):\n", + "\n", + "def create_static_profile_path(client_id):\n", + "\n", + "def before_request():\n", + "\n", + "def create_client():\n", + "\n", + "def delete_client():\n", + "\n", + "def get_screen():\n", + "\n", + "def get_unread_messages():\n", + "\n", + "def get_messages(chat_id):\n", + "\n", + "def send_message(chat_id):\n", + "\n", + "def download_message_media(msg_id):\n", + "\n", + "def get_active_clients():\n", + "\n", + "def run_clients():\n", + "\n", + "def kill_clients():\n", + "\n", + "def driver_needed(func):\n", + "\n", + " def wrapped(self, *args):\n", + "\n", + "def dist_dir(self):\n", + "\n", + "def check_recipe_choices(self):\n", + "\n", + "def prepare_build_dir(self):\n", + "\n", + "def list_bootstraps(cls):\n", + "\n", + "def get_bootstrap_from_recipes(cls, recipes, ctx):\n", + "\n", + "def get_bootstrap(cls, name, ctx):\n", + "\n", + "def distribute_libs(self, arch, src_dirs, wildcard='*', dest_dir=\"libs\"):\n", + "\n", + "def distribute_javaclasses(self, javaclass_dir, dest_dir=\"src\"):\n", + "\n", + "def distribute_aars(self, arch):\n", + "\n", + "def _unpack_aar(self, aar, arch):\n", + "\n", + "def modified_recipes(branch='origin/master'):\n", + "\n", + "def build(target_python, requirements):\n", + "\n", + "def get_recipe_env(self, arch=None, with_flags_in_cc=True):\n", + "\n", + "def extract_from_ast(node, gettext_functions=GETTEXT_FUNCTIONS,\n", + "\n", + "def babel_extract(fileobj, keywords, comment_tags, options):\n", + "\n", + "def parse(self, parser):\n", + "\n", + "def _make_node(self, singular, plural, variables, plural_expr):\n", + "\n", + "def load_extensions(environment, extensions):\n", + "\n", + "def extend(self, **attributes):\n", + "\n", + "def _parse(self, source, name, filename):\n", + "\n", + "def preprocess(self, source, name=None, filename=None):\n", + "\n", + "def compile(self, source, name=None, filename=None, raw=False,\n", + "\n", + "def handle_exception(self, exc_info=None, rendered=False, source_hint=None):\n", + "\n", + "def from_code(cls, environment, code, globals, uptodate=None):\n", + "\n", + "def render(self, *args, **kwargs):\n", + "\n", + "def generate(self, *args, **kwargs):\n", + "\n", + "def module(self):\n", + "\n", + "def debug_info(self):\n", + "\n", + "def dump(self, fp, encoding=None, errors='strict'):\n", + "\n", + "def disable_buffering(self):\n", + "\n", + "def enable_buffering(self, size=5):\n", + "\n", + " def generator(next):\n", + "\n", + "def require_prebuilt_dist(func):\n", + "\n", + " def wrapper_func(self, args):\n", + "\n", + "def dist_from_args(ctx, args):\n", + "\n", + "def build_dist_from_args(ctx, dist, args):\n", + "\n", + "def warn_on_deprecated_args(self, args):\n", + "\n", + "def bootstraps(self, _args):\n", + "\n", + "def clean_all(self, args):\n", + "\n", + "def clean_dists(self, _args):\n", + "\n", + "def clean_bootstrap_builds(self, _args):\n", + "\n", + "def clean_builds(self, _args):\n", + "\n", + "def clean_recipe_build(self, args):\n", + "\n", + "def clean_download_cache(self, args):\n", + "\n", + "def export_dist(self, args):\n", + "\n", + "def apk(self, args):\n", + "\n", + "def archs(self, _args):\n", + "\n", + "def distributions(self, _args):\n", + "\n", + "def sdk_tools(self, args):\n", + "\n", + "def _adb(self, commands):\n", + "\n", + "def build_status(self, _args):\n", + "\n", + "def prebuild_arch(self, arch):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def resolve(self, key):\n", + "\n", + "def call(__self, __obj, *args, **kwargs):\n", + "\n", + "def _fail_with_undefined_error(self, *args, **kwargs):\n", + "\n", + "def fix_deplist(deps):\n", + "\n", + "def get_dependency_tuple_list_for_recipe(recipe, blacklist=None):\n", + "\n", + "def find_order(graph):\n", + "\n", + "def obvious_conflict_checker(ctx, name_tuples, blacklist=None):\n", + "\n", + "def include_flags(self, arch):\n", + "\n", + "def set_libs_flags(self, env, arch):\n", + "\n", + " def add_flags(include_flags, link_dirs, link_libs):\n", + "\n", + "def compile_python_files(self, dir):\n", + "\n", + "def create_python_bundle(self, dirn, arch):\n", + "\n", + "def get_recipe_env(self, arch, with_flags_in_cc=True):\n", + "\n", + "def walk_valid_filens(base_dir, invalid_dir_names, invalid_file_patterns):\n", + "\n", + "def handle_build_exception(exception):\n", + "\n", + "def render(template, dest, **kwargs):\n", + "\n", + "def make_python_zip():\n", + "\n", + " def select(fn):\n", + "\n", + "def make_tar(tfn, source_dirs, ignore_path=[], optimize_python=True):\n", + "\n", + " def select(fn):\n", + "\n", + "def compile_dir(dfn, optimize_python=True):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def render(template, dest, **kwargs):\n", + "\n", + "def md5sum(filen):\n", + "\n", + "def versioned_url(self):\n", + "\n", + "def download_file(self, url, target, cwd=None):\n", + "\n", + " def report_hook(index, blksize, size):\n", + "\n", + "def apply_patch(self, filename, arch, build_dir=None):\n", + "\n", + "def filtered_archs(self):\n", + "\n", + "def check_recipe_choices(self):\n", + "\n", + "def get_build_container_dir(self, arch):\n", + "\n", + "def get_recipe_dir(self):\n", + "\n", + "def get_recipe_env(self, arch=None, with_flags_in_cc=True, clang=False):\n", + "\n", + "def prebuild_arch(self, arch):\n", + "\n", + "def apply_patches(self, arch, build_dir=None):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def postbuild_arch(self, arch):\n", + "\n", + "def clean_build(self, arch=None):\n", + "\n", + "def get_recipe(cls, name, ctx):\n", + "\n", + "def folder_name(self):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def install_python_package(self, arch, name=None, env=None, is_dir=True):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def build_arch(self, arch):\n", + "\n", + "def reduce_object_file_names(self, dirn):\n", + "\n", + "def run_on_ui_thread(f):\n", + "\n", + " def f2(*args, **kwargs):\n", + "\n", + "def Channel(n):\n", + "\n", + "def generate(node, environment, name, filename, stream=None,\n", + "\n", + "def add_special(self, name):\n", + "\n", + "def is_declared(self, name, local_only=False):\n", + "\n", + "def copy(self):\n", + "\n", + "def find_shadowed(self, extra=()):\n", + "\n", + "def blockvisit(self, nodes, frame):\n", + "\n", + "def pull_locals(self, frame):\n", + "\n", + "def unoptimize_scope(self, frame):\n", + "\n", + "def push_scope(self, frame, extra_vars=()):\n", + "\n", + "def pop_scope(self, aliases, frame):\n", + "\n", + "def function_scoping(self, node, frame, children=None,\n", + "\n", + "def macro_body(self, node, frame, children=None):\n", + "\n", + "def macro_def(self, node, frame):\n", + "\n", + "def visit_Block(self, node, frame):\n", + "\n", + "def visit_Import(self, node, frame):\n", + "\n", + "def safe_range(*args):\n", + "\n", + "def is_internal_attribute(obj, attr):\n", + "\n", + "def getitem(self, obj, argument):\n", + "\n", + "def call(__self, __context, __obj, *args, **kwargs):\n", + "\n", + "def open_if_exists(filename, mode='rb'):\n", + "\n", + "def object_type_repr(obj):\n", + "\n", + "def urlize(text, trim_url_limit=None, nofollow=False):\n", + "\n", + "def generate_lorem_ipsum(n=5, html=True, min=20, max=100):\n", + "\n", + "def unescape(self):\n", + "\n", + " def handle_match(m):\n", + "\n", + "def striptags(self):\n", + "\n", + "def _remove(self, obj):\n", + "\n", + "def next(self):\n", + "\n", + "def get_lib_from(search_directory, lib_extension='.so'):\n", + "\n", + "def parse_set(self):\n", + "\n", + "def parse_assign_target(self, with_tuple=True, name_only=False,\n", + "\n", + "def parse_tuple(self, simplified=False, with_condexpr=True,\n", + "\n", + "def get_distribution(cls, ctx, name=None, recipes=[],\n", + "\n", + "def get_distributions(cls, ctx, extra_dist_dirs=[]):\n", + "\n", + "def save_info(self, dirn):\n", + "\n", + "def load_bytecode(self, f):\n", + "\n", + "def write_bytecode(self, f):\n", + "\n", + "def install_python_package(self, arch, name=None, env=None, is_dir=True):\n", + "\n", + "def translate_exception(exc_info, initial_skip=0):\n", + "\n", + "def fake_exc_info(exc_info, filename, lineno):\n", + "\n", + "def _init_ugly_crap():\n", + "\n", + " def tb_set_next(tb, next):\n", + "\n", + "def chain_frames(self):\n", + "\n", + "def compile_rules(environment):\n", + "\n", + "def look(self):\n", + "\n", + "def next(self):\n", + "\n", + "def close(self):\n", + "\n", + "def expect(self, expr):\n", + "\n", + "def tokeniter(self, source, name, filename=None, state=None):\n", + "\n", + "def get_recipe_env(self, arch, with_flags_in_cc=True):\n", + "\n", + "def read_ndk_version(ndk_dir):\n", + "\n", + "def check_target_api(api, arch):\n", + "\n", + "def check_ndk_api(ndk_api, android_api):\n", + "\n", + "def visit_If(self, node):\n", + "\n", + "def fold(self, node):\n", + "\n", + "def do_forceescape(value):\n", + "\n", + "def do_replace(eval_ctx, s, old, new, count=None):\n", + "\n", + "def do_xmlattr(_eval_ctx, d, autospace=True):\n", + "\n", + "def do_sort(value, case_sensitive=False):\n", + "\n", + " def sort_func(item):\n", + "\n", + "def do_default(value, default_value=u'', boolean=False):\n", + "\n", + "def do_join(eval_ctx, value, d=u''):\n", + "\n", + "def do_filesizeformat(value, binary=False):\n", + "\n", + "def do_urlize(eval_ctx, value, trim_url_limit=None, nofollow=False):\n", + "\n", + "def do_indent(s, width=4, indentfirst=False):\n", + "\n", + "def do_truncate(s, length=255, killwords=False, end='...'):\n", + "\n", + "def do_wordwrap(s, width=79, break_long_words=True):\n", + "\n", + "def do_int(value, default=0):\n", + "\n", + "def do_striptags(value):\n", + "\n", + "def do_groupby(environment, value, attribute):\n", + "\n", + "def _get_system_python_executable():\n", + "\n", + " def python_binary_from_folder(path):\n", + "\n", + " def binary_is_usable(python_bin):\n", + "\n", + "def get_package_as_folder(dependency):\n", + "\n", + "def parse_as_folder_reference(dep):\n", + "\n", + "def _extract_info_from_package(dependency,\n", + "\n", + "def get_package_dependencies(package,\n", + "\n", + "def run_pymodules_install(ctx, modules, project_dir, ignore_setup_py=False):\n", + "\n", + "def setup_dirs(self, storage_dir):\n", + "\n", + "def prepare_build_environment(self,\n", + "\n", + "def get_site_packages_dir(self, arch=None):\n", + "\n", + "def get_libs_dir(self, arch):\n", + "\n", + "def shorten_string(string, max_width):\n", + "\n", + "def shprint(command, *args, **kwargs):\n", + "\n", + " def printtail(out, name, forecolor, tail_n=0,\n", + "\n", + "def add_argument(self, *args, **kwargs):\n", + "\n", + "def error(self, message):\n", + "\n", + "def isexception(obj):\n", + "\n", + "def _reduce_datetimes(row):\n", + "\n", + "def as_dict(self, ordered=False):\n", + "\n", + "def dataset(self):\n", + "\n", + "def dataset(self):\n", + "\n", + "def all(self, as_dict=False, as_ordereddict=False):\n", + "\n", + "def first(self, default=None, as_dict=False, as_ordereddict=False):\n", + "\n", + "def one(self, default=None, as_dict=False, as_ordereddict=False):\n", + "\n", + "def get_connection(self):\n", + "\n", + "def query(self, query, fetchall=False, **params):\n", + "\n", + "def bulk_query(self, query, *multiparams):\n", + "\n", + "def query_file(self, path, fetchall=False, **params):\n", + "\n", + "def bulk_query_file(self, path, *multiparams):\n", + "\n", + "def transaction(self):\n", + "\n", + "def query(self, query, fetchall=False, **params):\n", + "\n", + "def bulk_query(self, query, *multiparams):\n", + "\n", + "def query_file(self, path, fetchall=False, **params):\n", + "\n", + "def bulk_query_file(self, path, *multiparams):\n", + "\n", + "def extractWithoutOrder(query, choices, processor=default_processor, scorer=default_scorer, score_cutoff=0):\n", + "\n", + " def no_process(x):\n", + "\n", + "def extract(query, choices, processor=default_processor, scorer=default_scorer, limit=5):\n", + "\n", + "def extractBests(query, choices, processor=default_processor, scorer=default_scorer, score_cutoff=0, limit=5):\n", + "\n", + "def extractOne(query, choices, processor=default_processor, scorer=default_scorer, score_cutoff=0):\n", + "\n", + "def dedupe(contains_dupes, threshold=70, scorer=fuzz.token_set_ratio):\n", + "\n", + "def make_type_consistent(s1, s2):\n", + "\n", + "def full_process(s, force_ascii=False):\n", + "\n", + "def partial_ratio(s1, s2):\n", + "\n", + "def _process_and_sort(s, force_ascii, full_process=True):\n", + "\n", + "def token_sort_ratio(s1, s2, force_ascii=True, full_process=True):\n", + "\n", + "def partial_token_sort_ratio(s1, s2, force_ascii=True, full_process=True):\n", + "\n", + "def _token_set(s1, s2, partial=True, force_ascii=True, full_process=True):\n", + "\n", + "def QRatio(s1, s2, force_ascii=True, full_process=True):\n", + "\n", + "def UQRatio(s1, s2, full_process=True):\n", + "\n", + "def WRatio(s1, s2, force_ascii=True, full_process=True):\n", + "\n", + "def UWRatio(s1, s2, full_process=True):\n", + "\n", + "def print_result_from_timeit(stmt='pass', setup='pass', number=1000000):\n", + "\n", + "def deploy(self, initial_instance_count, instance_type, endpoint_name=None, tags=None):\n", + "\n", + "def _create_sagemaker_pipeline_model(self, instance_type):\n", + "\n", + "def delete_model(self):\n", + "\n", + "def _stream_output(process):\n", + "\n", + "def train(self, input_data_config, output_data_config, hyperparameters, job_name):\n", + "\n", + "def serve(self, model_dir, environment):\n", + "\n", + "def stop_serving(self):\n", + "\n", + "def retrieve_artifacts(self, compose_data, output_data_config, job_name):\n", + "\n", + "def write_config_files(self, host, hyperparameters, input_data_config):\n", + "\n", + "def _generate_compose_file(self, command, additional_volumes=None, additional_env_vars=None):\n", + "\n", + "def _build_optml_volumes(self, host, subdirs):\n", + "\n", + "def model_fn(model_dir):\n", + "\n", + "def transform_fn(net, data, input_content_type, output_content_type):\n", + "\n", + "def _prepare_for_training(self, records, mini_batch_size=None, job_name=None):\n", + "\n", + "def create_image_uri(region, framework, instance_type, framework_version, py_version=None,\n", + "\n", + "def validate_source_dir(script, directory):\n", + "\n", + "def tar_and_upload_dir(session, bucket, s3_key_prefix, script,\n", + "\n", + "def framework_name_from_image(image_name):\n", + "\n", + "def framework_version_from_tag(image_tag):\n", + "\n", + "def parse_s3_url(url):\n", + "\n", + "def model_code_key_prefix(code_location_key_prefix, model_name, image):\n", + "\n", + "def create_training_job(self, TrainingJobName, AlgorithmSpecification, OutputDataConfig,\n", + "\n", + "def describe_training_job(self, TrainingJobName):\n", + "\n", + "def _initialize(self, boto_session, sagemaker_client, sagemaker_runtime_client):\n", + "\n", + "def prepare_container_def(self, instance_type, accelerator_type=None):\n", + "\n", + "def upload_numpy_to_s3_shards(num_shards, s3, bucket, key_prefix, array, labels=None):\n", + "\n", + "def registry(region_name, algorithm=None):\n", + "\n", + "def get_image_uri(region_name, repo_name, repo_version=1):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def _prepare_for_training(self, records, mini_batch_size=None, job_name=None):\n", + "\n", + "def fit(self, records, mini_batch_size=None, wait=True, logs=True, job_name=None):\n", + "\n", + "def record_set(self, train, labels=None, channel=\"train\"):\n", + "\n", + "def get_data_source_instance(data_source, sagemaker_session):\n", + "\n", + "def get_splitter_instance(split_type):\n", + "\n", + "def get_batch_strategy_instance(strategy, splitter):\n", + "\n", + "def get_file_list(self):\n", + "\n", + "def get_root_dir(self):\n", + "\n", + "def split(self, file):\n", + "\n", + "def pad(self, file, size=6):\n", + "\n", + "def pad(self, file, size=6):\n", + "\n", + "def hyperparameters(self):\n", + "\n", + "def create_model(self, model_server_workers=None, role=None, vpc_config_override=VPC_CONFIG_DEFAULT):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def write_numpy_to_dense_tensor(file, array, labels=None):\n", + "\n", + "def write_spmatrix_to_sparse_tensor(file, array, labels=None):\n", + "\n", + "def read_records(file):\n", + "\n", + "def _write_recordio(f, data):\n", + "\n", + "def _create_sagemaker_model(self, instance_type, accelerator_type=None, tags=None):\n", + "\n", + "def compile(self, target_instance_family, input_shape, output_path, role,\n", + "\n", + "def deploy(self, initial_instance_count, instance_type, accelerator_type=None, endpoint_name=None,\n", + "\n", + "def transformer(self, instance_count, instance_type, strategy=None, assemble_with=None, output_path=None,\n", + "\n", + "def predict(self, data, initial_args=None):\n", + "\n", + "def delete_endpoint(self, delete_endpoint_config=True):\n", + "\n", + "def delete_model(self):\n", + "\n", + "def dataframe(self, force_refresh=False):\n", + "\n", + "def clear_cache(self):\n", + "\n", + "def _fetch_dataframe(self):\n", + "\n", + " def reshape(training_summary):\n", + "\n", + "def tuning_ranges(self):\n", + "\n", + "def description(self, force_refresh=False):\n", + "\n", + "def training_job_summaries(self, force_refresh=False):\n", + "\n", + "def clear_cache(self):\n", + "\n", + "def _determine_timeinterval(self):\n", + "\n", + "def _fetch_metric(self, metric_name):\n", + "\n", + "def _add_single_metric(self, timestamp, metric_name, value):\n", + "\n", + "def _metric_names_for_training_job(self):\n", + "\n", + "def name_from_base(base, max_length=63, short=False):\n", + "\n", + "def base_name_from_image(image):\n", + "\n", + "def sagemaker_timestamp():\n", + "\n", + "def debug(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def to_str(value):\n", + "\n", + "def extract_name_from_job_arn(arn):\n", + "\n", + "def secondary_training_status_message(job_description, prev_description):\n", + "\n", + "def download_folder(bucket_name, prefix, target, sagemaker_session):\n", + "\n", + "def create_tar_file(source_files, target=None):\n", + "\n", + "def download_file(bucket_name, path, target, sagemaker_session):\n", + "\n", + "def _sync_directories(from_directory, to_directory):\n", + "\n", + "def create_tensorboard_process(self):\n", + "\n", + "def run(self):\n", + "\n", + "def fit(self, inputs=None, wait=True, logs=True, job_name=None, run_tensorboard_locally=False):\n", + "\n", + " def fit_super():\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def create_model(self, model_server_workers=None, role=None,\n", + "\n", + "def hyperparameters(self):\n", + "\n", + "def from_dict(vpc_config, do_sanitize=False):\n", + "\n", + "def sanitize(vpc_config):\n", + "\n", + "def hyperparameters(self):\n", + "\n", + "def create_identical_dataset_and_algorithm_tuner(parent, additional_parents=None, sagemaker_session=None):\n", + "\n", + "def create_transfer_learning_tuner(parent, additional_parents=None, estimator=None, sagemaker_session=None):\n", + "\n", + "def from_job_desc(cls, warm_start_config):\n", + "\n", + "def to_input_req(self):\n", + "\n", + "def fit(self, inputs=None, job_name=None, include_cls_metadata=False, **kwargs):\n", + "\n", + "def attach(cls, tuning_job_name, sagemaker_session=None, job_details=None, estimator_cls=None):\n", + "\n", + "def deploy(self, initial_instance_count, instance_type, accelerator_type=None, endpoint_name=None, **kwargs):\n", + "\n", + "def best_training_job(self):\n", + "\n", + "def delete_endpoint(self, endpoint_name=None):\n", + "\n", + "def hyperparameter_ranges(self):\n", + "\n", + "def transfer_learning_tuner(self, additional_parents=None, estimator=None):\n", + "\n", + "def identical_dataset_and_algorithm_tuner(self, additional_parents=None):\n", + "\n", + "def _create_warm_start_tuner(self, additional_parents, warm_start_type, estimator=None):\n", + "\n", + "def start_new(cls, tuner, inputs):\n", + "\n", + "def some(arr):\n", + "\n", + "def multi_stream_iter(client, log_group, streams, positions=None):\n", + "\n", + "def log_stream(client, log_group, stream_name, start_time=0, skip=0):\n", + "\n", + "def create_model(self, role=None, vpc_config_override=VPC_CONFIG_DEFAULT,\n", + "\n", + "def train_image(self):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def hyperparameters(self):\n", + "\n", + "def default_metric_definitions(cls, toolkit):\n", + "\n", + "def prepare_framework(estimator, s3_operations):\n", + "\n", + "def prepare_amazon_algorithm_estimator(estimator, inputs, mini_batch_size=None):\n", + "\n", + "def training_base_config(estimator, inputs=None, job_name=None, mini_batch_size=None):\n", + "\n", + "def training_config(estimator, inputs=None, job_name=None, mini_batch_size=None):\n", + "\n", + "def tuning_config(tuner, inputs, job_name=None):\n", + "\n", + "def update_submit_s3_uri(estimator, job_name):\n", + "\n", + "def update_estimator_from_task(estimator, task_id, task_type):\n", + "\n", + "def prepare_framework_container_def(model, instance_type, s3_operations):\n", + "\n", + "def model_config(instance_type, model, role=None, image=None):\n", + "\n", + "def model_config_from_estimator(instance_type, estimator, task_id, task_type, role=None, image=None, name=None,\n", + "\n", + "def transform_config(transformer, data, data_type='S3Prefix', content_type=None, compression_type=None,\n", + "\n", + "def transform_config_from_estimator(estimator, task_id, task_type, instance_count, instance_type, data,\n", + "\n", + "def deploy_config(model, initial_instance_count, instance_type, endpoint_name=None, tags=None):\n", + "\n", + "def deploy_config_from_estimator(estimator, task_id, task_type, initial_instance_count, instance_type,\n", + "\n", + " def predict_wrapper(endpoint, session):\n", + "\n", + "def transformer(self, instance_count, instance_type, strategy=None, assemble_with=None, output_path=None,\n", + "\n", + "def _prepare_for_training(self, job_name=None):\n", + "\n", + "def fit(self, inputs=None, wait=True, logs=True, job_name=None):\n", + "\n", + "def compile_model(self, target_instance_family, input_shape, output_path, framework=None, framework_version=None,\n", + "\n", + "def attach(cls, training_job_name, sagemaker_session=None, model_channel_name='model'):\n", + "\n", + "def deploy(self, initial_instance_count, instance_type, accelerator_type=None, endpoint_name=None,\n", + "\n", + "def model_data(self):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def delete_endpoint(self):\n", + "\n", + "def transformer(self, instance_count, instance_type, strategy=None, assemble_with=None, output_path=None,\n", + "\n", + "def training_job_analytics(self):\n", + "\n", + "def get_vpc_config(self, vpc_config_override=vpc_utils.VPC_CONFIG_DEFAULT):\n", + "\n", + "def start_new(cls, estimator, inputs):\n", + "\n", + "def create_model(self, role=None, image=None, predictor_cls=None, serializer=None, deserializer=None,\n", + "\n", + " def predict_wrapper(endpoint, session):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def _prepare_for_training(self, job_name=None):\n", + "\n", + "def _stage_user_code_in_s3(self):\n", + "\n", + "def _model_source_dir(self):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def train_image(self):\n", + "\n", + "def attach(cls, training_job_name, sagemaker_session=None, model_channel_name='model'):\n", + "\n", + "def transformer(self, instance_count, instance_type, strategy=None, assemble_with=None, output_path=None,\n", + "\n", + "def serialize_all(obj):\n", + "\n", + "def start(self, input_data, output_data, transform_resources, **kwargs):\n", + "\n", + "def describe(self):\n", + "\n", + "def _get_container_environment(self, **kwargs):\n", + "\n", + "def as_tuning_range(self, name):\n", + "\n", + "def as_json_range(self, name):\n", + "\n", + "def container_def(image, model_data_url=None, env=None):\n", + "\n", + "def pipeline_container_def(models, instance_type=None):\n", + "\n", + "def production_variant(model_name, instance_type, initial_instance_count=1, variant_name='AllTraffic',\n", + "\n", + "def get_execution_role(sagemaker_session=None):\n", + "\n", + "def _initialize(self, boto_session, sagemaker_client, sagemaker_runtime_client):\n", + "\n", + "def upload_data(self, path, bucket=None, key_prefix='data'):\n", + "\n", + "def default_bucket(self):\n", + "\n", + "def compile_model(self, input_model_config, output_model_config, role,\n", + "\n", + "def tune(self, job_name, strategy, objective_type, objective_metric_name,\n", + "\n", + "def stop_tuning_job(self, name):\n", + "\n", + "def transform(self, job_name, model_name, strategy, max_concurrent_transforms, max_payload, env,\n", + "\n", + "def create_model(self, name, role, container_defs, vpc_config=None,\n", + "\n", + "def create_model_from_job(self, training_job_name, name=None, role=None, primary_container_image=None,\n", + "\n", + "def create_model_package_from_algorithm(self, name, description, algorithm_arn, model_data):\n", + "\n", + "def wait_for_model_package(self, model_package_name, poll=5):\n", + "\n", + "def create_endpoint_config(self, name, model_name, initial_instance_count, instance_type,\n", + "\n", + "def create_endpoint(self, endpoint_name, config_name, tags=None, wait=True):\n", + "\n", + "def update_endpoint(self, endpoint_name, endpoint_config_name):\n", + "\n", + "def delete_endpoint(self, endpoint_name):\n", + "\n", + "def delete_endpoint_config(self, endpoint_config_name):\n", + "\n", + "def delete_model(self, model_name):\n", + "\n", + "def wait_for_job(self, job, poll=5):\n", + "\n", + "def wait_for_compilation_job(self, job, poll=5):\n", + "\n", + "def wait_for_tuning_job(self, job, poll=5):\n", + "\n", + "def wait_for_transform_job(self, job, poll=5):\n", + "\n", + "def _check_job_status(self, job, desc, status_key_name):\n", + "\n", + "def wait_for_endpoint(self, endpoint, poll=5):\n", + "\n", + "def endpoint_from_job(self, job_name, initial_instance_count, instance_type,\n", + "\n", + "def endpoint_from_model_data(self, model_s3_location, deployment_image, initial_instance_count, instance_type,\n", + "\n", + "def endpoint_from_production_variants(self, name, production_variants, tags=None, kms_key=None, wait=True):\n", + "\n", + "def expand_role(self, role):\n", + "\n", + "def get_caller_identity_arn(self):\n", + "\n", + "def registry(region_name, framework=None):\n", + "\n", + "def create_model(self, vpc_config_override=VPC_CONFIG_DEFAULT):\n", + "\n", + "def copy_directory_structure(destination_directory, relative_path):\n", + "\n", + "def move_to_destination(source, destination, job_name, sagemaker_session):\n", + "\n", + "def recursive_copy(source, destination):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details, model_channel_name=None):\n", + "\n", + "def transform(self, data, data_type='S3Prefix', content_type=None, compression_type=None, split_type=None,\n", + "\n", + "def attach(cls, transform_job_name, sagemaker_session=None):\n", + "\n", + "def _prepare_init_params_from_job_description(cls, job_details):\n", + "\n", + "def piece_size(model_file=None, model_proto=None, name=None):\n", + "\n", + "def piece_to_id(input, model_file=None, model_proto=None, name=None):\n", + "\n", + "def id_to_piece(input, model_file=None, model_proto=None, name=None):\n", + "\n", + "def is_unknown(input, model_file=None, model_proto=None, name=None):\n", + "\n", + "def is_control(input, model_file=None, model_proto=None, name=None):\n", + "\n", + "def is_unused(input, model_file=None, model_proto=None, name=None):\n", + "\n", + "def encode_dense(input_sentences, nbest_size=0, alpha=1.0,\n", + "\n", + "def encode_sparse(input_sentences, nbest_size=0, alpha=1.0,\n", + "\n", + "def decode(pieces, sequence_length, model_file=None, model_proto=None,\n", + "\n", + "def split_string(text, chars_per_string):\n", + "\n", + "def extract_arguments(text):\n", + "\n", + "def listener(messages):\n", + "\n", + "def check_json(json_type):\n", + "\n", + "def __html_text(self, text, entities):\n", + "\n", + " def func(text, type=None, url=None, user=None):\n", + "\n", + "def add(self, *args):\n", + "\n", + "def to_json(self):\n", + "\n", + "def add(self, *args):\n", + "\n", + "def row(self, *args):\n", + "\n", + "def _make_request(token, method_name, method='get', params=None, files=None, base_url=API_URL):\n", + "\n", + "def _check_result(method_name, result):\n", + "\n", + "def send_message(token, chat_id, text, disable_web_page_preview=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def set_game_score(token, user_id, score, force=None, disable_edit_message=None, chat_id=None, message_id=None,\n", + "\n", + "def get_game_high_scores(token, user_id, chat_id=None, message_id=None, inline_message_id=None):\n", + "\n", + "def send_invoice(token, chat_id, title, description, invoice_payload, provider_token, currency, prices,\n", + "\n", + "def answer_shipping_query(token, shipping_query_id, ok, shipping_options=None, error_message=None):\n", + "\n", + "def answer_pre_checkout_query(token, pre_checkout_query_id, ok, error_message=None):\n", + "\n", + "def answer_callback_query(token, callback_query_id, text=None, show_alert=None, url=None, cache_time=None):\n", + "\n", + "def enable_save_next_step_handlers(self, delay=120, filename=\"./.handler-saves/step.save\"):\n", + "\n", + "def enable_save_reply_handlers(self, delay=120, filename=\"./.handler-saves/reply.save\"):\n", + "\n", + "def load_next_step_handlers(self, filename=\"./.handler-saves/step.save\", del_file_after_loading=True):\n", + "\n", + "def get_updates(self, offset=None, limit=None, timeout=20, allowed_updates=None):\n", + "\n", + "def __skip_updates(self):\n", + "\n", + "def __retrieve_updates(self, timeout=20):\n", + "\n", + "def polling(self, none_stop=False, interval=0, timeout=20):\n", + "\n", + "def get_user_profile_photos(self, user_id, offset=None, limit=None):\n", + "\n", + "def get_chat(self, chat_id):\n", + "\n", + "def leave_chat(self, chat_id):\n", + "\n", + "def get_chat_administrators(self, chat_id):\n", + "\n", + "def get_chat_members_count(self, chat_id):\n", + "\n", + "def set_chat_sticker_set(self, chat_id, sticker_set_name):\n", + "\n", + "def delete_chat_sticker_set(self, chat_id):\n", + "\n", + "def get_chat_member(self, chat_id, user_id):\n", + "\n", + "def send_message(self, chat_id, text, disable_web_page_preview=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def forward_message(self, chat_id, from_chat_id, message_id, disable_notification=None):\n", + "\n", + "def delete_message(self, chat_id, message_id):\n", + "\n", + "def send_photo(self, chat_id, photo, caption=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def send_audio(self, chat_id, audio, caption=None, duration=None, performer=None, title=None,\n", + "\n", + "def send_voice(self, chat_id, voice, caption=None, duration=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def send_document(self, chat_id, data, reply_to_message_id=None, caption=None, reply_markup=None,\n", + "\n", + "def send_sticker(self, chat_id, data, reply_to_message_id=None, reply_markup=None, disable_notification=None,\n", + "\n", + "def send_video(self, chat_id, data, duration=None, caption=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def send_video_note(self, chat_id, data, duration=None, length=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def send_media_group(self, chat_id, media, disable_notification=None, reply_to_message_id=None):\n", + "\n", + "def send_location(self, chat_id, latitude, longitude, live_period=None, reply_to_message_id=None, reply_markup=None,\n", + "\n", + "def edit_message_live_location(self, latitude, longitude, chat_id=None, message_id=None,\n", + "\n", + "def stop_message_live_location(self, chat_id=None, message_id=None, inline_message_id=None, reply_markup=None):\n", + "\n", + "def send_venue(self, chat_id, latitude, longitude, title, address, foursquare_id=None, disable_notification=None,\n", + "\n", + "def send_chat_action(self, chat_id, action):\n", + "\n", + "def kick_chat_member(self, chat_id, user_id, until_date=None):\n", + "\n", + "def restrict_chat_member(self, chat_id, user_id, until_date=None, can_send_messages=None,\n", + "\n", + "def promote_chat_member(self, chat_id, user_id, can_change_info=None, can_post_messages=None,\n", + "\n", + "def set_chat_photo(self, chat_id, photo):\n", + "\n", + "def set_chat_title(self, chat_id, title):\n", + "\n", + "def set_chat_description(self, chat_id, description):\n", + "\n", + "def pin_chat_message(self, chat_id, message_id, disable_notification=False):\n", + "\n", + "def reply_to(self, message, text, **kwargs):\n", + "\n", + "def answer_inline_query(self, inline_query_id, results, cache_time=None, is_personal=None, next_offset=None,\n", + "\n", + "def answer_callback_query(self, callback_query_id, text=None, show_alert=None, url=None, cache_time=None):\n", + "\n", + "def get_sticker_set(self, name):\n", + "\n", + "def upload_sticker_file(self, user_id, png_sticker):\n", + "\n", + "def create_new_sticker_set(self, user_id, name, title, png_sticker, emojis, contains_masks=None,\n", + "\n", + "def add_sticker_to_set(self, user_id, name, png_sticker, emojis, mask_position=None):\n", + "\n", + "def set_sticker_position_in_set(self, sticker, position):\n", + "\n", + "def register_for_reply(self, message, callback, *args, **kwargs):\n", + "\n", + "def register_for_reply_by_message_id(self, message_id, callback, *args, **kwargs):\n", + "\n", + "def register_next_step_handler(self, message, callback, *args, **kwargs):\n", + "\n", + "def register_next_step_handler_by_chat_id(self, chat_id, callback, *args, **kwargs):\n", + "\n", + "def clear_step_handler(self, message):\n", + "\n", + "def clear_step_handler_by_chat_id(self, chat_id):\n", + "\n", + "def clear_reply_handlers_by_message_id(self, message_id):\n", + "\n", + "def message_handler(self, commands=None, regexp=None, func=None, content_types=['text'], **kwargs):\n", + "\n", + " def command_help(message):\n", + "\n", + " def command_handle_document(message):\n", + "\n", + " def default_command(message):\n", + "\n", + " def decorator(handler):\n", + "\n", + "def generate_code(max_length, max_nest, ops):\n", + "\n", + " def fetch_one():\n", + "\n", + " def fetch(num_operands):\n", + "\n", + "def get_tokens(max_value):\n", + "\n", + "def fetch(self):\n", + "\n", + "def update(self, loss, force=False):\n", + "\n", + "def fetch(self):\n", + "\n", + "def generate_flat_data(self):\n", + "\n", + "def tokenize(self, char_input, max_len, by_char=False):\n", + "\n", + "def get_task_ops(task_type=TaskType.ALG_CTRL):\n", + "\n", + "def make_batch(self):\n", + "\n", + "def to_human_readable(self, data, label_batch_entries=True, indices=None,\n", + "\n", + "def _infer_fused_data_format(self, input_batch):\n", + "\n", + "def _fused_batch_norm_op(self, input_batch, mean, variance, use_batch_stats):\n", + "\n", + " def use_batch_stats_fused_batch_norm():\n", + "\n", + " def moving_average_fused_batch_norm():\n", + "\n", + "def _batch_norm_op(self, input_batch, mean, variance, use_batch_stats,\n", + "\n", + "def _build_scale_offset(self, dtype):\n", + "\n", + "def _build(self, input_batch, is_training, test_local_stats=True):\n", + "\n", + "def tokenize(self, token_list):\n", + "\n", + "def _get_batch(self):\n", + "\n", + "def _build(self):\n", + "\n", + "def cost(self, logits, target):\n", + "\n", + "def to_human_readable(self,\n", + "\n", + "def get_data(name, train_batch_size, test_batch_size):\n", + "\n", + "def get_variable_scope_name(value):\n", + "\n", + "def get_variables_in_scope(scope, collection=tf.GraphKeys.TRAINABLE_VARIABLES):\n", + "\n", + "def get_variables_in_module(module,\n", + "\n", + "def _check_nested_callables(dictionary, object_name):\n", + "\n", + "def _assert_is_dictlike(maybe_dictlike, valid_keys):\n", + "\n", + "def check_initializers(initializers, keys):\n", + "\n", + "def check_partitioners(partitioners, keys):\n", + "\n", + "def check_regularizers(regularizers, keys):\n", + "\n", + "def _is_scope_prefix(scope_name, prefix_name):\n", + "\n", + "def _get_sliced_variables(var_list):\n", + "\n", + "def custom_getter_router(custom_getter_map, name_fn):\n", + "\n", + " def _custom_getter(getter, name, *args, **kwargs):\n", + "\n", + "def get_normalized_variable_map(scope_or_module,\n", + "\n", + "def variable_map_items(variable_map):\n", + "\n", + "def _get_vars_to_collections(variables):\n", + "\n", + "def _format_device(var):\n", + "\n", + "def format_variables(variables, join_lines=True):\n", + "\n", + "def format_variable_map(variable_map, join_lines=True):\n", + "\n", + "def log_variables(variables=None):\n", + "\n", + "def _num_bytes_to_human_readable(num_bytes):\n", + "\n", + "def summarize_variables(variables=None):\n", + "\n", + "def count_variables_by_type(variables=None):\n", + "\n", + "def reuse_variables(method):\n", + "\n", + " def __init__(self, name):\n", + "\n", + " def add_x(self, tensor):\n", + "\n", + " def _build(self, inputs):\n", + "\n", + " def more_complex_stuff(self, inputs):\n", + "\n", + " def eager_test(method, obj, args, kwargs):\n", + "\n", + " def call_method(method, obj, args, kwargs):\n", + "\n", + " def __init__(self, name):\n", + "\n", + " def add_a(self, input_tensor):\n", + "\n", + " def add_a(self, input_tensor):\n", + "\n", + " def _build(self, input_tensor):\n", + "\n", + " def default_context_manager(reuse=None):\n", + "\n", + "def name_for_callable(func):\n", + "\n", + "def to_snake_case(camel_case):\n", + "\n", + "def notify_about_new_variables(callback):\n", + "\n", + " def _tracking_creator(getter, **kwargs):\n", + "\n", + "def _recursive_getattr(module, path):\n", + "\n", + "def parse_string_to_constructor(ctor_string):\n", + "\n", + "def supports_kwargs(module_or_fn, kwargs_list):\n", + "\n", + "def remove_unsupported_kwargs(module_or_fn, all_kwargs_dict):\n", + "\n", + "def merge_leading_dims(array_or_tensor, n_dims=2):\n", + "\n", + "def split_leading_dim(tensor, inputs, n_dims=2):\n", + "\n", + "def create_linear_initializer(input_size, dtype=tf.float32):\n", + "\n", + "def calculate_bias_shape(input_shape, bias_dims):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def output_size(self):\n", + "\n", + "def clone(self, name=None):\n", + "\n", + "def _build(self, inputs_list):\n", + "\n", + "def _build(self, inputs, multiplier=1):\n", + "\n", + "def transpose(self, name=None):\n", + "\n", + "def _infer_shape(self, dimensions):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def transpose(self, name=None):\n", + "\n", + "def _build(self):\n", + "\n", + "def _build(self, *args, **kwargs):\n", + "\n", + " def _split_to_original_leading_dims(result):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def initial_state(self, batch_size, trainable=False):\n", + "\n", + "def _multihead_attention(self, memory):\n", + "\n", + "def _create_gates(self, inputs, memory):\n", + "\n", + "def _attend_over_memory(self, memory):\n", + "\n", + "def _build(self, inputs, memory, treat_input_as_matrix=False):\n", + "\n", + "def train_and_eval(train_batch_size, test_batch_size, num_hidden, learning_rate,\n", + "\n", + "def _single_learnable_state(state, state_id=0, learnable=True):\n", + "\n", + "def trainable_initial_state(batch_size, state_size, dtype, initializers=None,\n", + "\n", + "def with_doc(fn_with_doc_to_copy):\n", + "\n", + " def decorator(wrapper_init):\n", + "\n", + " def wrapping_fn(unused_wrapped, instance, args, kwargs):\n", + "\n", + "def _build(self):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def _build(self, memory, query, memory_mask=None):\n", + "\n", + "def _build_statistics(self, input_batch, use_batch_stats, stat_dtype):\n", + "\n", + " def build_batch_stats():\n", + "\n", + " def build_moving_stats():\n", + "\n", + "def _build_update_ops(self, mean, variance, is_training):\n", + "\n", + " def build_update_ops():\n", + "\n", + " def build_no_ops():\n", + "\n", + "def _fused_batch_norm_op(self, input_batch, mean, variance, use_batch_stats):\n", + "\n", + " def use_batch_stats_fused_batch_norm():\n", + "\n", + " def moving_average_fused_batch_norm():\n", + "\n", + "def _build(self,\n", + "\n", + "def _range_along_dimension(range_dim, shape):\n", + "\n", + "def identity_kernel_initializer(shape, dtype=tf.float32, partition_info=None):\n", + "\n", + "def noisy_identity_kernel_initializer(base_num_channels, stddev=1e-8):\n", + "\n", + " def _noisy_identity_kernel_initializer(shape,\n", + "\n", + "def _build(self, images):\n", + "\n", + "def _dilated_conv_layer(self, output_channels, dilation_rate, apply_relu,\n", + "\n", + "def with_deprecation_warning(fn, extra_message=''):\n", + "\n", + " def new_fn(*args, **kwargs):\n", + "\n", + "def custom_build(inputs, is_training, keep_prob):\n", + "\n", + "def _get_or_create_stack(name):\n", + "\n", + "def stochastic_kl_builder(posterior, prior, sample):\n", + "\n", + "def analytic_kl_builder(posterior, prior, sample):\n", + "\n", + " def loop_body(i):\n", + "\n", + " def custom_getter(getter, name, *args, **kwargs):\n", + "\n", + " def construct_subgraph():\n", + "\n", + "def _produce_posterior_estimate(posterior_dist, posterior_estimate_mode,\n", + "\n", + " def default_case_branch_raising_error():\n", + "\n", + "def get_total_kl_cost(name=\"total_kl_cost\", filter_by_name_substring=None):\n", + "\n", + "def output_shape(self):\n", + "\n", + "def _left_zero_blocks(self, r):\n", + "\n", + "def _right_zero_blocks(self, r):\n", + "\n", + "def _content_blocks(self, r):\n", + "\n", + "def build_and_train(iterations, log_stride, test=False):\n", + "\n", + " def compute_accuracy(logits, targets, name=\"accuracy\"):\n", + "\n", + " def loss_fn(inputs, labels):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def _clip_gradient_op(dtype):\n", + "\n", + " def clip_gradient_backward(op, grad):\n", + "\n", + " def clip_gradient_forward(x, clip_value_min, clip_value_max):\n", + "\n", + "def clip_gradient(net, clip_value_min, clip_value_max, name=None):\n", + "\n", + "def ptb_raw_data(data_path):\n", + "\n", + "def _check_and_assign_normalization_members(self, normalization_ctor,\n", + "\n", + "def _parse_normalization_kwargs(self, use_batch_norm, batch_norm_config,\n", + "\n", + "def _instantiate_layers(self):\n", + "\n", + "def _build(self, inputs, **normalization_build_kwargs):\n", + "\n", + "def _transpose(self,\n", + "\n", + "def transpose(self,\n", + "\n", + "def transpose(self,\n", + "\n", + "def _get_raw_data(subset):\n", + "\n", + "def custom_scale_mixture_prior_builder(getter, name, *args, **kwargs):\n", + "\n", + "def lstm_posterior_builder(getter, name, *args, **kwargs):\n", + "\n", + "def build_modules(is_training, vocab_size):\n", + "\n", + "def build_logits(data_ops, embed_layer, rnn_core, output_linear, name_prefix):\n", + "\n", + "def build_loss(model_logits, sparse_targets):\n", + "\n", + "def train(logdir):\n", + "\n", + "def _ensure_dependency_available_at_version(package_name, min_version):\n", + "\n", + "def _scale_gradient_op(dtype):\n", + "\n", + " def scale_gradient_backward(op, grad):\n", + "\n", + " def scale_gradient_forward(x, scale):\n", + "\n", + "def scale_gradient(net, scale, name=\"scale_gradient\"):\n", + "\n", + "def build_and_train(iterations, log_stride, test=False):\n", + "\n", + " def loss_fn(inputs, targets, input_sequence_length, output_sequence_length):\n", + "\n", + "def lstm_with_recurrent_dropout(hidden_size, keep_prob=0.5, **kwargs):\n", + "\n", + "def lstm_with_zoneout(hidden_size, keep_prob_c=0.5, keep_prob_h=0.95, **kwargs):\n", + "\n", + "def get_possible_initializer_keys(cls, use_peepholes=False,\n", + "\n", + "def _build(self, inputs, prev_state):\n", + "\n", + "def _create_gate_variables(self, input_shape, dtype):\n", + "\n", + "def _create_peephole_variables(self, dtype):\n", + "\n", + "def state_size(self):\n", + "\n", + "def initial_state(self, batch_size, dtype=tf.float32, trainable=False,\n", + "\n", + " def set_dropout_mask(index, state, keep_prob):\n", + "\n", + "def initial_state(self, batch_size, dtype=tf.float32, trainable=False,\n", + "\n", + "def with_batch_norm_control(self, is_training, test_local_stats=True):\n", + "\n", + "def _build(self, inputs, prev_state, is_training=None, test_local_stats=True):\n", + "\n", + "def _create_batch_norm_variables(self, dtype):\n", + "\n", + "def _create_gate_variables(self, input_shape, dtype):\n", + "\n", + "def initial_state(self, batch_size, dtype=tf.float32, trainable=False,\n", + "\n", + "def state_size(self):\n", + "\n", + "def _new_convolution(self, use_bias):\n", + "\n", + " def clean_dict(input_dict):\n", + "\n", + "def state_size(self):\n", + "\n", + "def _build(self, inputs, prev_state):\n", + "\n", + "def get_possible_initializer_keys(cls, num_layers):\n", + "\n", + "def _build(self, inputs, prev_state):\n", + "\n", + " def _get_variable(name, shape):\n", + "\n", + "def _get_flat_core_sizes(cores):\n", + "\n", + "def _get_shape_without_batch_dimension(tensor_nest):\n", + "\n", + " def _strip_batch_and_convert_to_shape(tensor):\n", + "\n", + "def _build(self, input_, prev_state):\n", + "\n", + "def _check_cores_output_sizes(self):\n", + "\n", + "def _build(self, inputs, prev_state, **kwargs):\n", + "\n", + "def initial_state(self, batch_size, dtype=tf.float32, trainable=False,\n", + "\n", + "def _build(self, inputs, prev_state):\n", + "\n", + "def _build(self, input_sequence, state):\n", + "\n", + "def initial_state(self, batch_size, dtype=tf.float32, trainable=False,\n", + "\n", + "def _instantiate_layers(self):\n", + "\n", + "def _build(self, inputs, is_training=True, dropout_keep_prob=0.5):\n", + "\n", + "def output_sizes(self):\n", + "\n", + "def transpose(self, name=None, activate_final=None):\n", + "\n", + "def clone(self, name=None):\n", + "\n", + "def _calc_min_size(self, conv_layers):\n", + "\n", + "def _build(self, inputs, keep_prob=None, is_training=None,\n", + "\n", + "def _get_single_set(self, num_objects, num_features):\n", + "\n", + "def _get_batch_data(self, batch_size, num_objects, num_features):\n", + "\n", + "def get_batch(self):\n", + "\n", + "def _default_transpose_size(input_shape, stride, kernel_shape=None,\n", + "\n", + "def _fill_shape(x, n):\n", + "\n", + "def _fill_and_verify_parameter_shape(x, n, parameter_label):\n", + "\n", + "def _fill_and_verify_padding(padding, n):\n", + "\n", + "def _padding_to_conv_op_padding(padding):\n", + "\n", + "def _fill_and_one_pad_stride(stride, n, data_format=DATA_FORMAT_NHWC):\n", + "\n", + "def _verify_inputs(inputs, channel_index, data_format):\n", + "\n", + "def create_weight_initializer(fan_in_shape, dtype=tf.float32):\n", + "\n", + "def _find_channel_index(data_format):\n", + "\n", + "def _apply_bias(inputs, outputs, channel_index, data_format, output_channels,\n", + "\n", + "def _build(self, inputs):\n", + "\n", + "def _pad_input(self, inputs):\n", + "\n", + " def pad_amount(kernel_size, rate, padding):\n", + "\n", + "def _apply_conv(self, inputs, w):\n", + "\n", + "def _apply_mask(self):\n", + "\n", + "def output_channels(self):\n", + "\n", + "def padding(self):\n", + "\n", + "def clone(self, name=None):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + " def _default_transpose_size_wrapper():\n", + "\n", + "def _infer_all_output_dims(self, inputs):\n", + "\n", + "def _recover_shape_information(self, inputs, outputs):\n", + "\n", + "def output_shape(self):\n", + "\n", + "def transpose(self, name=None):\n", + "\n", + "def transpose(self, name=None):\n", + "\n", + " def output_shape():\n", + "\n", + "def transpose(self, name=None):\n", + "\n", + "def _construct_w(self, inputs):\n", + "\n", + "def _apply_conv(self, inputs, w):\n", + "\n", + "def _construct_w(self, inputs):\n", + "\n", + "def _apply_conv(self, inputs, w):\n", + "\n", + "def _apply_conv(self, inputs, w):\n", + "\n", + "def _build(self, *args):\n", + "\n", + "def get_variables(self, *args, **kwargs):\n", + "\n", + "def override_args(**kwargs):\n", + "\n", + " def custom_getter(getter, *args, **kwargs):\n", + "\n", + "def override_default_args(**kwargs):\n", + "\n", + " def custom_getter(getter, *args, **kwargs):\n", + "\n", + "def _build_migrated_variables(checkpoint_reader, name_value_fn):\n", + "\n", + "def _to_proto_sparse_tensor(sparse_tensor, nested_proto,\n", + "\n", + "def _from_proto_sparse_tensor(sparse_tensor_proto, process_leafs):\n", + "\n", + "def _nested_to_proto(nested_value, nested_proto, process_leafs,\n", + "\n", + "def _module_info_to_proto(module_info, export_scope=None):\n", + "\n", + " def strip_name_scope(name_scope):\n", + "\n", + " def process_leafs(value):\n", + "\n", + "def _nested_from_proto(nested_proto, process_leafs):\n", + "\n", + "def _module_info_from_proto(module_info_def, import_scope=None):\n", + "\n", + " def prepend_name_scope(name_scope):\n", + "\n", + " def process_leafs(name):\n", + "\n", + "def _module_info_from_proto_safe(module_info_def, import_scope=None):\n", + "\n", + "def _configure_saver(checkpoint_dir, checkpoint_interval):\n", + "\n", + "def build_graph(lstm_depth=3, batch_size=32, num_embedding=32, num_hidden=128,\n", + "\n", + "def train(num_training_iterations, report_interval,\n", + "\n", + "def _build(self, one_hot_input_sequence):\n", + "\n", + "def generate_string(self, initial_logits, initial_state, sequence_length):\n", + "\n", + "def _build(self, inputs, is_training):\n", + "\n", + "def _build(self, inputs, is_training):\n", + "\n", + "def _nested_add(nested_a, nested_b):\n", + "\n", + "def _nested_unary_mul(nested_a, p):\n", + "\n", + " def mul_with_broadcast(tensor):\n", + "\n", + "def _cond(self, unused_x, unused_cumul_out, unused_prev_state,\n", + "\n", + "def _body(self, x, cumul_out, prev_state, cumul_state,\n", + "\n", + "def _build(self, x, prev_state):\n", + "\n", + "def restore_initializer(filename, name_fn=None,\n", + "\n", + " def _restore_initializer(getter, name, *args, **kwargs):\n", + "\n", + "def _embedding_dim(vocab_size):\n", + "\n", + "def _build(self, ids):\n", + "\n", + "def _create_affine_features(output_shape, source_shape):\n", + "\n", + "def _create_features(self, constraints):\n", + "\n", + "def _build(self, inputs):\n", + "\n", + " def get_input_slice(start, size):\n", + "\n", + "def inverse(self, name=None):\n", + "\n", + " def _affine_grid_warper_inverse(inputs):\n", + "\n", + " def get_variable(constraint):\n", + "\n", + "def _calc_mask(self):\n", + "\n", + "def _combine(self, x, y):\n", + "\n", + "def combine_with(self, additional_constraints):\n", + "\n", + "def _partition_spec(self, shape, partition_info):\n", + "\n", + "def bake(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def execute_cmdline_scenarios(scenario_name, args, command_args):\n", + "\n", + "def execute_scenario(scenario):\n", + "\n", + "def get_configs(args, command_args, ansible_args=()):\n", + "\n", + "def _verify_configs(configs):\n", + "\n", + "def bake(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def bake(self):\n", + "\n", + "def print_environment_vars(env):\n", + "\n", + "def run_command(cmd, debug=False):\n", + "\n", + "def write_file(filename, content):\n", + "\n", + "def file_prepender(filename):\n", + "\n", + "def safe_dump(data):\n", + "\n", + "def safe_load(string):\n", + "\n", + "def merge_dicts(a, b):\n", + "\n", + "def _validate_unique(self, unique, field, value):\n", + "\n", + "def _validate_disallowed(self, disallowed, field, value):\n", + "\n", + "def _validate_molecule_env_var(self, molecule_env_var, field, value):\n", + "\n", + "def execute(self):\n", + "\n", + "def _is_idempotent(self, output):\n", + "\n", + "def _non_idempotent_tasks(self, output):\n", + "\n", + "def scenario(ctx, dependency_name, driver_name, lint_name, provisioner_name,\n", + "\n", + "def execute(self):\n", + "\n", + "def sanity_checks(self):\n", + "\n", + "def bake(self):\n", + "\n", + "def _setup(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def all(self):\n", + "\n", + "def _verify(self):\n", + "\n", + "def _filter_for_scenario(self):\n", + "\n", + "def _get_matrix(self):\n", + "\n", + "def get_logger(name=None):\n", + "\n", + "def execute(self):\n", + "\n", + "def inventory(self):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def converge(self, playbook=None, **kwargs):\n", + "\n", + "def destroy(self):\n", + "\n", + "def side_effect(self):\n", + "\n", + "def create(self):\n", + "\n", + "def prepare(self):\n", + "\n", + "def syntax(self):\n", + "\n", + "def verify(self):\n", + "\n", + "def write_config(self):\n", + "\n", + "def manage_inventory(self):\n", + "\n", + "def _add_or_update_vars(self):\n", + "\n", + "def _write_inventory(self):\n", + "\n", + "def _remove_vars(self):\n", + "\n", + "def _link_or_update_vars(self):\n", + "\n", + "def _get_ansible_playbook(self, playbook, **kwargs):\n", + "\n", + "def _get_files(self):\n", + "\n", + "def bake(self):\n", + "\n", + "def str_if_nested_or_str(s):\n", + "\n", + "def stringify_dict_contents(dct):\n", + "\n", + "def execute(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def change_state(self, key, value):\n", + "\n", + "def bake(self):\n", + "\n", + "def bake(self):\n", + "\n", + "def execute(self):\n", + "\n", + "def from_yaml(data):\n", + "\n", + "def _process_templates(self,\n", + "\n", + "def stdout_cm(self):\n", + "\n", + "def stderr_cm(self):\n", + "\n", + "def status(self):\n", + "\n", + "def prune(self):\n", + "\n", + "def sequence(self):\n", + "\n", + "def _setup(self):\n", + "\n", + "def role(ctx, dependency_name, driver_name, lint_name, provisioner_name,\n", + "\n", + "def execute(self):\n", + "\n", + "def add_computer(self, ip, hostname, domain, os, instances):\n", + "\n", + "def remove_credentials(self, credIDs):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def uniquify_tuples(self, tuples):\n", + "\n", + "def parse_mimikatz(self, data):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def add_computer(self, ip, hostname, domain, os, dc=None):\n", + "\n", + "def add_credential(self, credtype, domain, username, password, groupid=None, pillaged_from=None):\n", + "\n", + "def is_user_valid(self, userID):\n", + "\n", + "def get_computers(self, filterTerm=None, domain=None):\n", + "\n", + "def is_group_valid(self, groupID):\n", + "\n", + "def get_groups(self, filterTerm=None, groupName=None, groupDomain=None):\n", + "\n", + "def add_credential(self, url, username, password):\n", + "\n", + "def is_credential_valid(self, credentialID):\n", + "\n", + "def is_host_valid(self, hostID):\n", + "\n", + "def get_credentials(self, filterTerm=None):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def parse_ouput(self, data, context, response):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def on_admin_login(self, context, connection):\n", + "\n", + "def _spider(self, subfolder, depth):\n", + "\n", + "def which(cmd, mode=os.F_OK | os.X_OK, path=None):\n", + "\n", + " def _access_check(fn, mode):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def create_ps_command(ps_command, force_ps32=False, dont_obfs=False):\n", + "\n", + "def invoke_obfuscation(scriptString):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def stop_tracking_host(self):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def options(self, context, module_options):\n", + "\n", + "def complete_hosts(self, text, line, begidx, endidx):\n", + "\n", + "def is_magic(line, language, global_escape_flag=True):\n", + "\n", + "def comment_magic(source, language='python', global_escape_flag=True):\n", + "\n", + "def unesc(line, language):\n", + "\n", + "def escape_code_start(source, ext, language='python'):\n", + "\n", + "def unescape_code_start(source, ext, language='python'):\n", + "\n", + "def metadata_filter_as_dict(metadata_config):\n", + "\n", + "def metadata_filter_as_string(metadata_filter):\n", + "\n", + "def update_metadata_filters(metadata, jupyter_md, cell_metadata):\n", + "\n", + "def apply_metadata_filters(user_filter, default_filter, actual_keys):\n", + "\n", + "def filter_metadata(metadata, user_filter, default_filter):\n", + "\n", + "def default_language_from_metadata_and_ext(metadata, ext):\n", + "\n", + "def set_main_and_cell_language(metadata, cells, ext):\n", + "\n", + "def cell_language(source):\n", + "\n", + "def comment_lines(lines, prefix):\n", + "\n", + "def read_line(self, line):\n", + "\n", + "def filled_hist(ax, edges, values, bottoms=None, orientation='v',\n", + "\n", + "def stack_hist(ax, stacked_data, sty_cycle, bottoms=None,\n", + "\n", + "def reads(text, fmt, as_version=4, **kwargs):\n", + "\n", + "def read(file_or_stream, fmt, as_version=4, **kwargs):\n", + "\n", + "def readf(nb_file, fmt=None):\n", + "\n", + "def writes(notebook, fmt, version=nbformat.NO_CONVERT, **kwargs):\n", + "\n", + "def write(notebook, file_or_stream, fmt, version=nbformat.NO_CONVERT, **kwargs):\n", + "\n", + "def writef(notebook, nb_file, fmt=None):\n", + "\n", + "def create_prefix_dir(nb_file, fmt):\n", + "\n", + "def update_fmt_with_notebook_options(self, metadata):\n", + "\n", + "def reads(self, s, **_):\n", + "\n", + "def writes(self, nb, metadata=None, **kwargs):\n", + "\n", + "def uncomment_line(line, prefix):\n", + "\n", + "def encoding_and_executable(notebook, metadata, ext):\n", + "\n", + "def insert_jupytext_info_and_filter_metadata(metadata, ext, text_format):\n", + "\n", + "def metadata_and_cell_to_header(notebook, metadata, text_format, ext):\n", + "\n", + "def header_to_metadata_and_cell(lines, header_prefix, ext=None):\n", + "\n", + "def system(*args, **kwargs):\n", + "\n", + "def str2bool(value):\n", + "\n", + "def parse_jupytext_args(args=None):\n", + "\n", + "def jupytext_cli(args=None):\n", + "\n", + "def jupytext(args=None):\n", + "\n", + " def log(text):\n", + "\n", + " def writef_git_add(notebook_, nb_file_, fmt_):\n", + "\n", + "def notebooks_in_git_index(fmt):\n", + "\n", + "def print_paired_paths(nb_file, fmt):\n", + "\n", + "def recursive_update(target, update):\n", + "\n", + "def set_format_options(fmt, format_options):\n", + "\n", + "def set_prefix_and_suffix(fmt, notebook, nb_file):\n", + "\n", + "def load_paired_notebook(notebook, fmt, nb_file, log):\n", + "\n", + "def pipe_notebook(notebook, command, fmt='py:percent', update=True, preserve_outputs=True):\n", + "\n", + "def uncomment(lines, prefix='#'):\n", + "\n", + "def paragraph_is_fully_commented(lines, comment, main_language):\n", + "\n", + "def next_code_is_indented(lines):\n", + "\n", + "def count_lines_to_next_cell(cell_end_marker, next_cell_start, total, explicit_eoc):\n", + "\n", + "def last_two_lines_blank(source):\n", + "\n", + "def read(self, lines):\n", + "\n", + "def metadata_and_language_from_option_line(self, line):\n", + "\n", + "def find_cell_content(self, lines):\n", + "\n", + "def find_cell_end(self, lines):\n", + "\n", + "def find_cell_end(self, lines):\n", + "\n", + "def find_cell_end(self, lines):\n", + "\n", + "def find_region_end(self, lines):\n", + "\n", + "def metadata_and_language_from_option_line(self, line):\n", + "\n", + "def find_cell_content(self, lines):\n", + "\n", + "def find_cell_end(self, lines):\n", + "\n", + "def start_of_new_markdown_cell(self, line):\n", + "\n", + "def find_cell_end(self, lines):\n", + "\n", + "def find_cell_content(self, lines):\n", + "\n", + "def base_path(main_path, fmt):\n", + "\n", + "def full_path(base, fmt):\n", + "\n", + "def find_base_path_and_format(main_path, formats):\n", + "\n", + "def paired_paths(main_path, fmt, formats):\n", + "\n", + "def metadata_to_rmd_options(language, metadata):\n", + "\n", + "def update_metadata_from_rmd_options(name, value, metadata):\n", + "\n", + "def parse_rmd_options(line):\n", + "\n", + "def rmd_options_to_metadata(options):\n", + "\n", + "def metadata_to_md_options(metadata):\n", + "\n", + "def parse_md_code_options(options):\n", + "\n", + "def md_options_to_metadata(options):\n", + "\n", + "def try_eval_metadata(metadata, name):\n", + "\n", + "def json_options_to_metadata(options, add_brackets=True):\n", + "\n", + "def is_active(ext, metadata):\n", + "\n", + "def double_percent_options_to_metadata(options):\n", + "\n", + "def metadata_to_double_percent_options(metadata):\n", + "\n", + "def in_global_expression(self):\n", + "\n", + "def count_special_chars(self, char, prev_char):\n", + "\n", + "def get_format_implementation(ext, format_name=None):\n", + "\n", + "def read_metadata(text, ext):\n", + "\n", + "def read_format_from_metadata(text, ext):\n", + "\n", + "def guess_format(text, ext):\n", + "\n", + "def divine_format(text):\n", + "\n", + "def check_file_version(notebook, source_path, outputs_path):\n", + "\n", + "def format_name_for_ext(metadata, ext, cm_default_formats=None, explicit_default=True):\n", + "\n", + "def identical_format_path(fmt1, fmt2):\n", + "\n", + "def update_jupytext_formats_metadata(metadata, new_format):\n", + "\n", + "def rearrange_jupytext_metadata(metadata):\n", + "\n", + "def long_form_one_format(jupytext_format, metadata=None, update=None):\n", + "\n", + "def long_form_multiple_formats(jupytext_formats, metadata=None):\n", + "\n", + "def short_form_one_format(jupytext_format):\n", + "\n", + "def short_form_multiple_formats(jupytext_formats):\n", + "\n", + "def validate_one_format(jupytext_format):\n", + "\n", + "def black_invariant(text, chars=None):\n", + "\n", + "def combine_inputs_with_outputs(nb_source, nb_outputs, fmt=None):\n", + "\n", + "def kernelspec_from_language(language):\n", + "\n", + "def preferred_format(incomplete_format, preferred_formats):\n", + "\n", + "def drop_paired_notebook(self, path):\n", + "\n", + "def update_paired_notebooks(self, path, fmt, formats):\n", + "\n", + "def set_default_format_options(self, format_options, read=False):\n", + "\n", + "def default_formats(self, path):\n", + "\n", + "def create_prefix_dir(self, path, fmt):\n", + "\n", + "def save(self, model, path=''):\n", + "\n", + "def get(self, path, content=True, type=None, format=None, load_alternative_format=True):\n", + "\n", + "def trust_notebook(self, path):\n", + "\n", + "def rename_file(self, old_path, new_path):\n", + "\n", + "def next_instruction_is_function_or_class(lines):\n", + "\n", + "def cell_ends_with_function_or_class(lines):\n", + "\n", + "def cell_ends_with_code(lines):\n", + "\n", + "def cell_has_code(lines):\n", + "\n", + "def pep8_lines_between_cells(prev_lines, next_lines, ext):\n", + "\n", + "def filtered_cell(cell, preserve_outputs, cell_metadata_filter):\n", + "\n", + "def filtered_notebook_metadata(notebook):\n", + "\n", + "def same_content(ref_source, test_source, allow_removed_final_blank_line):\n", + "\n", + "def compare_notebooks(notebook_expected,\n", + "\n", + "def cell_source(cell):\n", + "\n", + "def endofcell_marker(source, comment):\n", + "\n", + "def is_code(self):\n", + "\n", + "def cell_to_text(self):\n", + "\n", + "def markdown_to_text(self, source):\n", + "\n", + "def cell_to_text(self):\n", + "\n", + "def code_to_text(self):\n", + "\n", + "def code_to_text(self):\n", + "\n", + "def explicit_start_marker(self, source):\n", + "\n", + "def remove_eoc_marker(self, text, next_text):\n", + "\n", + "def simplify_soc_marker(self, text, prev_text):\n", + "\n", + "def code_to_text(self):\n", + "\n", + "def cell_to_text(self):\n", + "\n", + "def cell_to_text(self):\n", + "\n", + "def pandoc(args, filein=None, fileout=None):\n", + "\n", + "def pandoc_version():\n", + "\n", + "def md_to_notebook(text):\n", + "\n", + "def notebook_to_md(notebook):\n", + "\n", + "def _int_size(x):\n", + "\n", + "def loads(buf, mutable=True, value_encoding=None, value_errors=None):\n", + "\n", + "def run_command(*cmd, **kwargs):\n", + "\n", + "def _inner_read_config(path):\n", + "\n", + "def steps_for_spec(builder, spec, processed_modules=None):\n", + "\n", + "def vcpkg_dir():\n", + "\n", + "def synthesize(vers, opts):\n", + "\n", + "def shell_quote(s):\n", + "\n", + "def raw_shell(s):\n", + "\n", + "def shell_join(delim, it):\n", + "\n", + "def path_join(*args):\n", + "\n", + "def shell_comment(c):\n", + "\n", + "def resolve_dep(self, depname):\n", + "\n", + "def resolve_dep_from_path(self, depname):\n", + "\n", + "def _loads(self, response):\n", + "\n", + "def close(self):\n", + "\n", + "def enable_receiving(self, loop=None):\n", + "\n", + " def do_if_done(fut):\n", + "\n", + "def _win32_strerror(err):\n", + "\n", + "def _get_overlapped_result_ex_impl(pipe, olap, nbytes, millis, alertable):\n", + "\n", + "def readLine(self):\n", + "\n", + "def readBytes(self, size):\n", + "\n", + "def _connect(self):\n", + "\n", + "def receive(self):\n", + "\n", + "def getLog(self, remove=True):\n", + "\n", + "def getSubscription(self, name, remove=True, root=None):\n", + "\n", + "def query(self, *args):\n", + "\n", + "def capabilityCheck(self, optional=None, required=None):\n", + "\n", + "def _read_bytes(fp, buf):\n", + "\n", + "def load(fp, mutable=True, value_encoding=None, value_errors=None):\n", + "\n", + " def add_args(parser):\n", + "\n", + "def diagnostics(self):\n", + "\n", + "def fb_github_project_workdir(self, project_and_path, github_org='facebook'):\n", + "\n", + "def make_gp_funs(cov_func, num_cov_params):\n", + "\n", + " def unpack_kernel_params(params):\n", + "\n", + " def predict(params, x, y, xstar):\n", + "\n", + " def log_marginal_likelihood(params, x, y):\n", + "\n", + "def def_linear(fun):\n", + "\n", + "def project(vx, vy):\n", + "\n", + "def primitive(f_raw):\n", + "\n", + " def f_wrapped(*args, **kwargs):\n", + "\n", + "def logsumexp(x):\n", + "\n", + "def init_net_params(scale, layer_sizes, rs=npr.RandomState(0)):\n", + "\n", + "def build_dataset(filename, max_lines=-1):\n", + "\n", + "def project(vx, vy, occlusion):\n", + "\n", + "def advect(f, vx, vy):\n", + "\n", + "def unflatten_optimizer(optimize):\n", + "\n", + " def _optimize(grad, x0, callback=None, *args, **kwargs):\n", + "\n", + "def sgd(grad, x, callback=None, num_iters=200, step_size=0.1, mass=0.9):\n", + "\n", + "def rmsprop(grad, x, callback=None, num_iters=100,\n", + "\n", + "def adam(grad, x, callback=None, num_iters=100,\n", + "\n", + "def make_ica_funs(observed_dimension, latent_dimension):\n", + "\n", + " def sample(weights, n_samples, noise_std, rs):\n", + "\n", + " def predict(weights, latents):\n", + "\n", + " def logprob(weights, latents, noise_std, observed):\n", + "\n", + " def unpack_weights(weights):\n", + "\n", + "def neural_net_predict(params, inputs):\n", + "\n", + "def l2_norm(params):\n", + "\n", + "def make_nn_funs(layer_sizes, L2_reg, noise_variance, nonlinearity=np.tanh):\n", + "\n", + " def unpack_layers(weights):\n", + "\n", + " def predictions(weights, inputs):\n", + "\n", + " def logprob(weights, inputs, targets):\n", + "\n", + "def neural_net_predict(params, inputs):\n", + "\n", + "def adam_minimax(grad_both, init_params_max, init_params_min, callback=None, num_iters=100,\n", + "\n", + "def elementwise_grad(fun, x):\n", + "\n", + "def jacobian(fun, x):\n", + "\n", + "def grad_named(fun, argname):\n", + "\n", + "def hessian_tensor_product(fun, argnum=0):\n", + "\n", + " def vector_dot_grad(*args, **kwargs):\n", + "\n", + "def tensor_jacobian_product(fun, argnum=0):\n", + "\n", + " def vector_dot_fun(*args, **kwargs):\n", + "\n", + "def make_jvp_reversemode(fun, x):\n", + "\n", + "def make_ggnvp(f, g=lambda x: 1./2*np.sum(x**2, axis=-1), f_argnum=0):\n", + "\n", + " def _make_ggnvp(f, x):\n", + "\n", + "def value_and_grad(fun, x):\n", + "\n", + "def grad_and_aux(fun, x):\n", + "\n", + "def multigrad_dict(fun):\n", + "\n", + " def select(preds, lst):\n", + "\n", + " def apply_defaults(arguments):\n", + "\n", + " def gradfun(*args, **kwargs):\n", + "\n", + "def checkpoint(fun):\n", + "\n", + " def wrapped_grad(argnum, ans, args, kwargs):\n", + "\n", + "def string_to_one_hot(string, maxchar):\n", + "\n", + "def build_dataset(filename, sequence_length, alphabet_size, max_lines=-1):\n", + "\n", + "def init_nn_params(scale, layer_sizes, rs=npr.RandomState(0)):\n", + "\n", + "def make_rfft_factors(axes, resshape, facshape, normshape, norm):\n", + "\n", + "def variational_lower_bound(params, t, logprob, sampler, log_density,\n", + "\n", + "def grad_eigh(ans, x, UPLO='L'):\n", + "\n", + " def vjp(g):\n", + "\n", + "def black_box_variational_inference(logprob, D, num_samples):\n", + "\n", + " def unpack_params(params):\n", + "\n", + " def gaussian_entropy(log_std):\n", + "\n", + " def variational_objective(params, t):\n", + "\n", + "def repeat_to_match_shape(g, shape, dtype, axis, keepdims):\n", + "\n", + "def plot_images(images, ax, ims_per_row=5, padding=5, digit_dimensions=(28, 28),\n", + "\n", + "def make_pinwheel(radial_std, tangential_std, num_classes, num_per_class, rate,\n", + "\n", + "def shannon_entropy(data, iterator):\n", + "\n", + "def srt_formatter(subtitles, padding_before=0, padding_after=0):\n", + "\n", + "def vtt_formatter(subtitles, padding_before=0, padding_after=0):\n", + "\n", + "def json_formatter(subtitles):\n", + "\n", + "def percentile(arr, percent):\n", + "\n", + "def extract_audio(filename, channels=1, rate=16000):\n", + "\n", + "def validate(args):\n", + "\n", + "def main():\n", + "\n", + "def lint(cls, document, is_saved, flags=''):\n", + "\n", + "def _sort_text(definition):\n", + "\n", + "def settings(self, document_path=None):\n", + "\n", + "def update(self, settings):\n", + "\n", + "def get_document(self, doc_uri):\n", + "\n", + "def source_roots(self, document_path):\n", + "\n", + "def apply_change(self, change):\n", + "\n", + "def word_at_position(self, position):\n", + "\n", + "def debounce(interval_s, keyed_by=None):\n", + "\n", + " def wrapper(func):\n", + "\n", + " def debounced(*args, **kwargs):\n", + "\n", + " def run():\n", + "\n", + "def find_parents(root, path, names):\n", + "\n", + "def merge_dicts(dict_a, dict_b):\n", + "\n", + " def _merge_dicts_(a, b):\n", + "\n", + "def format_docstring(contents):\n", + "\n", + "def urlparse(uri):\n", + "\n", + "def urlunparse(parts):\n", + "\n", + "def to_fs_path(uri):\n", + "\n", + "def from_fs_path(path):\n", + "\n", + "def uri_with(uri, scheme=None, netloc=None, path=None, params=None, query=None, fragment=None):\n", + "\n", + "def flake(self, message):\n", + "\n", + "def _hook(self, hook_name, doc_uri=None, **kwargs):\n", + "\n", + "def _sort_text(definition):\n", + "\n", + "def _kind(d):\n", + "\n", + "def _get_opt(config, key, option, opt_type):\n", + "\n", + "def _set_opt(config_dict, path, value):\n", + "\n", + "def parse_config(config, key, options):\n", + "\n", + "def _binary_stdio():\n", + "\n", + "def run(self):\n", + "\n", + "def get_file_path(game, file, inttype=Integrations.DEFAULT):\n", + "\n", + "def get_romfile_path(game, inttype=Integrations.DEFAULT):\n", + "\n", + "def make(game, state=State.DEFAULT, inttype=retro.data.Integrations.DEFAULT, **kwargs):\n", + "\n", + "def select_actions(root, action_space, max_episode_steps):\n", + "\n", + "def rollout(env, acts):\n", + "\n", + "def update_tree(root, executed_acts, total_rew):\n", + "\n", + "def get_authorization_url(self,\n", + "\n", + "def get_access_token(self, verifier=None):\n", + "\n", + "def get_xauth_access_token(self, username, password):\n", + "\n", + "def store(self, key, value):\n", + "\n", + "def store(self, key, value):\n", + "\n", + "def get(self, key, timeout=None):\n", + "\n", + "def delete_entry(self, key):\n", + "\n", + "def cleanup(self):\n", + "\n", + "def flush(self):\n", + "\n", + "def related_results(self):\n", + "\n", + "def media_upload(self, filename, *args, **kwargs):\n", + "\n", + "def destroy_status(self):\n", + "\n", + "def lookup_users(self, user_ids=None, screen_names=None, include_entities=None, tweet_mode=None):\n", + "\n", + "def _lookup_users(self):\n", + "\n", + "def search_users(self):\n", + "\n", + "def get_direct_message(self):\n", + "\n", + "def lookup_friendships(self, user_ids=None, screen_names=None):\n", + "\n", + "def set_settings(self):\n", + "\n", + "def verify_credentials(self, **kargs):\n", + "\n", + "def rate_limit_status(self):\n", + "\n", + "def update_profile_image(self, filename, file_=None):\n", + "\n", + "def favorites(self):\n", + "\n", + "def saved_searches(self):\n", + "\n", + "def add_list_members(self, screen_name=None, user_id=None, slug=None,\n", + "\n", + "def remove_list_members(self, screen_name=None, user_id=None, slug=None,\n", + "\n", + "def on_data(self, raw_data):\n", + "\n", + "def read_line(self, sep=six.b('\\n')):\n", + "\n", + "def pages(self, limit=0):\n", + "\n", + "def items(self, limit=0):\n", + "\n", + "def next(self):\n", + "\n", + "def prev(self):\n", + "\n", + "def add_bid(self, bid):\n", + "\n", + "def add_ask(self, ask):\n", + "\n", + "def sort_depth(vals, reverse=False):\n", + "\n", + "def _init_cache(self):\n", + "\n", + "def _start_socket(self):\n", + "\n", + "def _depth_event(self, msg):\n", + "\n", + "def _process_depth_message(self, msg, buffer=False):\n", + "\n", + "def close(self, close_socket=False):\n", + "\n", + "def date_to_milliseconds(date_str):\n", + "\n", + "def interval_to_milliseconds(interval):\n", + "\n", + "def get_historical_klines(symbol, interval, start_str, end_str=None):\n", + "\n", + "def _order_params(self, data):\n", + "\n", + "def _handle_response(self, response):\n", + "\n", + "def get_symbol_info(self, symbol):\n", + "\n", + "def aggregate_trade_iter(self, symbol, start_str=None, last_id=None):\n", + "\n", + "def _get_earliest_valid_timestamp(self, symbol, interval):\n", + "\n", + "def get_historical_klines(self, symbol, interval, start_str, end_str=None,\n", + "\n", + "def get_symbol_ticker(self, **params):\n", + "\n", + "def get_orderbook_ticker(self, **params):\n", + "\n", + "def order_limit(self, timeInForce=TIME_IN_FORCE_GTC, **params):\n", + "\n", + "def order_limit_buy(self, timeInForce=TIME_IN_FORCE_GTC, **params):\n", + "\n", + "def order_limit_sell(self, timeInForce=TIME_IN_FORCE_GTC, **params):\n", + "\n", + "def order_market(self, **params):\n", + "\n", + "def order_market_buy(self, **params):\n", + "\n", + "def order_market_sell(self, **params):\n", + "\n", + "def get_asset_balance(self, asset, **params):\n", + "\n", + "def get_account_status(self, **params):\n", + "\n", + "def get_dust_log(self, **params):\n", + "\n", + "def get_trade_fee(self, **params):\n", + "\n", + "def get_asset_details(self, **params):\n", + "\n", + "def withdraw(self, **params):\n", + "\n", + "def stream_keepalive(self, listenKey):\n", + "\n", + "def stream_close(self, listenKey):\n", + "\n", + "def start_depth_socket(self, symbol, callback, depth=None):\n", + "\n", + "def start_kline_socket(self, symbol, callback, interval=Client.KLINE_INTERVAL_1MINUTE):\n", + "\n", + "def start_multiplex_socket(self, streams, callback):\n", + "\n", + "def start_user_socket(self, callback):\n", + "\n", + "def stop_socket(self, conn_key):\n", + "\n", + "def close(self):\n", + "\n", + "def _get_self_bounds(self):\n", + "\n", + "def path_options(line=False, radius=False, **kwargs):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def process_data(self, data):\n", + "\n", + "def convert_to_feature_collection(self):\n", + "\n", + "def _validate_function(self, func, name):\n", + "\n", + "def find_identifier(self):\n", + "\n", + "def _create_mapping(self, func, switch):\n", + "\n", + "def get_feature_id(self, feature):\n", + "\n", + "def _to_key(d):\n", + "\n", + "def _set_default_key(mapping):\n", + "\n", + "def style_data(self):\n", + "\n", + " def recursive_get(data, keys):\n", + "\n", + "def get_bounds(self):\n", + "\n", + "def warn_for_geometry_collections(self):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def validate_locations(locations):\n", + "\n", + "def if_pandas_df_convert_to_numpy(obj):\n", + "\n", + "def image_to_url(image, colormap=None, origin='upper'):\n", + "\n", + "def write_png(data, origin='upper', colormap=None):\n", + "\n", + " def colormap(x):\n", + "\n", + " def png_pack(png_tag, data):\n", + "\n", + "def mercator_transform(data, lat_bounds, origin='upper', height_out=None):\n", + "\n", + " def mercator(x):\n", + "\n", + "def iter_coords(obj):\n", + "\n", + "def _locations_mirror(x):\n", + "\n", + "def get_bounds(locations, lonlat=False):\n", + "\n", + "def camelize(key):\n", + "\n", + "def normalize(rendered):\n", + "\n", + "def _tmp_html(data):\n", + "\n", + "def deep_copy(item_original):\n", + "\n", + "def get_obj_in_upper_tree(element, cls):\n", + "\n", + "def parse_options(**kwargs):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def parse_options(self, kwargs):\n", + "\n", + "def _repr_html_(self, **kwargs):\n", + "\n", + "def _to_png(self, delay=3):\n", + "\n", + "def render(self, **kwargs):\n", + "\n", + "def fit_bounds(self, bounds, padding_top_left=None,\n", + "\n", + "def choropleth(self, *args, **kwargs):\n", + "\n", + "def _get_self_bounds(self):\n", + "\n", + "def add_child(self, child, name=None, index=None):\n", + "\n", + "def start(authkey, queues, mode='local'):\n", + "\n", + "def connect(address, authkey):\n", + "\n", + "def ProcessXMLAnnotation(xml_file):\n", + "\n", + "def data_files(self):\n", + "\n", + "def _activation_summary(x):\n", + "\n", + "def _variable_on_cpu(name, shape, initializer):\n", + "\n", + "def _variable_with_weight_decay(name, shape, stddev, wd):\n", + "\n", + "def distorted_inputs():\n", + "\n", + "def inference(images):\n", + "\n", + "def loss(logits, labels):\n", + "\n", + "def _add_loss_summaries(total_loss):\n", + "\n", + "def train(total_loss, global_step):\n", + "\n", + "def add_variable(var, restore=True):\n", + "\n", + "def get_variables(scope=None, suffix=None):\n", + "\n", + "def get_unique_variable(name):\n", + "\n", + "def variable_device(device, name):\n", + "\n", + "def global_step(device=''):\n", + "\n", + "def variable(name, shape=None, dtype=tf.float32, initializer=None,\n", + "\n", + "def _eval_once(saver, summary_writer, top_1_op, top_5_op, summary_op):\n", + "\n", + "def evaluate(dataset):\n", + "\n", + "def _run_model(iterator, args, tf_args):\n", + "\n", + "def single_node_env(args):\n", + "\n", + "def get_meta_graph_def(saved_model_dir, tag_set):\n", + "\n", + "def yield_batch(iterable, batch_size, num_tensors=1):\n", + "\n", + "def _fit(self, dataset):\n", + "\n", + " def _export(iterator, fn, args):\n", + "\n", + "def _transform(self, dataset):\n", + "\n", + "def run(sc, map_fun, tf_args, num_executors, num_ps, tensorboard=False, input_mode=InputMode.TENSORFLOW,\n", + "\n", + " def _start_ps(node_index):\n", + "\n", + " def _start(status):\n", + "\n", + "def train(self, dataRDD, num_epochs=0, feed_timeout=600, qname='input'):\n", + "\n", + "def inference(self, dataRDD, feed_timeout=600, qname='input'):\n", + "\n", + "def shutdown(self, ssc=None, grace_secs=0, timeout=259200):\n", + "\n", + " def timeout_handler(signum, frame):\n", + "\n", + "def _int64_feature(value):\n", + "\n", + "def _float_feature(value):\n", + "\n", + "def _convert_to_example(filename, image_buffer, label, synset, human, bbox,\n", + "\n", + "def _process_image(filename, coder):\n", + "\n", + "def _find_human_readable_labels(synsets, synset_to_human):\n", + "\n", + "def _find_image_bounding_boxes(filenames, image_to_bboxes):\n", + "\n", + "def _process_dataset(name, directory, num_shards, synset_to_human,\n", + "\n", + "def _build_synset_lookup(imagenet_metadata_file):\n", + "\n", + "def _build_bounding_box_lookup(bounding_box_file):\n", + "\n", + "def cnn_model_fn(features, labels, mode):\n", + "\n", + "def read_cifar10(filename_queue):\n", + "\n", + "def _generate_image_and_label_batch(image, label, min_queue_examples,\n", + "\n", + "def distorted_inputs(data_dir, batch_size):\n", + "\n", + "def inputs(eval_data, data_dir, batch_size):\n", + "\n", + "def saveAsTFRecords(df, output_dir):\n", + "\n", + "def loadTFRecords(sc, input_dir, binary_features=[]):\n", + "\n", + "def toTFExample(dtypes):\n", + "\n", + " def _toTFExample(iter):\n", + "\n", + " def _toTFFeature(name, dtype, row):\n", + "\n", + "def infer_schema(example, binary_features=[]):\n", + "\n", + " def _infer_sql_type(k, v):\n", + "\n", + "def fromTFExample(iter, binary_features=[]):\n", + "\n", + " def _get_value(k, v):\n", + "\n", + "def build_estimator(model_dir, model_type, model_column_fn, inter_op, intra_op, ctx):\n", + "\n", + "def run_census(flags_obj, ctx):\n", + "\n", + " def train_input_fn():\n", + "\n", + " def eval_input_fn():\n", + "\n", + "def inception_v3(inputs,\n", + "\n", + "def inception_v3_parameters(weight_decay=0.00004, stddev=0.1,\n", + "\n", + "def single_node_env(num_gpus=1):\n", + "\n", + "def get_ip_address():\n", + "\n", + "def find_in_path(path, file):\n", + "\n", + "def l1_regularizer(weight=1.0, scope=None):\n", + "\n", + " def regularizer(tensor):\n", + "\n", + "def l2_regularizer(weight=1.0, scope=None):\n", + "\n", + " def regularizer(tensor):\n", + "\n", + "def l1_l2_regularizer(weight_l1=1.0, weight_l2=1.0, scope=None):\n", + "\n", + " def regularizer(tensor):\n", + "\n", + "def l1_loss(tensor, weight=1.0, scope=None):\n", + "\n", + "def l2_loss(tensor, weight=1.0, scope=None):\n", + "\n", + "def cross_entropy_loss(logits, one_hot_labels, label_smoothing=0,\n", + "\n", + "def arg_scope(list_ops_or_scope, **kwargs):\n", + "\n", + "def add_arg_scope(func):\n", + "\n", + " def func_with_args(*args, **kwargs):\n", + "\n", + "def _get_manager(cluster_info, host, executor_id):\n", + "\n", + "def run(fn, tf_args, cluster_meta, tensorboard, log_dir, queues, background):\n", + "\n", + " def _mapfn(iter):\n", + "\n", + " def wrapper_fn(args, context):\n", + "\n", + " def wrapper_fn_background(args, context):\n", + "\n", + "def train(cluster_info, cluster_meta, feed_timeout=600, qname='input'):\n", + "\n", + " def _train(iter):\n", + "\n", + "def inference(cluster_info, feed_timeout=600, qname='input'):\n", + "\n", + " def _inference(iter):\n", + "\n", + "def shutdown(cluster_info, queues=['input']):\n", + "\n", + " def _shutdown(iter):\n", + "\n", + "def start_cluster_server(self, num_gpus=1, rdma=False):\n", + "\n", + "def export_saved_model(self, sess, export_dir, tag_set, signatures):\n", + "\n", + "def get_data_feed(self, train_mode=True, qname_in='input', qname_out='output', input_mapping=None):\n", + "\n", + "def _download_and_clean_file(filename, url):\n", + "\n", + "def download(data_dir):\n", + "\n", + "def build_model_columns():\n", + "\n", + "def input_fn(data_file, num_epochs, shuffle, batch_size):\n", + "\n", + " def parse_csv(value):\n", + "\n", + "def receive(self, sock):\n", + "\n", + "def send(self, sock, msg):\n", + "\n", + "def await_reservations(self, sc, status={}, timeout=600):\n", + "\n", + "def start(self):\n", + "\n", + " def _listen(self, sock):\n", + "\n", + "def _request(self, msg_type, msg_data=None):\n", + "\n", + "def await_reservations(self):\n", + "\n", + "def toTFExample(image, label):\n", + "\n", + "def fromTFExample(bytestr):\n", + "\n", + "def writeMNIST(sc, input_images, input_labels, output, format, num_partitions):\n", + "\n", + "def readMNIST(sc, output, format):\n", + "\n", + "def inference(images, num_classes, for_training=False, restore_logits=True,\n", + "\n", + "def loss(logits, labels, batch_size=None):\n", + "\n", + "def hdfs_path(ctx, path):\n", + "\n", + "def start_cluster_server(ctx, num_gpus=1, rdma=False):\n", + "\n", + "def export_saved_model(sess, export_dir, tag_set, signatures):\n", + "\n", + "def next_batch(self, batch_size):\n", + "\n", + "def batch_results(self, results):\n", + "\n", + "def terminate(self):\n", + "\n", + "def export_fun(args):\n", + "\n", + "def train(target, dataset, cluster_spec, ctx):\n", + "\n", + " def feed_dict(feed_batch):\n", + "\n", + "def export(_):\n", + "\n", + " def preprocess_image(image_buffer):\n", + "\n", + "def _get_gpu():\n", + "\n", + "def get_gpus(num_gpu=1, worker_index=-1):\n", + "\n", + " def parse_gpu(gpu_str):\n", + "\n", + "def _get_free_gpu(max_gpu_utilization=40, min_free_memory=0.5, num_gpu=1):\n", + "\n", + " def get_gpu_info():\n", + "\n", + "def _convert_to_example(filename, image_buffer, label, text, height, width):\n", + "\n", + "def _process_image_files_batch(coder, thread_index, ranges, name, filenames,\n", + "\n", + "def _process_image_files(name, filenames, texts, labels, num_shards):\n", + "\n", + "def _find_image_files(data_dir, labels_file):\n", + "\n", + "def _process_dataset(name, directory, num_shards, labels_file):\n", + "\n", + "def inputs(dataset, batch_size=None, num_preprocess_threads=None):\n", + "\n", + "def distorted_inputs(dataset, batch_size=None, num_preprocess_threads=None):\n", + "\n", + "def decode_jpeg(image_buffer, scope=None):\n", + "\n", + "def distort_color(image, thread_id=0, scope=None):\n", + "\n", + "def distort_image(image, height, width, bbox, thread_id=0, scope=None):\n", + "\n", + "def eval_image(image, height, width, scope=None):\n", + "\n", + "def image_preprocessing(image_buffer, bbox, train, thread_id=0):\n", + "\n", + "def parse_example_proto(example_serialized):\n", + "\n", + "def batch_inputs(dataset, batch_size, train, num_preprocess_threads=None,\n", + "\n", + "def setup_external_libs(libs):\n", + "\n", + "def get_existing_cluster(conn, opts, cluster_name, die_on_error=True):\n", + "\n", + " def get_instances(group_names):\n", + "\n", + "def is_ssh_available(host, opts, print_ssh_output=True):\n", + "\n", + "def is_cluster_ssh_available(cluster_instances, opts):\n", + "\n", + "def wait_for_cluster_state(conn, opts, cluster_instances, cluster_state):\n", + "\n", + "def download_message(self):\n", + "\n", + "def define_wide_deep_flags():\n", + "\n", + "def export_model(model, model_type, export_dir, model_column_fn):\n", + "\n", + "def run_loop(name, train_input_fn, eval_input_fn, model_column_fn,\n", + "\n", + "def _tower_loss(images, labels, num_classes, scope, reuse_variables=None):\n", + "\n", + "def train(dataset):\n", + "\n", + "def batch_norm(inputs,\n", + "\n", + "def _two_element_tuple(int_or_tuple):\n", + "\n", + "def conv2d(inputs,\n", + "\n", + "def fc(inputs,\n", + "\n", + "def one_hot_encoding(labels, num_classes, scope=None):\n", + "\n", + "def max_pool(inputs, kernel_size, stride=2, padding='VALID', scope=None):\n", + "\n", + "def dropout(inputs, keep_prob=0.5, is_training=True, scope=None):\n", + "\n", + "def flatten(inputs, scope=None):\n", + "\n", + "def repeat_op(repetitions, inputs, op, *args, **kwargs):\n", + "\n", + "def do_rpc(self, name: str, rpc_function: Callable[..., Awaitable[None]]) -> Callable[..., Awaitable[None]]:\n", + "\n", + "def register_resource(res: 'Resource', ty: str, name: str, custom: bool, props: 'Inputs', opts: Optional['ResourceOptions']):\n", + "\n", + " def do_resolve(value: Any, perform_apply: bool, exn: Optional[Exception]):\n", + "\n", + " def do_rpc_call():\n", + "\n", + "def configure(settings: Settings):\n", + "\n", + "def get_project() -> Optional[str]:\n", + "\n", + "def get_stack() -> Optional[str]:\n", + "\n", + "def get_monitor() -> Optional[resource_pb2_grpc.ResourceMonitorStub]:\n", + "\n", + "def deserialize_properties(props_struct: struct_pb2.Struct) -> Any:\n", + "\n", + "def deserialize_property(value: Any) -> Any:\n", + "\n", + "def translate_output_properties(res: 'Resource', output: Any) -> Any:\n", + "\n", + "def resolve_outputs_due_to_exception(resolvers: Dict[str, Resolver], exn: Exception):\n", + "\n", + "def get(self, key: str) -> Optional[str]:\n", + "\n", + "def get_bool(self, key: str) -> Optional[bool]:\n", + "\n", + "def get_int(self, key: str) -> Optional[int]:\n", + "\n", + "def get_float(self, key: str) -> Optional[float]:\n", + "\n", + "def require(self, key: str) -> str:\n", + "\n", + "def require_bool(self, key: str) -> bool:\n", + "\n", + "def require_int(self, key: str) -> int:\n", + "\n", + "def require_float(self, key: str) -> float:\n", + "\n", + "def asset(class_obj: type) -> type:\n", + "\n", + "def file_asset(class_obj: type) -> type:\n", + "\n", + "def string_asset(class_obj: type) -> type:\n", + "\n", + "def remote_asset(class_obj: type) -> type:\n", + "\n", + "def archive(class_obj: type) -> type:\n", + "\n", + "def asset_archive(class_obj: type) -> type:\n", + "\n", + "def file_archive(class_obj: type) -> type:\n", + "\n", + "def remote_archive(class_obj: type) -> type:\n", + "\n", + "def custom_resource(class_obj: type) -> type:\n", + "\n", + "def debug(msg: str, resource: Optional['Resource'] = None, stream_id: Optional[int] = None) -> None:\n", + "\n", + "def info(msg: str, resource: Optional['Resource'] = None, stream_id: Optional[int] = None) -> None:\n", + "\n", + "def warn(msg: str, resource: Optional['Resource'] = None, stream_id: Optional[int] = None) -> None:\n", + "\n", + "def error(msg: str, resource: Optional['Resource'] = None, stream_id: Optional[int] = None):\n", + "\n", + "def get_config_env() -> Dict[str, Any]:\n", + "\n", + "def get_config_env_key(k: str) -> str:\n", + "\n", + "def get_config(k: str) -> Any:\n", + "\n", + "def output(self, name: str, value: Any):\n", + "\n", + "def invoke(tok: str, props: Inputs, opts: InvokeOptions = None) -> Awaitable[Any]:\n", + "\n", + " def do_invoke():\n", + "\n", + "def export(name: str, value: Any):\n", + "\n", + "def get_provider(self, module_member: str) -> Optional['ProviderResource']:\n", + "\n", + "def add_event_handler(self, event_name, handler, *args, **kwargs):\n", + "\n", + " def print_epoch(engine):\n", + "\n", + "def has_event_handler(self, handler, event_name=None):\n", + "\n", + "def remove_event_handler(self, handler, event_name):\n", + "\n", + "def on(self, event_name, *args, **kwargs):\n", + "\n", + " def decorator(f):\n", + "\n", + "def _fire_event(self, event_name, *event_args, **event_kwargs):\n", + "\n", + "def run(self, data, max_epochs=1):\n", + "\n", + "def IoU(cm, ignore_index=None):\n", + "\n", + " def ignore_index_fn(iou_vector):\n", + "\n", + "def cmAccuracy(cm):\n", + "\n", + "def cmPrecision(cm, average=True):\n", + "\n", + "def cmRecall(cm, average=True):\n", + "\n", + "def convert_tensor(input_, device=None, non_blocking=False):\n", + "\n", + " def _func(tensor):\n", + "\n", + "def apply_to_type(input_, input_type, func):\n", + "\n", + "def to_onehot(indices, num_classes):\n", + "\n", + "def attach(self, engine, metric_names=None, output_transform=None,\n", + "\n", + " def _update(engine, batch):\n", + "\n", + "def _prepare_batch(batch, device=None, non_blocking=False):\n", + "\n", + "def create_supervised_trainer(model, optimizer, loss_fn,\n", + "\n", + " def _update(engine, batch):\n", + "\n", + "def create_supervised_evaluator(model, metrics=None,\n", + "\n", + " def _inference(engine, batch):\n", + "\n", + "def create_lr_scheduler_with_warmup(lr_scheduler, warmup_start_value, warmup_end_value, warmup_duration,\n", + "\n", + "def simulate_values(cls, num_events, **scheduler_kwargs):\n", + "\n", + "def get_param(self):\n", + "\n", + "def simulate_values(cls, num_events, schedulers, durations, param_names=None, **kwargs):\n", + "\n", + "def get_param(self):\n", + "\n", + "def simulate_values(cls, num_events, lr_scheduler, **kwargs):\n", + "\n", + "def check_manual_seed(seed):\n", + "\n", + "def attach(self, engine, log_handler, event_name):\n", + "\n", + "def _setup_output_metrics(self, engine):\n", + "\n", + "def attach(self, engine, start=Events.STARTED, pause=Events.COMPLETED, resume=None, step=None):\n", + "\n", + "def add_scalar(self, logger, k, v, event_name, global_step):\n", + "\n", + "def _to_hours_mins_secs(time_taken):\n", + "\n", + "def parse_args(args=None):\n", + "\n", + "def random_string(length):\n", + "\n", + "def clean_filename(s, minimal_change=False):\n", + "\n", + "def normalize_path(path):\n", + "\n", + "def get_anchor_format(a):\n", + "\n", + "def clean_url(url):\n", + "\n", + "def fix_url(url):\n", + "\n", + "def is_course_complete(last_update):\n", + "\n", + "def make_coursera_absolute_url(url):\n", + "\n", + "def extend_supplement_links(destination, source):\n", + "\n", + "def print_ssl_error_message(exception):\n", + "\n", + "def list_courses(args):\n", + "\n", + "def download_on_demand_class(session, args, class_name):\n", + "\n", + "def download_class(session, args, class_name):\n", + "\n", + "def main():\n", + "\n", + "def prepare_auth_headers(session, include_cauth=False):\n", + "\n", + "def login(session, username, password, class_name=None):\n", + "\n", + "def down_the_wabbit_hole(session, class_name):\n", + "\n", + "def get_authentication_cookies(session, class_name, username, password):\n", + "\n", + "def do_we_have_enough_cookies(cj, class_name):\n", + "\n", + "def validate_cookies(session, class_name):\n", + "\n", + "def make_cookie_values(cj, class_name):\n", + "\n", + "def find_cookies_for_class(cookies_file, class_name):\n", + "\n", + " def cookies_filter(c):\n", + "\n", + "def load_cookies_file(cookies_file):\n", + "\n", + "def get_cookies_from_cache(username):\n", + "\n", + "def write_cookies_to_cache(cj, username):\n", + "\n", + "def get_cookies_for_class(session, class_name,\n", + "\n", + "def get_reply(session, url, post=False, data=None, headers=None, quiet=False):\n", + "\n", + "def get_page(session,\n", + "\n", + "def get_page_and_url(session, url):\n", + "\n", + "def skip_format_url(format_, url):\n", + "\n", + "def find_resources_to_get(lecture, file_formats, resource_filter, ignored_formats=None):\n", + "\n", + "def generate_readme_rst():\n", + "\n", + "def read_file(filename, alt=None):\n", + "\n", + "def release_check():\n", + "\n", + "def release():\n", + "\n", + "def expand_specializations(session, class_names):\n", + "\n", + "def _convert_markup_basic(self, soup):\n", + "\n", + "def _convert_markup_images(self, soup):\n", + "\n", + "def _convert_markup_audios(self, soup):\n", + "\n", + "def create(session, course_name):\n", + "\n", + "def list_courses(self):\n", + "\n", + "def extract_links_from_lecture(self, course_id,\n", + "\n", + "def _get_lecture_asset_ids(self, course_id, video_id):\n", + "\n", + "def _normalize_assets(self, assets):\n", + "\n", + "def _extract_links_from_lecture_assets(self, asset_ids):\n", + "\n", + " def _add_asset(name, url, destination):\n", + "\n", + "def _get_asset_urls(self, asset_id):\n", + "\n", + "def extract_links_from_peer_assignment(self, element_id):\n", + "\n", + "def extract_links_from_supplement(self, element_id):\n", + "\n", + "def _extract_asset_tags(self, text):\n", + "\n", + "def _extract_asset_urls(self, asset_ids):\n", + "\n", + "def extract_links_from_reference(self, short_id):\n", + "\n", + "def _extract_programming_immediate_instructions_text(self, element_id):\n", + "\n", + "def _extract_notebook_text(self, element_id):\n", + "\n", + "def _extract_assignment_text(self, element_id):\n", + "\n", + "def _extract_peer_assignment_text(self, element_id):\n", + "\n", + "def _extract_links_from_text(self, text):\n", + "\n", + "def _extract_links_from_asset_tags_in_text(self, text):\n", + "\n", + "def _extract_links_from_a_tags_in_text(self, text):\n", + "\n", + "def create_m3u_playlist(section_dir):\n", + "\n", + "def list_courses(self):\n", + "\n", + "def _get_on_demand_syllabus(self, class_name):\n", + "\n", + "def _parse_on_demand_syllabus(self, course_name, page, reverse=False,\n", + "\n", + "def _iter_modules(modules, class_name, path, ignored_formats, args):\n", + "\n", + " def __init__(self, index, module):\n", + "\n", + " def sections(self):\n", + "\n", + " def __init__(self, module_iter, secnum, section, lectures):\n", + "\n", + " def lectures(self):\n", + "\n", + " def __init__(self, section_iter, lecnum, lecname, lecture):\n", + "\n", + " def filename(self, fmt, title):\n", + "\n", + " def resources(self):\n", + "\n", + " def __init__(self, fmt, url, title):\n", + "\n", + "def _walk_modules(modules, class_name, path, ignored_formats, args):\n", + "\n", + "def _handle_resource(self, url, fmt, lecture_filename, callback, last_update):\n", + "\n", + "def get_lecture_filename(combined_section_lectures_nums,\n", + "\n", + "def format_bytes(bytes):\n", + "\n", + "def get_downloader(session, class_name, args):\n", + "\n", + "def download(self, url, filename, resume=False):\n", + "\n", + "def _prepare_cookies(self, command, url):\n", + "\n", + "def report_progress(self):\n", + "\n", + "def _download_wrapper(self, url, *args, **kwargs):\n", + "\n", + "def authenticate_through_netrc(path=None):\n", + "\n", + "def get_credentials(username=None, password=None, netrc=None, use_keyring=False):\n", + "\n", + "def mimetype(self):\n", + "\n", + "def mimetype_params(self):\n", + "\n", + " def on_update(d):\n", + "\n", + "def page_index(request):\n", + "\n", + "def recent_changes(request):\n", + "\n", + "def make_app():\n", + "\n", + "def initdb():\n", + "\n", + "def runserver(hostname, port, no_reloader, debugger, no_evalex, threaded, processes):\n", + "\n", + "def iter_multi_items(mapping):\n", + "\n", + "def get(self, key, default=None, type=None):\n", + "\n", + "def _get_cache_value(self, key, empty, type):\n", + "\n", + "def _set_cache_value(self, key, value, type):\n", + "\n", + "def remove(self, header):\n", + "\n", + "def update(self, iterable):\n", + "\n", + "def find(self, header):\n", + "\n", + "def index(self, header):\n", + "\n", + "def clear(self):\n", + "\n", + "def as_set(self, preserve_casing=False):\n", + "\n", + "def as_set(self, include_weak=False):\n", + "\n", + "def contains_raw(self, etag):\n", + "\n", + "def to_header(self):\n", + "\n", + "def to_header(self):\n", + "\n", + "def range_for_length(self, length):\n", + "\n", + "def make_content_range(self, length):\n", + "\n", + "def to_header(self):\n", + "\n", + "def to_content_range_header(self, length):\n", + "\n", + "def to_header(self):\n", + "\n", + " def _set_value(self, value):\n", + "\n", + "def save(self, dst, buffer_size=16384):\n", + "\n", + "def force_type(cls, response, environ=None):\n", + "\n", + "def from_app(cls, app, environ, buffered=False):\n", + "\n", + "def calculate_content_length(self):\n", + "\n", + "def make_sequence(self):\n", + "\n", + "def close(self):\n", + "\n", + "def get_wsgi_headers(self, environ):\n", + "\n", + "def get_wsgi_response(self, environ):\n", + "\n", + "def _hash_internal(method, salt, password):\n", + "\n", + "def safe_join(directory, *pathnames):\n", + "\n", + "def generate_adhoc_ssl_context():\n", + "\n", + "def load_ssl_context(cert_file, pkey_file=None, protocol=None):\n", + "\n", + "def is_ssl_error(error=None):\n", + "\n", + "def select_address_family(host, port):\n", + "\n", + "def get_sockaddr(host, port, family):\n", + "\n", + " def log_startup(sock):\n", + "\n", + " def inner():\n", + "\n", + "def main():\n", + "\n", + "def handle(self):\n", + "\n", + "def initiate_shutdown(self):\n", + "\n", + "def handle_one_request(self):\n", + "\n", + "def send_response(self, code, message=None):\n", + "\n", + "def get_header_items(self):\n", + "\n", + "def _has_level_handler(logger):\n", + "\n", + "def _log(type, message, *args, **kwargs):\n", + "\n", + "def _parse_signature(func):\n", + "\n", + " def parse(args, kwargs):\n", + "\n", + "def _date_to_unix(arg):\n", + "\n", + "def _cookie_parse_impl(b):\n", + "\n", + "def _easteregg(app=None):\n", + "\n", + " def bzzzzzzz(gyver):\n", + "\n", + " def easteregged(environ, start_response):\n", + "\n", + " def injecting_start_response(status, headers, exc_info=None):\n", + "\n", + "def get_pin_and_cookie_name(app):\n", + "\n", + "def pin_cookie_name(self):\n", + "\n", + "def execute_command(self, request, command, frame):\n", + "\n", + "def display_console(self, request):\n", + "\n", + "def get_resource(self, request, filename):\n", + "\n", + "def check_pin_trust(self, environ):\n", + "\n", + "def pin_auth(self, request):\n", + "\n", + "def log_pin_request(self):\n", + "\n", + "def unquote_header_value(value, is_filename=False):\n", + "\n", + "def dump_options_header(header, options):\n", + "\n", + "def dump_header(iterable, allow_token=True):\n", + "\n", + "def parse_dict_header(value, cls=dict):\n", + "\n", + "def parse_options_header(value, multiple=False):\n", + "\n", + "def parse_accept_header(value, cls=None):\n", + "\n", + "def parse_cache_control_header(value, on_update=None, cls=None):\n", + "\n", + "def parse_set_header(value, on_update=None):\n", + "\n", + "def parse_authorization_header(value):\n", + "\n", + "def parse_www_authenticate_header(value, on_update=None):\n", + "\n", + "def parse_if_range_header(value):\n", + "\n", + "def parse_date(value):\n", + "\n", + "def _dump_date(d, delim):\n", + "\n", + "def parse_age(value=None):\n", + "\n", + "def dump_age(age=None):\n", + "\n", + "def remove_entity_headers(headers, allowed=(\"expires\", \"content-location\")):\n", + "\n", + "def remove_hop_by_hop_headers(headers):\n", + "\n", + "def parse_cookie(header, charset=\"utf-8\", errors=\"replace\", cls=None):\n", + "\n", + " def _parse_pairs():\n", + "\n", + "def is_byte_range_valid(start, stop, length):\n", + "\n", + "def expose(url_rule, endpoint=None, **kwargs):\n", + "\n", + " def decorate(f):\n", + "\n", + "def render_template(template_name, **context):\n", + "\n", + "def nl2p(s):\n", + "\n", + "def strip_tags(s):\n", + "\n", + " def handle_match(m):\n", + "\n", + "def is_json(self):\n", + "\n", + "def get_json(self, force=False, silent=False, cache=True):\n", + "\n", + "def _get_trusted_comma(self, trusted, value):\n", + "\n", + "def sync():\n", + "\n", + "def _make_fast_url_quote(charset=\"utf-8\", errors=\"strict\", safe=\"/:\", unsafe=\"\"):\n", + "\n", + " def quote(string):\n", + "\n", + " def quote(string):\n", + "\n", + "def url_unquote_plus(s, charset=\"utf-8\", errors=\"replace\"):\n", + "\n", + "def _codec_error_url_quote(e):\n", + "\n", + "def url_join(base, url, allow_fragments=True):\n", + "\n", + "def ascii_host(self):\n", + "\n", + "def port(self):\n", + "\n", + "def get_file_location(self, pathformat=None):\n", + "\n", + "def generate_template(template_name, **context):\n", + "\n", + "def href(*args, **kw):\n", + "\n", + "def parse_rule(rule):\n", + "\n", + "def is_endpoint_expecting(self, endpoint, *arguments):\n", + "\n", + "def iter_rules(self, endpoint=None):\n", + "\n", + "def add(self, rulefactory):\n", + "\n", + "def bind_to_environ(self, environ, server_name=None, subdomain=None):\n", + "\n", + " def _get_wsgi_string(name):\n", + "\n", + "def update(self):\n", + "\n", + " def on_index(request):\n", + "\n", + " def application(environ, start_response):\n", + "\n", + "def allowed_methods(self, path_info=None):\n", + "\n", + "def get_host(self, domain_part):\n", + "\n", + "def get_default_redirect(self, rule, method, values, query_args):\n", + "\n", + "def make_redirect_url(self, path_info, query_args=None, domain_part=None):\n", + "\n", + "def _partial_build(self, endpoint, values, method, append_unknown):\n", + "\n", + "def export(string, template=None, **extra):\n", + "\n", + " def wrapped(f):\n", + "\n", + " def f(**kwargs):\n", + "\n", + "def push(self, obj):\n", + "\n", + "def pop(self):\n", + "\n", + "def make_middleware(self, app):\n", + "\n", + " def application(environ, start_response):\n", + "\n", + "def _wrap_response(self, start, length):\n", + "\n", + "def _is_range_request_processable(self, environ):\n", + "\n", + "def _process_range_request(self, environ, complete_length=None, accept_ranges=None):\n", + "\n", + "def add_etag(self, overwrite=False, weak=False):\n", + "\n", + "def set_etag(self, etag, weak=False):\n", + "\n", + "def freeze(self, no_etag=False):\n", + "\n", + "def get_host(environ, trusted_hosts=None):\n", + "\n", + "def get_query_string(environ):\n", + "\n", + " def _normalize_netloc(scheme, netloc):\n", + "\n", + "def make_line_iter(stream, limit=None, buffer_size=10 * 1024, cap_at_buffer=False):\n", + "\n", + " def _iter_basic_lines():\n", + "\n", + "def _is_ascii_encoding(encoding):\n", + "\n", + "def get_filesystem_encoding():\n", + "\n", + "def _iter_module_files():\n", + "\n", + "def _find_observable_paths(extra_files=None):\n", + "\n", + "def _get_args_for_reloading():\n", + "\n", + "def _find_common_roots(paths):\n", + "\n", + " def _walk(node, path):\n", + "\n", + "def ensure_echo_on():\n", + "\n", + "def run_with_reloader(main_func, extra_files=None, interval=1, reloader_type=\"auto\"):\n", + "\n", + "def restart_with_reloader(self):\n", + "\n", + "def dispatch_request(self, environ, start_response):\n", + "\n", + "def get_content_type(mimetype, charset):\n", + "\n", + "def detect_utf_encoding(data):\n", + "\n", + "def format_string(string, context):\n", + "\n", + " def lookup_arg(match):\n", + "\n", + "def secure_filename(filename):\n", + "\n", + "def escape(s):\n", + "\n", + "def find_modules(import_path, include_packages=False, recursive=False):\n", + "\n", + "def validate_arguments(func, args, kwargs, drop_extra=True):\n", + "\n", + " def sanitize(f):\n", + "\n", + " def proxy(request):\n", + "\n", + "def bind_arguments(func, args, kwargs):\n", + "\n", + "def index(request, page):\n", + "\n", + "def dump(obj=missing):\n", + "\n", + "def exhaust_stream(f):\n", + "\n", + " def wrapper(self, stream, *args, **kwargs):\n", + "\n", + "def _line_parse(line):\n", + "\n", + "def parse_from_environ(self, environ):\n", + "\n", + "def parse(self, stream, mimetype, content_length, options=None):\n", + "\n", + "def _find_terminator(self, iterator):\n", + "\n", + "def parse_lines(self, file, boundary, content_length, cap_at_buffer=True):\n", + "\n", + "def make_app(config=None):\n", + "\n", + "def find_hg_tag(path):\n", + "\n", + "def load_werkzeug(path):\n", + "\n", + "def bench(func):\n", + "\n", + " def _run():\n", + "\n", + "def main():\n", + "\n", + "def compare(node1, node2):\n", + "\n", + " def _hg_update(repo, node):\n", + "\n", + " def hg(*x):\n", + "\n", + "def filter_hidden_frames(self):\n", + "\n", + "def log(self, logfile=None):\n", + "\n", + "def paste(self):\n", + "\n", + "def render_summary(self, include_title=True):\n", + "\n", + "def render_full(self, evalex=False, secret=None, evalex_trusted=True):\n", + "\n", + "def exception(self):\n", + "\n", + "def render(self, mark_lib=True):\n", + "\n", + "def eval(self, code, mode=\"single\"):\n", + "\n", + "def application(cls, f):\n", + "\n", + " def my_wsgi_app(request):\n", + "\n", + " def application(*args):\n", + "\n", + "def _load_form_data(self):\n", + "\n", + "def close(self):\n", + "\n", + "def values(self):\n", + "\n", + "def cookies(self):\n", + "\n", + "def path(self):\n", + "\n", + "def full_path(self):\n", + "\n", + "def script_root(self):\n", + "\n", + "def base_url(self):\n", + "\n", + "def host_url(self):\n", + "\n", + "def access_route(self):\n", + "\n", + "def on_show(request, page_name):\n", + "\n", + "def on_edit(request, page_name):\n", + "\n", + "def on_log(request, page_name):\n", + "\n", + "def on_diff(request, page_name):\n", + "\n", + "def on_revert(request, page_name):\n", + "\n", + "def page_missing(request, page_name, revision_requested, protected=False):\n", + "\n", + "def shell(no_ipython):\n", + "\n", + "def _get_fields(attrs, field_class, pop=False, ordered=False):\n", + "\n", + "def _get_fields_by_mro(klass, field_class, ordered=False):\n", + "\n", + "def resolve_hooks(self):\n", + "\n", + "def _call_and_store(getter_func, data, field_name, error_store, index=None):\n", + "\n", + "def dump(self, obj, many=None):\n", + "\n", + "def dumps(self, obj, many=None, *args, **kwargs):\n", + "\n", + "def load(self, data, many=None, partial=None, unknown=None):\n", + "\n", + "def validate(self, data, many=None, partial=None):\n", + "\n", + "def _normalize_nested_options(self):\n", + "\n", + "def __apply_nested_option(self, option_name, field_names, set_operation):\n", + "\n", + "def _init_fields(self):\n", + "\n", + "def _bind_field(self, field_name, field_obj):\n", + "\n", + "def post_dump(fn=None, pass_many=False, pass_original=False):\n", + "\n", + "def post_load(fn=None, pass_many=False, pass_original=False):\n", + "\n", + "def set_hook(fn, key, **kwargs):\n", + "\n", + "def options(self, valuegetter=text_type):\n", + "\n", + "def merge_errors(errors1, errors2):\n", + "\n", + "def register(classname, cls):\n", + "\n", + "def get_class(classname, all=False):\n", + "\n", + "def get_value(self, obj, attr, accessor=None, default=missing_):\n", + "\n", + "def _validate(self, value):\n", + "\n", + "def _validate_missing(self, value):\n", + "\n", + "def serialize(self, attr, obj, accessor=None, **kwargs):\n", + "\n", + "def deserialize(self, value, attr=None, data=None, **kwargs):\n", + "\n", + "def _bind_to_schema(self, field_name, schema):\n", + "\n", + "def root(self):\n", + "\n", + "def schema(self):\n", + "\n", + "def _deserialize(self, value, attr, data, partial=None, **kwargs):\n", + "\n", + "def _validated(self, value):\n", + "\n", + "def _format_num(self, value):\n", + "\n", + "def _validated(self, value):\n", + "\n", + "def _serialize(self, value, attr, obj, **kwargs):\n", + "\n", + "def _deserialize(self, value, attr, data, **kwargs):\n", + "\n", + "def is_instance_or_subclass(val, class_):\n", + "\n", + "def pprint(obj, *args, **kwargs):\n", + "\n", + "def local_rfcformat(dt):\n", + "\n", + "def rfcformat(dt, localtime=False):\n", + "\n", + "def isoformat(dt, localtime=False, *args, **kwargs):\n", + "\n", + "def from_rfc(datestring, use_dateutil=True):\n", + "\n", + "def from_iso_datetime(datetimestring, use_dateutil=True):\n", + "\n", + "def from_iso_time(timestring, use_dateutil=True):\n", + "\n", + "def set_value(dct, key, value):\n", + "\n", + "def get_func_args(func):\n", + "\n", + "def resolve_field_instance(cls_or_instance):\n", + "\n", + "def localize(self, dt, is_dst=False):\n", + "\n", + "def normalize(self, dt, is_dst=False):\n", + "\n", + "def check_auth(email, password):\n", + "\n", + "def _stash_user(cls, user):\n", + "\n", + "def get_email(self, token):\n", + "\n", + "def is_email_verified(self, request, email):\n", + "\n", + "def get_login_redirect_url(self, request):\n", + "\n", + "def get_email_confirmation_redirect_url(self, request):\n", + "\n", + "def populate_username(self, request, user):\n", + "\n", + "def save_user(self, request, user, form, commit=True):\n", + "\n", + "def clean_username(self, username, shallow=False):\n", + "\n", + "def clean_password(self, password, user=None):\n", + "\n", + "def add_message(self, request, level, message_template,\n", + "\n", + "def confirm_email(self, request, email_address):\n", + "\n", + "def get_email_confirmation_url(self, request, emailconfirmation):\n", + "\n", + "def authenticate(self, request, **credentials):\n", + "\n", + "def extract_common_fields(self, data):\n", + "\n", + "def to_dict(self, xml):\n", + "\n", + "def provider_login_url(parser, token):\n", + "\n", + "def get_social_accounts(user):\n", + "\n", + "def save_user(self, request, sociallogin, form=None):\n", + "\n", + "def populate_user(self,\n", + "\n", + "def get_connect_redirect_url(self, request, socialaccount):\n", + "\n", + "def validate_disconnect(self, account, accounts):\n", + "\n", + "def serialize_instance(instance):\n", + "\n", + "def set_form_field_order(form, field_order):\n", + "\n", + "def build_absolute_uri(request, location, protocol=None):\n", + "\n", + "def _base_signup_form_class():\n", + "\n", + "def user_credentials(self):\n", + "\n", + "def _build_locale_table(filename_or_file):\n", + "\n", + "def get_default_locale_callable():\n", + "\n", + " def default_locale(request):\n", + "\n", + "def EMAIL_REQUIRED(self):\n", + "\n", + "def EMAIL_VERIFICATION(self):\n", + "\n", + "def to_str(self):\n", + "\n", + "def extract_common_fields(self, data):\n", + "\n", + "def verified_email_required(function=None,\n", + "\n", + " def decorator(view_func):\n", + "\n", + " def _wrapped_view(request, *args, **kwargs):\n", + "\n", + "def _strip_empty_keys(self, params):\n", + "\n", + "def int_to_base36(i):\n", + "\n", + "def save(self, request, connect=False):\n", + "\n", + "def lookup(self):\n", + "\n", + "def sociallogin_from_response(self, request, response):\n", + "\n", + "def extract_common_fields(self, data):\n", + "\n", + "def complete_login(self, request, app, token, **kwargs):\n", + "\n", + "def dispatch(self, request):\n", + "\n", + "def login_on_confirm(self, confirmation):\n", + "\n", + "def extract_from_dict(data, path):\n", + "\n", + "def _extract_email(data):\n", + "\n", + "def _get_request_token(self):\n", + "\n", + "def get_access_token(self):\n", + "\n", + "def get_redirect(self, authorization_url, extra_params):\n", + "\n", + "def _get_at_from_session(self):\n", + "\n", + "def query(self, url, method=\"GET\", params=dict(), headers=dict()):\n", + "\n", + "def get_next_redirect_url(request, redirect_field_name=\"next\"):\n", + "\n", + "def user_field(user, field, *args):\n", + "\n", + "def perform_login(request, user, email_verification,\n", + "\n", + "def cleanup_email_addresses(request, addresses):\n", + "\n", + "def setup_user_email(request, user, addresses):\n", + "\n", + "def send_email_confirmation(request, user, signup=False):\n", + "\n", + "def sync_user_email_addresses(user):\n", + "\n", + "def filter_users_by_email(email):\n", + "\n", + "def user_pk_to_url_str(user):\n", + "\n", + "def setup_dummy_social_apps(sender, **kwargs):\n", + "\n", + "def value_from_object(self, obj):\n", + "\n", + "def EMAIL_VERIFICATION(self):\n", + "\n", + "def PASSWORD_MIN_LENGTH(self):\n", + "\n", + "def _function_with_partly_reduce(chunk_list, map_function, kwargs):\n", + "\n", + "def partition(data, chunk_size):\n", + "\n", + "def calculate_best_chunk_size(self, data_length):\n", + "\n", + "def map_reduce(self, map_function, data, function_kwargs=None, chunk_size=None, data_length=None):\n", + "\n", + "def distribute(self, func, partitioned_chunks, kwargs):\n", + "\n", + "def distribute(self, func, partitioned_chunks, kwargs):\n", + "\n", + "def calculate_best_chunk_size(self, data_length):\n", + "\n", + "def distribute(self, func, partitioned_chunks, kwargs):\n", + "\n", + "def close(self):\n", + "\n", + "def from_columns(columns, columns_to_ignore=None):\n", + "\n", + "def _roll(a, shift):\n", + "\n", + "def _get_length_sequences_where(x):\n", + "\n", + "def _estimate_friedrich_coefficients(x, m, r):\n", + "\n", + "def _aggregate_on_chunks(x, f_agg, chunk_len):\n", + "\n", + "def set_property(key, value):\n", + "\n", + " def decorate_func(func):\n", + "\n", + "def variance_larger_than_standard_deviation(x):\n", + "\n", + "def ratio_beyond_r_sigma(x, r):\n", + "\n", + "def large_standard_deviation(x, r):\n", + "\n", + "def symmetry_looking(x, param):\n", + "\n", + "def has_duplicate_max(x):\n", + "\n", + "def has_duplicate_min(x):\n", + "\n", + "def has_duplicate(x):\n", + "\n", + "def agg_autocorrelation(x, param):\n", + "\n", + "def partial_autocorrelation(x, param):\n", + "\n", + "def augmented_dickey_fuller(x, param):\n", + "\n", + "def abs_energy(x):\n", + "\n", + "def cid_ce(x, normalize):\n", + "\n", + "def mean_second_derivative_central(x):\n", + "\n", + "def skewness(x):\n", + "\n", + "def kurtosis(x):\n", + "\n", + "def longest_strike_below_mean(x):\n", + "\n", + "def count_above_mean(x):\n", + "\n", + "def count_below_mean(x):\n", + "\n", + "def last_location_of_maximum(x):\n", + "\n", + "def first_location_of_maximum(x):\n", + "\n", + "def last_location_of_minimum(x):\n", + "\n", + "def first_location_of_minimum(x):\n", + "\n", + "def percentage_of_reoccurring_datapoints_to_all_datapoints(x):\n", + "\n", + "def percentage_of_reoccurring_values_to_all_values(x):\n", + "\n", + "def sum_of_reoccurring_values(x):\n", + "\n", + "def sum_of_reoccurring_data_points(x):\n", + "\n", + "def ratio_value_number_to_time_series_length(x):\n", + "\n", + "def fft_coefficient(x, param):\n", + "\n", + " def complex_agg(x, agg):\n", + "\n", + "def fft_aggregated(x, param):\n", + "\n", + " def get_moment(y, moment):\n", + "\n", + " def get_centroid(y):\n", + "\n", + " def get_variance(y):\n", + "\n", + " def get_skew(y):\n", + "\n", + " def get_kurtosis(y):\n", + "\n", + "def number_peaks(x, n):\n", + "\n", + "def index_mass_quantile(x, param):\n", + "\n", + "def number_cwt_peaks(x, n):\n", + "\n", + "def linear_trend(x, param):\n", + "\n", + "def cwt_coefficients(x, param):\n", + "\n", + "def spkt_welch_density(x, param):\n", + "\n", + "def ar_coefficient(x, param):\n", + "\n", + "def change_quantiles(x, ql, qh, isabs, f_agg):\n", + "\n", + "def time_reversal_asymmetry_statistic(x, lag):\n", + "\n", + "def c3(x, lag):\n", + "\n", + "def binned_entropy(x, max_bins):\n", + "\n", + "def sample_entropy(x):\n", + "\n", + "def autocorrelation(x, lag):\n", + "\n", + "def quantile(x, q):\n", + "\n", + "def number_crossing_m(x, m):\n", + "\n", + "def value_count(x, value):\n", + "\n", + "def range_count(x, min, max):\n", + "\n", + "def approximate_entropy(x, m, r):\n", + "\n", + " def _phi(m):\n", + "\n", + "def friedrich_coefficients(x, param):\n", + "\n", + "def max_langevin_fixed_point(x, r, m):\n", + "\n", + "def agg_linear_trend(x, param):\n", + "\n", + "def energy_ratio_by_chunks(x, param):\n", + "\n", + "def linear_trend_timewise(x, param):\n", + "\n", + "def fit(self, X, y):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def download_har_dataset():\n", + "\n", + "def transform(self, X):\n", + "\n", + "def fit(self, X, y):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def _preprocess(df):\n", + "\n", + "def calculate_relevance_table(X, y, ml_task='auto', n_jobs=defaults.N_PROCESSES, chunksize=defaults.CHUNKSIZE,\n", + "\n", + "def infer_ml_task(y):\n", + "\n", + "def combine_relevance_tables(relevance_tables):\n", + "\n", + " def _combine(a, b):\n", + "\n", + "def get_feature_type(feature_column):\n", + "\n", + "def extract_features(timeseries_container, default_fc_parameters=None,\n", + "\n", + "def generate_data_chunk_format(df, column_id, column_kind, column_value):\n", + "\n", + "def _do_extraction(df, column_id, column_value, column_kind,\n", + "\n", + "def _do_extraction_on_chunk(chunk, default_fc_parameters, kind_to_fc_parameters):\n", + "\n", + " def _f():\n", + "\n", + "def get_config_from_string(parts):\n", + "\n", + "def convert_to_output_format(param):\n", + "\n", + " def add_parenthesis_if_string_value(x):\n", + "\n", + "def end_profiling(profiler, filename, sorting=None):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def download_robot_execution_failures():\n", + "\n", + "def load_robot_execution_failures(multiclass=False):\n", + "\n", + "def extract_relevant_features(timeseries_container, y, X=None,\n", + "\n", + "def sample_tau(n=10, kappa_3=0.3, ratio=0.5, rel_increase=0.15):\n", + "\n", + "def load_driftbif(n, l, m=2, classification=True, kappa_3=0.3, seed=False):\n", + "\n", + "def check_for_nans_in_columns(df, columns=None):\n", + "\n", + "def impute(df_impute):\n", + "\n", + "def impute_dataframe_zero(df_impute):\n", + "\n", + "def impute_dataframe_range(df_impute, col_to_max, col_to_min, col_to_median):\n", + "\n", + "def get_range_values_per_column(df):\n", + "\n", + "def restrict_input_to_index(df_or_dict, column_id, index):\n", + "\n", + "def get_ids(df_or_dict, column_id):\n", + "\n", + "def _normalize_input_to_internal_representation(timeseries_container, column_id, column_sort, column_kind, column_value):\n", + "\n", + "def roll_time_series(df_or_dict, column_id, column_sort, column_kind, rolling_direction, max_timeshift=None):\n", + "\n", + " def roll_out_time_series(time_shift):\n", + "\n", + "def make_forecasting_frame(x, kind, max_timeshift, rolling_direction):\n", + "\n", + " def mask_first(x):\n", + "\n", + "def select_features(X, y, test_for_binary_target_binary_feature=defaults.TEST_FOR_BINARY_TARGET_BINARY_FEATURE,\n", + "\n", + "def disconnect(self):\n", + "\n", + "def waitOnUpdate(self, timeout: float = 0) -> bool:\n", + "\n", + "def accountValues(self, account: str = '') -> List[AccountValue]:\n", + "\n", + "def accountSummary(self, account: str = '') -> List[AccountValue]:\n", + "\n", + "def portfolio(self) -> List[PortfolioItem]:\n", + "\n", + "def positions(self, account: str = '') -> List[Position]:\n", + "\n", + "def pnl(self, account='', modelCode='') -> List[PnL]:\n", + "\n", + "def openTrades(self) -> List[Trade]:\n", + "\n", + "def orders(self) -> List[Order]:\n", + "\n", + "def openOrders(self) -> List[Order]:\n", + "\n", + "def executions(self) -> List[Execution]:\n", + "\n", + "def ticker(self, contract: Contract) -> Ticker:\n", + "\n", + "def qualifyContracts(self, *contracts: List[Contract]) -> List[Contract]:\n", + "\n", + "def whatIfOrder(self, contract: Contract, order: Order) -> OrderState:\n", + "\n", + "def placeOrder(self, contract: Contract, order: Order) -> Trade:\n", + "\n", + "def cancelOrder(self, order: Order) -> Trade:\n", + "\n", + "def reqPnL(self, account: str, modelCode: str = '') -> PnL:\n", + "\n", + "def cancelPnL(self, account, modelCode: str = ''):\n", + "\n", + "def reqContractDetails(self, contract: Contract) -> List[ContractDetails]:\n", + "\n", + "def reqMatchingSymbols(self, pattern: str) -> List[ContractDescription]:\n", + "\n", + "def reqMarketRule(self, marketRuleId: int) -> PriceIncrement:\n", + "\n", + "def cancelRealTimeBars(self, bars: RealTimeBarList):\n", + "\n", + "def cancelHistoricalData(self, bars: BarDataList):\n", + "\n", + "def cancelMktData(self, contract: Contract):\n", + "\n", + "def cancelTickByTickData(self, contract: Contract, tickType: str):\n", + "\n", + "def cancelMktDepth(self, contract: Contract, isSmartDepth=False):\n", + "\n", + "def cancelScannerSubscription(self, dataList: ScanDataList):\n", + "\n", + "def replaceFA(self, faDataType: int, xml: str):\n", + "\n", + "def df(objs, labels=None):\n", + "\n", + "def tree(obj):\n", + "\n", + "def barplot(bars, title='', upColor='blue', downColor='red'):\n", + "\n", + "def logToFile(path, level=logging.INFO):\n", + "\n", + "def logToConsole(level=logging.INFO):\n", + "\n", + "def formatSI(n) -> str:\n", + "\n", + "def run(*awaitables, timeout: float = None):\n", + "\n", + " def onError(_):\n", + "\n", + "def startLoop():\n", + "\n", + " def _ipython_loop_asyncio(kernel):\n", + "\n", + " def kernel_handler():\n", + "\n", + "def useQt(qtLib: str = 'PyQt5', period: float = 0.01):\n", + "\n", + " def qt_step():\n", + "\n", + "def formatIBDatetime(dt) -> str:\n", + "\n", + "def parseIBDatetime(s):\n", + "\n", + "def tuple(self):\n", + "\n", + "def dict(self):\n", + "\n", + "def diff(self, other):\n", + "\n", + "def nonDefaults(self):\n", + "\n", + "def startReq(self, key, contract=None, container=None):\n", + "\n", + "def _endReq(self, key, result=None, success=True):\n", + "\n", + "def startTicker(self, reqId, contract, tickType):\n", + "\n", + "def startSubscription(self, reqId, subscriber, contract=None):\n", + "\n", + "def endSubscription(self, subscriber):\n", + "\n", + "def openOrder(self, orderId, contract, order, orderState):\n", + "\n", + "def execDetails(self, reqId, contract, execution):\n", + "\n", + "def connectionStats(self) -> ConnectionStats:\n", + "\n", + "def getReqId(self) -> int:\n", + "\n", + "def disconnect(self):\n", + "\n", + "def send(self, *fields):\n", + "\n", + "def wrap(self, methodName, types, skip=2):\n", + "\n", + " def handler(fields):\n", + "\n", + "def interpret(self, fields):\n", + "\n", + "def parse(self, obj):\n", + "\n", + "def topics(self):\n", + "\n", + "def extract(self, topic: str, parseNumbers=True) -> list:\n", + "\n", + "def df(self, topic: str, parseNumbers=True):\n", + "\n", + "def download(self, token, queryId):\n", + "\n", + "def load(self, path):\n", + "\n", + "def save(self, path):\n", + "\n", + "def create(**kwargs):\n", + "\n", + "def hasBidAsk(self) -> bool:\n", + "\n", + "def midpoint(self) -> float:\n", + "\n", + "def marketPrice(self) -> float:\n", + "\n", + "def add_keyword_from_file(self, keyword_file, encoding=\"utf-8\"):\n", + "\n", + "def add_keywords_from_dict(self, keyword_dict):\n", + "\n", + "def remove_keywords_from_dict(self, keyword_dict):\n", + "\n", + "def add_keywords_from_list(self, keyword_list):\n", + "\n", + "def remove_keywords_from_list(self, keyword_list):\n", + "\n", + "def get_all_keywords(self, term_so_far='', current_dict=None):\n", + "\n", + "def extract_keywords(self, sentence, span_info=False):\n", + "\n", + "def replace_keywords(self, sentence):\n", + "\n", + "def factor_information_coefficient(factor_data,\n", + "\n", + " def src_ic(group):\n", + "\n", + "def mean_information_coefficient(factor_data,\n", + "\n", + "def factor_weights(factor_data,\n", + "\n", + " def to_weights(group, _demeaned, _equal_weight):\n", + "\n", + "def factor_returns(factor_data,\n", + "\n", + "def factor_alpha_beta(factor_data,\n", + "\n", + "def cumulative_returns(returns, period, freq=None):\n", + "\n", + " def rate_of_returns(ret, period):\n", + "\n", + "def positions(weights, period, freq=None):\n", + "\n", + "def mean_return_by_quantile(factor_data,\n", + "\n", + "def compute_mean_returns_spread(mean_returns,\n", + "\n", + "def quantile_turnover(quantile_factor, quantile, period=1):\n", + "\n", + "def factor_rank_autocorrelation(factor_data, period=1):\n", + "\n", + "def common_start_returns(factor,\n", + "\n", + "def average_cumulative_return_by_quantile(factor_data,\n", + "\n", + " def cumulative_return(q_fact, demean_by):\n", + "\n", + " def average_cumulative_return(q_fact, demean_by):\n", + "\n", + "def factor_cumulative_returns(factor_data,\n", + "\n", + "def factor_positions(factor_data,\n", + "\n", + "def create_pyfolio_input(factor_data,\n", + "\n", + "def create_summary_tear_sheet(factor_data,\n", + "\n", + "def create_returns_tear_sheet(factor_data,\n", + "\n", + "def create_information_tear_sheet(factor_data,\n", + "\n", + "def create_turnover_tear_sheet(factor_data, turnover_periods=None):\n", + "\n", + "def create_full_tear_sheet(factor_data,\n", + "\n", + "def create_event_returns_tear_sheet(factor_data,\n", + "\n", + "def create_event_study_tear_sheet(factor_data,\n", + "\n", + "def rethrow(exception, additional_message):\n", + "\n", + "def non_unique_bin_edges_error(func):\n", + "\n", + " def dec(*args, **kwargs):\n", + "\n", + "def quantize_factor(factor_data,\n", + "\n", + " def quantile_calc(x, _quantiles, _bins, _zero_aware, _no_raise):\n", + "\n", + "def infer_trading_calendar(factor_idx, prices_idx):\n", + "\n", + "def compute_forward_returns(factor,\n", + "\n", + "def demean_forward_returns(factor_data, grouper=None):\n", + "\n", + "def print_table(table, name=None, fmt=None):\n", + "\n", + "def get_clean_factor(factor,\n", + "\n", + "def get_clean_factor_and_forward_returns(factor,\n", + "\n", + "def rate_of_return(period_ret, base_period):\n", + "\n", + "def std_conversion(period_std, base_period):\n", + "\n", + "def get_forward_returns_columns(columns):\n", + "\n", + "def timedelta_to_string(timedelta):\n", + "\n", + "def add_custom_calendar_timedelta(input, timedelta, freq):\n", + "\n", + "def diff_custom_calendar_timedeltas(start, end, freq):\n", + "\n", + "def customize(func):\n", + "\n", + " def call_w_context(*args, **kwargs):\n", + "\n", + "def plot_ic_ts(ic, ax=None):\n", + "\n", + "def plot_ic_hist(ic, ax=None):\n", + "\n", + "def plot_ic_qq(ic, theoretical_dist=stats.norm, ax=None):\n", + "\n", + "def plot_quantile_returns_bar(mean_ret_by_q,\n", + "\n", + "def plot_quantile_returns_violin(return_by_q,\n", + "\n", + "def plot_mean_quantile_returns_spread_time_series(mean_returns_spread,\n", + "\n", + "def plot_ic_by_group(ic_group, ax=None):\n", + "\n", + "def plot_factor_rank_auto_correlation(factor_autocorrelation,\n", + "\n", + "def plot_top_bottom_quantile_turnover(quantile_turnover, period=1, ax=None):\n", + "\n", + "def plot_monthly_ic_heatmap(mean_monthly_ic, ax=None):\n", + "\n", + "def plot_cumulative_returns(factor_returns, period, freq, title=None, ax=None):\n", + "\n", + "def plot_cumulative_returns_by_quantile(quantile_returns,\n", + "\n", + "def plot_quantile_average_cumulative_return(avg_cumulative_returns,\n", + "\n", + "def plot_events_distribution(events, num_bars=50, ax=None):\n", + "\n", + "def close(self):\n", + "\n", + "def _nextset(self, unbuffered=False):\n", + "\n", + "def mogrify(self, query, args=None):\n", + "\n", + "def execute(self, query, args=None):\n", + "\n", + "def callproc(self, procname, args=()):\n", + "\n", + "def fetchone(self):\n", + "\n", + "def fetchmany(self, size=None):\n", + "\n", + "def fetchall(self):\n", + "\n", + "def fetchone(self):\n", + "\n", + "def fetchmany(self, size=None):\n", + "\n", + "def convert_datetime(obj):\n", + "\n", + "def convert_timedelta(obj):\n", + "\n", + "def convert_time(obj):\n", + "\n", + "def convert_date(obj):\n", + "\n", + "def write(self, b):\n", + "\n", + "def close(self):\n", + "\n", + "def read(self, size):\n", + "\n", + "def read_all(self):\n", + "\n", + "def advance(self, length):\n", + "\n", + "def rewind(self, position=0):\n", + "\n", + "def read_length_encoded_integer(self):\n", + "\n", + "def _parse_field_descriptor(self, encoding):\n", + "\n", + "def description(self):\n", + "\n", + "def close(self):\n", + "\n", + "def _force_close(self):\n", + "\n", + "def _send_autocommit_mode(self):\n", + "\n", + "def escape(self, obj, mapping=None):\n", + "\n", + "def ping(self, reconnect=True):\n", + "\n", + "def _read_packet(self, packet_type=MysqlPacket):\n", + "\n", + "def _execute_command(self, command, sql):\n", + "\n", + "def send_data(self):\n", + "\n", + "def scramble_native_password(password, message):\n", + "\n", + "def sha2_rsa_encrypt(password, salt, public_key):\n", + "\n", + "def scramble_caching_sha2(password, nonce):\n", + "\n", + "def ClosureTable(model_class, foreign_key=None, referencing_class=None,\n", + "\n", + " def descendants(cls, node, depth=None, include_node=False):\n", + "\n", + " def ancestors(cls, node, depth=None, include_node=False):\n", + "\n", + " def siblings(cls, node, include_node=False):\n", + "\n", + "def bm25(raw_match_info, *args):\n", + "\n", + "def search(cls, term, weights=None, with_score=False, score_alias='score',\n", + "\n", + "def search_bm25(cls, term, weights=None, with_score=False,\n", + "\n", + "def search_bm25f(cls, term, weights=None, with_score=False,\n", + "\n", + "def search_lucene(cls, term, weights=None, with_score=False,\n", + "\n", + "def validate_query(query):\n", + "\n", + "def clean_query(query, replace=chr(26)):\n", + "\n", + "def search(cls, term, weights=None, with_score=False, score_alias='score',\n", + "\n", + "def search_bm25(cls, term, weights=None, with_score=False,\n", + "\n", + "def manual_close(self):\n", + "\n", + "def top_pages_by_time_period(self, interval='day'):\n", + "\n", + "def cookies(self):\n", + "\n", + "def user_agents(self):\n", + "\n", + "def languages(self):\n", + "\n", + "def trail(self):\n", + "\n", + "def top_referrers(self, domain_only=True):\n", + "\n", + "def add_entry():\n", + "\n", + "def view_entries(search_query=None):\n", + "\n", + "def html_content(self):\n", + "\n", + "def model_to_dict(model, recurse=True, backrefs=False, only=None,\n", + "\n", + "def _e(op, inv=False):\n", + "\n", + " def inner(self, rhs):\n", + "\n", + "def get_currency_exchange_intraday(self, from_symbol, to_symbol, interval='15min', outputsize='compact'):\n", + "\n", + "def _call_api_on_func(cls, func):\n", + "\n", + " def _call_wrapper(self, *args, **kwargs):\n", + "\n", + "def _output_format(cls, func, override=None):\n", + "\n", + " def _format_wrapper(self, *args, **kwargs):\n", + "\n", + "def map_to_matype(self, matype):\n", + "\n", + "def _handle_api_call(self, url):\n", + "\n", + "def _output_format_sector(func, override=None):\n", + "\n", + " def _format_wrapper(self, *args, **kwargs):\n", + "\n", + "def get_macd(self, symbol, interval='daily', series_type='close',\n", + "\n", + "def get_macdext(self, symbol, interval='daily', series_type='close',\n", + "\n", + "def get_stoch(self, symbol, interval='daily', fastkperiod=None,\n", + "\n", + "def get_stochrsi(self, symbol, interval='daily', time_period=20,\n", + "\n", + "def get_apo(self, symbol, interval='daily', series_type='close',\n", + "\n", + "def get_bbands(self, symbol, interval='daily', time_period=20, series_type='close',\n", + "\n", + "def unpack(value):\n", + "\n", + "def output_xml(data, code, headers=None):\n", + "\n", + "def output_json(data, code, headers=None):\n", + "\n", + "def abort(http_status_code, **kwargs):\n", + "\n", + "def marshal(data, fields, envelope=None):\n", + "\n", + " def make(cls):\n", + "\n", + "def init_app(self, app):\n", + "\n", + "def _complete_url(self, url_part, registration_prefix):\n", + "\n", + "def _init_app(self, app):\n", + "\n", + "def owns_endpoint(self, endpoint):\n", + "\n", + "def _should_use_fr_error_handler(self):\n", + "\n", + "def _has_fr_route(self):\n", + "\n", + "def error_router(self, original_handler, e):\n", + "\n", + "def handle_error(self, e):\n", + "\n", + "def add_resource(self, resource, *urls, **kwargs):\n", + "\n", + "def resource(self, *urls, **kwargs):\n", + "\n", + " def get(self):\n", + "\n", + " def decorator(cls):\n", + "\n", + "def output(self, resource):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def url_for(self, resource, **values):\n", + "\n", + "def make_response(self, data, *args, **kwargs):\n", + "\n", + "def mediatypes(self):\n", + "\n", + "def representation(self, mediatype):\n", + "\n", + " def xml(data, code, headers):\n", + "\n", + " def wrapper(func):\n", + "\n", + "def source(self, request):\n", + "\n", + "def handle_validation_error(self, error, bundle_errors):\n", + "\n", + "def parse(self, request, bundle_errors=False):\n", + "\n", + "def add_argument(self, *args, **kwargs):\n", + "\n", + "def parse_args(self, req=None, strict=False, http_error_code=400):\n", + "\n", + "def copy(self):\n", + "\n", + "def replace_argument(self, name, *args, **kwargs):\n", + "\n", + "def remove_argument(self, name):\n", + "\n", + "def to_marshallable_type(obj):\n", + "\n", + "def output(self, key, obj):\n", + "\n", + "def url(value):\n", + "\n", + "def _normalize_interval(start, end, value):\n", + "\n", + "def _parse_interval(value):\n", + "\n", + "def iso8601interval(value, argument='argument'):\n", + "\n", + "def natural(value, argument='argument'):\n", + "\n", + "def positive(value, argument='argument'):\n", + "\n", + "def boolean(value):\n", + "\n", + "def _specialKeyEvent(key, upDown):\n", + "\n", + "def _keyDown(key):\n", + "\n", + "def _keyUp(key):\n", + "\n", + " def foreach_window(hwnd, lparam):\n", + "\n", + "def getWindow(title, exact=False):\n", + "\n", + "def set_position(self, x, y, width, height):\n", + "\n", + "def move(self, x, y):\n", + "\n", + "def resize(self, width, height):\n", + "\n", + "def get_position(self):\n", + "\n", + "def getPointOnLine(x1, y1, x2, y2, n):\n", + "\n", + "def _unpackXY(x, y):\n", + "\n", + "def position(x=None, y=None):\n", + "\n", + "def onScreen(x, y=None):\n", + "\n", + "def mouseUp(x=None, y=None, button='left', duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def click(x=None, y=None, clicks=1, interval=0.0, button='left', duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def rightClick(x=None, y=None, duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def doubleClick(x=None, y=None, interval=0.0, button='left', duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def scroll(clicks, x=None, y=None, pause=None, _pause=True):\n", + "\n", + "def hscroll(clicks, x=None, y=None, pause=None, _pause=True):\n", + "\n", + "def vscroll(clicks, x=None, y=None, pause=None, _pause=True):\n", + "\n", + "def moveTo(x=None, y=None, duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def moveRel(xOffset=None, yOffset=None, duration=0.0, tween=linear, pause=None, _pause=True):\n", + "\n", + "def dragTo(x=None, y=None, duration=0.0, tween=linear, button='left', pause=None, _pause=True, mouseDownUp=True):\n", + "\n", + "def dragRel(xOffset=0, yOffset=0, duration=0.0, tween=linear, button='left', pause=None, _pause=True, mouseDownUp=True):\n", + "\n", + "def _mouseMoveDrag(moveOrDrag, x, y, xOffset, yOffset, duration, tween=linear, button=None):\n", + "\n", + "def keyDown(key, pause=None, _pause=True):\n", + "\n", + "def keyUp(key, pause=None, _pause=True):\n", + "\n", + "def press(keys, presses=1, interval=0.0, pause=None, _pause=True):\n", + "\n", + "def typewrite(message, interval=0.0, pause=None, _pause=True):\n", + "\n", + "def hotkey(*args, **kwargs):\n", + "\n", + "def displayMousePosition(xOffset=0, yOffset=0):\n", + "\n", + "def _keyDown(key):\n", + "\n", + "def _position():\n", + "\n", + "def _mouseDown(x, y, button):\n", + "\n", + "def _mouseUp(x, y, button):\n", + "\n", + "def _click(x, y, button):\n", + "\n", + "def _sendMouseEvent(ev, x, y, dwData=0):\n", + "\n", + "def _scroll(clicks, x=None, y=None):\n", + "\n", + "def authorize(credentials, client_class=Client):\n", + "\n", + "def title(self):\n", + "\n", + "def batch_update(self, body):\n", + "\n", + "def values_append(self, range, params, body):\n", + "\n", + "def values_clear(self, range):\n", + "\n", + "def values_get(self, range, params=None):\n", + "\n", + "def values_update(self, range, params=None, body=None):\n", + "\n", + "def get_worksheet(self, index):\n", + "\n", + "def worksheets(self):\n", + "\n", + "def worksheet(self, title):\n", + "\n", + "def add_worksheet(self, title, rows, cols):\n", + "\n", + "def share(self, value, perm_type, role, notify=True, email_message=None, with_link=False):\n", + "\n", + "def remove_permissions(self, value, role='any'):\n", + "\n", + "def acell(self, label, value_render_option='FORMATTED_VALUE'):\n", + "\n", + "def cell(self, row, col, value_render_option='FORMATTED_VALUE'):\n", + "\n", + "def range(self, name):\n", + "\n", + "def get_all_values(self):\n", + "\n", + "def row_values(self, row, value_render_option='FORMATTED_VALUE'):\n", + "\n", + "def col_values(self, col, value_render_option='FORMATTED_VALUE'):\n", + "\n", + "def update_acell(self, label, value):\n", + "\n", + "def update_cell(self, row, col, value):\n", + "\n", + "def update_cells(self, cell_list, value_input_option='RAW'):\n", + "\n", + "def resize(self, rows=None, cols=None):\n", + "\n", + "def update_title(self, title):\n", + "\n", + "def append_row(self, values, value_input_option='RAW'):\n", + "\n", + "def delete_row(self, index):\n", + "\n", + "def find(self, query):\n", + "\n", + "def numericise(value, empty2zero=False, default_blank=\"\", allow_underscores_in_numeric_literals=False):\n", + "\n", + "def numericise_all(input, empty2zero=False, default_blank=\"\", allow_underscores_in_numeric_literals=False):\n", + "\n", + "def rowcol_to_a1(row, col):\n", + "\n", + "def a1_to_rowcol(label):\n", + "\n", + "def cast_to_a1_notation(method):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def wid_to_gid(wid):\n", + "\n", + "def login(self):\n", + "\n", + "def open(self, title):\n", + "\n", + "def openall(self, title=None):\n", + "\n", + "def create(self, title):\n", + "\n", + "def copy(self, file_id, title=None, copy_permissions=False):\n", + "\n", + "def del_spreadsheet(self, file_id):\n", + "\n", + "def import_csv(self, file_id, data):\n", + "\n", + "def list_permissions(self, file_id):\n", + "\n", + "def remove_permission(self, file_id, permission_id):\n", + "\n", + "def tau_rand_int(state):\n", + "\n", + "def norm(vec):\n", + "\n", + "def rejection_sample(n_samples, pool_size, rng_state):\n", + "\n", + "def make_heap(n_points, size):\n", + "\n", + "def siftdown(heap1, heap2, elt):\n", + "\n", + "def deheap_sort(heap):\n", + "\n", + "def smallest_flagged(heap, row):\n", + "\n", + "def build_candidates(current_graph, n_vertices, n_neighbors, max_candidates, rng_state):\n", + "\n", + "def submatrix(dmat, indices_col, n_neighbors):\n", + "\n", + "def euclidean(x, y):\n", + "\n", + "def standardised_euclidean(x, y, sigma=_mock_ones):\n", + "\n", + "def manhattan(x, y):\n", + "\n", + "def chebyshev(x, y):\n", + "\n", + "def minkowski(x, y, p=2):\n", + "\n", + "def make_nn_descent(dist, dist_args):\n", + "\n", + "def spectral_layout(data, graph, dim, random_state, metric=\"euclidean\", metric_kwds={}):\n", + "\n", + "def sparse_angular_random_projection_split(inds, indptr, data, indices, rng_state):\n", + "\n", + "def sparse_euclidean_random_projection_split(inds, indptr, data, indices, rng_state):\n", + "\n", + "def make_tree(data, rng_state, leaf_size=30, angular=False):\n", + "\n", + "def num_nodes(tree):\n", + "\n", + "def num_leaves(tree):\n", + "\n", + "def max_sparse_hyperplane_size(tree):\n", + "\n", + "def make_forest(data, n_neighbors, n_trees, rng_state, angular=False):\n", + "\n", + "def rptree_leaf_array(rp_forest):\n", + "\n", + "def smooth_knn_dist(distances, k, n_iter=64, local_connectivity=1.0, bandwidth=1.0):\n", + "\n", + "def compute_membership_strengths(knn_indices, knn_dists, sigmas, rhos):\n", + "\n", + "def fast_intersection(rows, cols, values, target, unknown_dist=1.0, far_dist=5.0):\n", + "\n", + "def reset_local_connectivity(simplicial_set):\n", + "\n", + "def make_epochs_per_sample(weights, n_epochs):\n", + "\n", + "def rdist(x, y):\n", + "\n", + "def init_transform(indices, weights, embedding):\n", + "\n", + "def find_ab_params(spread, min_dist):\n", + "\n", + " def curve(x, a, b):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def fit_transform(self, X, y=None):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def make_sparse_nn_descent(sparse_dist, dist_args):\n", + "\n", + "def interface_options(score=False, raw=False, features=None, rgb=None):\n", + "\n", + "def spatial(action, action_space):\n", + "\n", + "def move_camera(action, action_space, minimap):\n", + "\n", + "def select_point(action, action_space, select_point_act, screen):\n", + "\n", + "def select_rect(action, action_space, select_add, screen, screen2):\n", + "\n", + "def select_idle_worker(action, action_space, select_worker):\n", + "\n", + "def select_army(action, action_space, select_add):\n", + "\n", + "def select_warp_gates(action, action_space, select_add):\n", + "\n", + "def select_unit(action, action_space, select_unit_act, select_unit_id):\n", + "\n", + "def control_group(action, action_space, control_group_act, control_group_id):\n", + "\n", + "def unload(action, action_space, unload_id):\n", + "\n", + "def build_queue(action, action_space, build_queue_id):\n", + "\n", + "def cmd_quick(action, action_space, ability_id, queued):\n", + "\n", + "def cmd_screen(action, action_space, ability_id, queued, screen):\n", + "\n", + "def cmd_minimap(action, action_space, ability_id, queued, minimap):\n", + "\n", + "def autocast(action, action_space, ability_id):\n", + "\n", + "def enum(cls, options, values):\n", + "\n", + " def factory(i, name):\n", + "\n", + "def scalar(cls, value):\n", + "\n", + " def factory(i, name):\n", + "\n", + "def types(cls, **kwargs):\n", + "\n", + "def ui_func(cls, id_, name, function_type, avail_fn=always):\n", + "\n", + "def ability(cls, id_, name, function_type, ability_id, general_id=0):\n", + "\n", + "def str(self, space=False):\n", + "\n", + "def init_with_validation(cls, function, arguments):\n", + "\n", + "def all_arguments(cls, function, arguments):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def pick_unused_ports(num_ports, retry_interval_secs=3, retry_attempts=5):\n", + "\n", + "def run_thread(agent_classes, players, map_name, visualize):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def check_error(res, error_enum):\n", + "\n", + "def decorate_check_error(error_enum):\n", + "\n", + " def decorator(func):\n", + "\n", + " def _check_error(*args, **kwargs):\n", + "\n", + "def skip_status(*skipped):\n", + "\n", + " def decorator(func):\n", + "\n", + " def _skip_status(self, *args, **kwargs):\n", + "\n", + "def valid_status(*valid):\n", + "\n", + " def decorator(func):\n", + "\n", + " def _valid_status(self, *args, **kwargs):\n", + "\n", + "def catch_game_end(func):\n", + "\n", + " def _catch_game_end(self, *args, **kwargs):\n", + "\n", + "def _connect(self, host, port, proc, timeout_seconds):\n", + "\n", + "def save_map(self, map_path, map_data):\n", + "\n", + "def data_raw(self):\n", + "\n", + "def step(self, count=1):\n", + "\n", + "def actions(self, req_action):\n", + "\n", + "def act(self, action):\n", + "\n", + "def chat(self, message):\n", + "\n", + "def save_replay(self):\n", + "\n", + "def debug(self, debug_commands):\n", + "\n", + "def quit(self):\n", + "\n", + "def run_loop(agents, env, max_frames=0, max_episodes=0):\n", + "\n", + "def map_data(self, map_name):\n", + "\n", + "def replay_data(self, replay_path):\n", + "\n", + "def replay_paths(self, replay_dir):\n", + "\n", + "def save_replay(self, replay_data, replay_dir, prefix=None):\n", + "\n", + "def all_subclasses(cls):\n", + "\n", + "def _indices(self, indices):\n", + "\n", + "def _get_index(self, dim, index):\n", + "\n", + "def assign_to(self, obj):\n", + "\n", + "def dist(self, other):\n", + "\n", + "def dist_sq(self, other):\n", + "\n", + "def round(self):\n", + "\n", + "def floor(self):\n", + "\n", + "def ceil(self):\n", + "\n", + "def bound(self, p1, p2=None):\n", + "\n", + "def contains_point(self, pt):\n", + "\n", + "def contains_circle(self, pt, radius):\n", + "\n", + "def intersects_circle(self, pt, radius):\n", + "\n", + "def _read_execute_info(path, parents):\n", + "\n", + "def start(self, version=None, want_rgb=True, **kwargs):\n", + "\n", + "def create_game(self, map_name):\n", + "\n", + "def close(self):\n", + "\n", + "def close(self):\n", + "\n", + "def agent():\n", + "\n", + "def human():\n", + "\n", + "def _connect_remote(self, host, host_port, lan_ports, race, name, map_inst,\n", + "\n", + "def get():\n", + "\n", + "def reset(self):\n", + "\n", + "def step(self, actions, step_mul=None):\n", + "\n", + "def send_chat_messages(self, messages):\n", + "\n", + "def valid_replay(info, ping):\n", + "\n", + "def stats_printer(stats_queue):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def merge(self, other):\n", + "\n", + " def merge_dict(a, b):\n", + "\n", + "def process_replay(self, controller, replay_data, map_data, player_id):\n", + "\n", + "def tcp_server(tcp_addr, settings):\n", + "\n", + "def tcp_client(tcp_addr):\n", + "\n", + "def read_tcp_size(conn, size):\n", + "\n", + "def forward_ports(remote_host, local_host, local_listen_ports,\n", + "\n", + "def _launch_remote(self, host, config_port, race, name, interface):\n", + "\n", + "def _replay_index(replay_dir):\n", + "\n", + "def _replay_info(replay_path):\n", + "\n", + "def smooth_hue_palette(scale):\n", + "\n", + "def piece_wise_linear(scale, points):\n", + "\n", + "def unit_type(scale=None):\n", + "\n", + "def with_lock(lock):\n", + "\n", + " def decorator(func):\n", + "\n", + " def _with_lock(*args, **kwargs):\n", + "\n", + "def _get_desktop_size():\n", + "\n", + "def draw_arc(self, color, world_loc, world_radius, start_angle, stop_angle,\n", + "\n", + "def draw_circle(self, color, world_loc, world_radius, thickness=0):\n", + "\n", + "def draw_rect(self, color, world_rect, thickness=0):\n", + "\n", + "def blit_np_array(self, array):\n", + "\n", + "def write_screen(self, font, color, screen_pos, text, align=\"left\",\n", + "\n", + "def action_spatial(self, action):\n", + "\n", + "def init(self, game_info, static_data):\n", + "\n", + "def init_window(self):\n", + "\n", + " def add_surface(surf_type, surf_loc, world_to_surf, world_to_obs, draw_fn):\n", + "\n", + " def check_eq(a, b):\n", + "\n", + " def add_feature_layer(feature, surf_type, world_to_surf, world_to_obs):\n", + "\n", + "def _update_camera(self, camera_center):\n", + "\n", + "def get_mouse_pos(self, window_pos=None):\n", + "\n", + "def get_actions(self, run_config, controller):\n", + "\n", + "def camera_action(self, mouse_pos):\n", + "\n", + "def camera_action_raw(self, world_pos):\n", + "\n", + "def select_action(self, pos1, pos2, ctrl, shift):\n", + "\n", + "def select_idle_worker(self, ctrl, shift):\n", + "\n", + "def select_army(self, shift):\n", + "\n", + "def select_warp_gates(self, shift):\n", + "\n", + "def select_larva(self):\n", + "\n", + "def control_group(self, control_group_id, ctrl, shift, alt):\n", + "\n", + "def unit_action(self, cmd, pos, shift):\n", + "\n", + "def _abilities(self, fn=None):\n", + "\n", + "def _visible_units(self):\n", + "\n", + "def _units_in_area(self, rect):\n", + "\n", + "def get_unit_name(self, surf, name, radius):\n", + "\n", + "def draw_units(self, surf):\n", + "\n", + "def draw_selection(self, surf):\n", + "\n", + "def draw_build_target(self, surf):\n", + "\n", + "def draw_overlay(self, surf):\n", + "\n", + "def draw_help(self, surf):\n", + "\n", + " def write(loc, text):\n", + "\n", + "def draw_commands(self, surf):\n", + "\n", + "def draw_panel(self, surf):\n", + "\n", + " def unit_name(unit_type):\n", + "\n", + " def write(loc, text, color=colors.yellow):\n", + "\n", + " def write_single(unit, line):\n", + "\n", + " def write_multi(units, line):\n", + "\n", + "def draw_actions(self):\n", + "\n", + "def prepare_actions(self, obs):\n", + "\n", + " def add_act(ability_id, color, pos, timeout=1):\n", + "\n", + "def draw_base_map(self, surf):\n", + "\n", + "def draw_mini_map(self, surf):\n", + "\n", + "def draw_rendered_map(self, surf):\n", + "\n", + "def draw_screen(self, surf):\n", + "\n", + "def draw_feature_layer(self, surf, feature):\n", + "\n", + "def render(self, obs):\n", + "\n", + "def render_thread(self):\n", + "\n", + "def render_obs(self, obs):\n", + "\n", + "def run(self, run_config, controller, max_game_steps=0, max_episodes=0,\n", + "\n", + "def catch_websocket_connection_errors():\n", + "\n", + "def read(self):\n", + "\n", + "def write(self, request):\n", + "\n", + "def send(self, **kwargs):\n", + "\n", + "def _log(self, s):\n", + "\n", + "def _read(self):\n", + "\n", + "def _write(self, request):\n", + "\n", + "def get_maps():\n", + "\n", + "def get(map_name):\n", + "\n", + "def path(self):\n", + "\n", + "def data(self, run_config):\n", + "\n", + "def _to_point(dims):\n", + "\n", + "def _init_valid_functions(action_dimensions):\n", + "\n", + "def unpack(self, obs):\n", + "\n", + "def unpack_layer(plane):\n", + "\n", + "def unpack_rgb_image(plane):\n", + "\n", + "def _update_camera(self, camera_center):\n", + "\n", + "def observation_spec(self):\n", + "\n", + "def transform_obs(self, obs):\n", + "\n", + " def or_zeros(layer, size):\n", + "\n", + " def get_score_details(key, details, categories):\n", + "\n", + " def unit_vec(u):\n", + "\n", + " def full_unit_vec(u, pos_transform, is_raw=False):\n", + "\n", + "def available_actions(self, obs):\n", + "\n", + "def transform_action(self, obs, func_call, skip_available=False):\n", + "\n", + "def reverse_action(self, action):\n", + "\n", + " def func_call_ability(ability_id, cmd_type, *args):\n", + "\n", + "def _xy_locs(mask):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def _shutdown_proc(p, timeout):\n", + "\n", + "def close(self):\n", + "\n", + "def _launch(self, run_config, args, **kwargs):\n", + "\n", + "def _shutdown(self):\n", + "\n", + "def get_data():\n", + "\n", + "def generate_csv(data):\n", + "\n", + " def check_mismatch(ability, parent, attr):\n", + "\n", + "def generate_py_abilities(data):\n", + "\n", + " def print_action(func_id, name, func, ab_id, general_id):\n", + "\n", + "def agent():\n", + "\n", + "def human():\n", + "\n", + "def dev(self):\n", + "\n", + "def decorate(self, name_or_func):\n", + "\n", + " def func():\n", + "\n", + " def random_func_name():\n", + "\n", + " def decorator(name, func):\n", + "\n", + " def _stopwatch(*args, **kwargs):\n", + "\n", + "def parse(s):\n", + "\n", + "def str(self, threshold=0.1):\n", + "\n", + "def generate_py_units(data):\n", + "\n", + " def print_race(name, race):\n", + "\n", + "def run(self, funcs):\n", + "\n", + "def dict_to_json(xcol, ycols, labels, value_columns):\n", + "\n", + "def get(self, version):\n", + "\n", + "def get_field_setup_query(query, model, column_name):\n", + "\n", + "def add_permission(self, name):\n", + "\n", + "def add_view_menu(self, name):\n", + "\n", + "def del_view_menu(self, name):\n", + "\n", + "def find_permission_view_menu(self, permission_name, view_menu_name):\n", + "\n", + "def add_permission_view_menu(self, permission_name, view_menu_name):\n", + "\n", + "def add_permission_role(self, role, perm_view):\n", + "\n", + "def del_permission_role(self, role, perm_view):\n", + "\n", + "def get_columns_list(self):\n", + "\n", + "def get_order_columns_list(self, list_columns=None):\n", + "\n", + "def get_keys(self, lst):\n", + "\n", + "def renders(col_name):\n", + "\n", + " def my_custom(self):\n", + "\n", + " def wrap(f):\n", + "\n", + "def _get_values(self, lst, list_columns):\n", + "\n", + "def get_values(self, lst, list_columns):\n", + "\n", + "def get_values_json(self, lst, list_columns):\n", + "\n", + "def get_keys(self, lst):\n", + "\n", + "def send_email(self, register_user):\n", + "\n", + "def add_registration(self, username, first_name, last_name, email, password=\"\"):\n", + "\n", + "def activation(self, activation_hash):\n", + "\n", + "def oid_login_handler(self, f, oid):\n", + "\n", + "def process_data(self, value):\n", + "\n", + "def process_formdata(self, valuelist):\n", + "\n", + "def get_group_by_class(self, definition):\n", + "\n", + "def get_page_args():\n", + "\n", + "def get_page_size_args():\n", + "\n", + "def get_order_args():\n", + "\n", + "def _meta_schema_factory(self, columns, model, class_mixin):\n", + "\n", + "def convert(self, columns, model=None, nested=True, enum_dump_by_name=False):\n", + "\n", + "def protect(allow_browser_login=False):\n", + "\n", + " def do_something(self):\n", + "\n", + " def do_something_else(self):\n", + "\n", + " def _protect(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def has_access(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def has_access_api(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def action(name, text, confirmation=None, icon=None, multiple=True, single=True):\n", + "\n", + " def wrap(f):\n", + "\n", + "def _oauth_tokengetter(token=None):\n", + "\n", + "def create_login_manager(self, app) -> LoginManager:\n", + "\n", + "def create_jwt_manager(self, app) -> JWTManager:\n", + "\n", + "def oauth_user_info_getter(self, f):\n", + "\n", + " def my_oauth_user_info(sm, provider, response=None):\n", + "\n", + " def wraps(provider, response=None):\n", + "\n", + "def get_oauth_token_key_name(self, provider):\n", + "\n", + "def get_oauth_token_secret_name(self, provider):\n", + "\n", + "def set_oauth_session(self, provider, oauth_response):\n", + "\n", + "def get_oauth_user_info(self, provider, resp):\n", + "\n", + "def create_db(self):\n", + "\n", + "def reset_password(self, userid, password):\n", + "\n", + "def update_user_auth_stat(self, user, success=True):\n", + "\n", + "def auth_user_db(self, username, password):\n", + "\n", + "def _search_ldap(self, ldap, con, username):\n", + "\n", + "def _bind_indirect_user(self, ldap, con):\n", + "\n", + "def _bind_ldap(self, ldap, con, username, password):\n", + "\n", + "def auth_user_ldap(self, username, password):\n", + "\n", + "def auth_user_oid(self, email):\n", + "\n", + "def auth_user_remote_user(self, username):\n", + "\n", + "def auth_user_oauth(self, userinfo):\n", + "\n", + "def is_item_public(self, permission_name, view_name):\n", + "\n", + "def has_access(self, permission_name, view_name):\n", + "\n", + "def get_user_permissions_on_view(view_name):\n", + "\n", + "def add_permissions_view(self, base_permissions, view_menu):\n", + "\n", + "def add_permissions_menu(self, view_menu_name):\n", + "\n", + "def security_cleanup(self, baseviews, menus):\n", + "\n", + "def greeting2(self):\n", + "\n", + "def rest_add_filters(self, data):\n", + "\n", + "def get_joined_filters(self, filters):\n", + "\n", + "def copy(self):\n", + "\n", + "def get_relation_cols(self):\n", + "\n", + "def get_filters_values(self):\n", + "\n", + "def get_filter_value(self, column_name):\n", + "\n", + "def find(self, name, menu=None):\n", + "\n", + "def create_db():\n", + "\n", + "def version():\n", + "\n", + "def create_permissions():\n", + "\n", + "def list_views():\n", + "\n", + "def list_users():\n", + "\n", + "def create_app(name, engine):\n", + "\n", + "def create_addon(name):\n", + "\n", + "def babel_extract(config, input, output, target, keywords):\n", + "\n", + "def babel_compile(target):\n", + "\n", + "def dynamic_class_import(class_path):\n", + "\n", + "def init_app(self, app, session):\n", + "\n", + "def _add_admin_views(self):\n", + "\n", + "def _add_addon_views(self):\n", + "\n", + "def add_view_no_menu(self, baseview, endpoint=None, static_folder=None):\n", + "\n", + "def login(self):\n", + "\n", + "def refresh(self):\n", + "\n", + "def del_register_user(self, register_user):\n", + "\n", + "def find_user(self, username=None, email=None):\n", + "\n", + "def find_permission(self, name):\n", + "\n", + "def add_permission(self, name):\n", + "\n", + "def del_permission(self, name):\n", + "\n", + "def find_view_menu(self, name):\n", + "\n", + "def add_view_menu(self, name):\n", + "\n", + "def find_permission_view_menu(self, permission_name, view_menu_name):\n", + "\n", + "def find_permissions_view_menu(self, view_menu):\n", + "\n", + "def add_permission_view_menu(self, permission_name, view_menu_name):\n", + "\n", + "def add_permission_role(self, role, perm_view):\n", + "\n", + "def del_permission_role(self, role, perm_view):\n", + "\n", + "def get_tables_for_bind(self, bind=None):\n", + "\n", + "def _get_api_urls(self, api_urls=None):\n", + "\n", + "def show_item_dict(self, item):\n", + "\n", + "def api_column_add(self, col_name):\n", + "\n", + "def api_column_edit(self, col_name):\n", + "\n", + "def action(self, name, pk):\n", + "\n", + "def action_post(self):\n", + "\n", + "def set_key(cls, k, v):\n", + "\n", + "def get_key(cls, k, default=None):\n", + "\n", + "def del_key(cls, k):\n", + "\n", + "def _get_list_widget(self, **args):\n", + "\n", + "def _query_select_options(self, query, select_columns=None):\n", + "\n", + "def get_user_columns_list(self):\n", + "\n", + "def save_file(self, data, filename, size=None, thumbnail_size=None):\n", + "\n", + "def resize(self, image, size):\n", + "\n", + "def safe(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def rison(schema=None):\n", + "\n", + " def rison_json(self, **kwargs):\n", + "\n", + " def rison_json(self, **kwargs):\n", + "\n", + " def _rison(f):\n", + "\n", + " def wraps(self, *args, **kwargs):\n", + "\n", + "def expose(url=\"/\", methods=(\"GET\",)):\n", + "\n", + " def wrap(f):\n", + "\n", + "def merge_response_func(func, key):\n", + "\n", + " def merge_some_function(self, response, rison_args):\n", + "\n", + " def wrap(f):\n", + "\n", + "def path_helper(self, path=None, operations=None, **kwargs):\n", + "\n", + "def response(code, **kwargs):\n", + "\n", + "def _gen_labels_columns(self, list_columns):\n", + "\n", + "def _label_columns_json(self, cols=None):\n", + "\n", + "def _init_titles(self):\n", + "\n", + "def _init_properties(self):\n", + "\n", + "def info(self, **kwargs):\n", + "\n", + "def get(self, pk, **kwargs):\n", + "\n", + "def get_list(self, **kwargs):\n", + "\n", + "def post(self):\n", + "\n", + "def put(self, pk):\n", + "\n", + "def delete(self, pk):\n", + "\n", + "def _handle_page_args(self, rison_args):\n", + "\n", + "def _handle_order_args(self, rison_args):\n", + "\n", + "def _description_columns_json(self, cols=None):\n", + "\n", + "def _get_field_info(self, field, filter_rel_field, page=None, page_size=None):\n", + "\n", + "def _get_fields_info(self, cols, model_schema, filter_rel_fields, **kwargs):\n", + "\n", + "def _merge_update_item(self, model_item, data):\n", + "\n", + "def _convert_many_to_one(self, col_name, label, description,\n", + "\n", + "def create_form(self, label_columns=None, inc_columns=None,\n", + "\n", + "def get(self, pk):\n", + "\n", + "def query(self, model_cls):\n", + "\n", + "def all(self):\n", + "\n", + "def link_order_filter(self, column, modelview_name):\n", + "\n", + "def link_page_filter(self, page, modelview_name):\n", + "\n", + "def link_page_size_filter(self, page_size, modelview_name):\n", + "\n", + "def reset_password(app, appbuilder, username, password):\n", + "\n", + "def create_admin(app, appbuilder, username, firstname, lastname, email, password):\n", + "\n", + "def create_user(app, appbuilder, role, username, firstname, lastname, email, password):\n", + "\n", + "def run(app, appbuilder, host, port, debug):\n", + "\n", + "def create_db(app, appbuilder):\n", + "\n", + "def version(app, appbuilder):\n", + "\n", + "def security_cleanup(app, appbuilder):\n", + "\n", + "def list_views(app, appbuilder):\n", + "\n", + "def list_users(app, appbuilder):\n", + "\n", + "def collect_static(static_folder):\n", + "\n", + "def aggregate_avg(items, col):\n", + "\n", + "def to_json(self, data, labels=None):\n", + "\n", + "def create_blueprint(self, appbuilder, endpoint=None, static_folder=None):\n", + "\n", + "def render_template(self, template, **kwargs):\n", + "\n", + "def update_redirect(self):\n", + "\n", + "def get_redirect(self):\n", + "\n", + "def _label_columns_json(self):\n", + "\n", + "def _init_forms(self):\n", + "\n", + "def _init_properties(self):\n", + "\n", + "def _list(self):\n", + "\n", + "def _show(self, pk):\n", + "\n", + "def _add(self):\n", + "\n", + "def _edit(self, pk):\n", + "\n", + "def _delete(self, pk):\n", + "\n", + "def _fill_form_exclude_cols(self, exclude_cols, form):\n", + "\n", + "def get(self, remote, local=None, preserve_mode=True):\n", + "\n", + "def put(self, local, remote=None, preserve_mode=True):\n", + "\n", + "def load_ssh_config(self):\n", + "\n", + "def _load_ssh_files(self):\n", + "\n", + "def _load_ssh_file(self, path):\n", + "\n", + "def global_defaults():\n", + "\n", + "def read_and_write(self, reader, writer, chunk_size):\n", + "\n", + "def get_local_user():\n", + "\n", + "def parameterize(self, call, host):\n", + "\n", + "def mixed_use_of_local_and_run(self):\n", + "\n", + "def open(self):\n", + "\n", + "def open_gateway(self):\n", + "\n", + "def close(self):\n", + "\n", + "def run(self, command, **kwargs):\n", + "\n", + "def sudo(self, command, **kwargs):\n", + "\n", + "def local(self, *args, **kwargs):\n", + "\n", + "def sftp(self):\n", + "\n", + " def callback(channel, src_addr_tup, dst_addr_tup):\n", + "\n", + "def dedup_list(l):\n", + "\n", + "def _parse(s, g):\n", + "\n", + "def get_any_nt_unit_rule(g):\n", + "\n", + "def _remove_unit_rule(g, rule):\n", + "\n", + "def _split(rule):\n", + "\n", + "def _term(g):\n", + "\n", + "def _bin(g):\n", + "\n", + "def _unit(g):\n", + "\n", + "def revert_cnf(node):\n", + "\n", + "def _to_rule(self, lark_rule):\n", + "\n", + "def _to_tree(self, rule_node):\n", + "\n", + "def pydot__tree_to_png(tree, filename, rankdir=\"LR\"):\n", + "\n", + " def new_leaf(leaf):\n", + "\n", + " def _to_pydot(subtree):\n", + "\n", + "def expand_kids_by_index(self, *indices):\n", + "\n", + "def visit_children_decor(func):\n", + "\n", + " def inner(cls, tree):\n", + "\n", + "def v_args(inline=False, meta=False, tree=False):\n", + "\n", + " def _visitor_args_dec(obj):\n", + "\n", + "def match_examples(self, parse_fn, examples):\n", + "\n", + "def feed(self, token, test_newline=True):\n", + "\n", + "def open(cls, grammar_filename, rel_to=None, **options):\n", + "\n", + "def lex(self, text):\n", + "\n", + "def calculate_sets(rules):\n", + "\n", + "def expand_rule(self, rule):\n", + "\n", + " def _expand_rule(rule):\n", + "\n", + "def import_from_grammar_into_namespace(grammar, namespace, aliases):\n", + "\n", + " def rule_dependencies(symbol):\n", + "\n", + " def get_namespace_name(name):\n", + "\n", + "def load_grammar(self, grammar_text, grammar_name=''):\n", + "\n", + "def predict_and_complete(self, i, to_scan, columns, transitives):\n", + "\n", + "def applyStyleRules(self):\n", + "\n", + "def handleImplicitCheck(self):\n", + "\n", + "def createWidgets(self):\n", + "\n", + "def onStart(self, *args, **kwarg):\n", + "\n", + "def onEdit(self):\n", + "\n", + "def buildCliString(self):\n", + "\n", + "def onComplete(self, *args, **kwargs):\n", + "\n", + "def fetchExternalUpdates(self):\n", + "\n", + "def buildNavigation(self):\n", + "\n", + "def getFontFace(self):\n", + "\n", + "def _forward_stdout(self, process):\n", + "\n", + "def _extract_progress(self, text):\n", + "\n", + "def _calculate_progress(self, match):\n", + "\n", + "def _eval_progress(self, match):\n", + "\n", + "def swapConfigPanels(self, event):\n", + "\n", + "def updateProgressBar(self, *args, **kwargs):\n", + "\n", + "def Gooey(f=None,\n", + "\n", + " def build(payload):\n", + "\n", + " def run_gooey(self, args=None, namespace=None):\n", + "\n", + " def inner2(*args, **kwargs):\n", + "\n", + " def run_without_gooey(func):\n", + "\n", + "def fetchDynamicProperties(target, encoding):\n", + "\n", + "def makeGroup(self, parent, thissizer, group, *args):\n", + "\n", + "def chunkWidgets(self, group):\n", + "\n", + "def reifyWidget(self, parent, item):\n", + "\n", + "def extract_groups(action_group):\n", + "\n", + "def is_required(action):\n", + "\n", + "def is_standard(action):\n", + "\n", + "def is_flag(action):\n", + "\n", + "def counter(metatdata, value):\n", + "\n", + "def load(language_dir, filename, encoding):\n", + "\n", + "def getin(m, path, default=None):\n", + "\n", + "def assoc(m, key, val):\n", + "\n", + "def associn(m, path, value):\n", + "\n", + " def assoc_recursively(m, path, value):\n", + "\n", + "def merge(*maps):\n", + "\n", + "def findfirst(f, coll):\n", + "\n", + "def visualize_activation_with_losses(input_tensor, losses, wrt_tensor=None,\n", + "\n", + "def visualize_activation(model, layer_idx, filter_indices=None, wrt_tensor=None,\n", + "\n", + "def _rmsprop(self, grads, cache=None, decay_rate=0.95):\n", + "\n", + "def _get_seed_input(self, seed_input):\n", + "\n", + "def minimize(self, seed_input=None, max_iter=200,\n", + "\n", + "def order_by_line_nos(objs, line_nos):\n", + "\n", + "def to_md_file(string, filename, out_path=\".\"):\n", + "\n", + "def get_src_path(self, obj, append_base=True):\n", + "\n", + "def doc2md(self, func):\n", + "\n", + "def func2md(self, func, clsname=None, names=None, depth=3):\n", + "\n", + "def class2md(self, cls, depth=2):\n", + "\n", + "def module2md(self, module):\n", + "\n", + "def _find_penultimate_layer(model, layer_idx, penultimate_layer_idx):\n", + "\n", + "def visualize_saliency_with_losses(input_tensor, losses, seed_input, wrt_tensor=None, grad_modifier='absolute', keepdims=False):\n", + "\n", + "def visualize_saliency(model, layer_idx, filter_indices, seed_input, wrt_tensor=None,\n", + "\n", + "def visualize_cam_with_losses(input_tensor, losses, seed_input, penultimate_layer, grad_modifier=None):\n", + "\n", + "def visualize_cam(model, layer_idx, filter_indices,\n", + "\n", + "def modify_model_backprop(model, backprop_modifier):\n", + "\n", + "def normalize(input_tensor, output_tensor):\n", + "\n", + "def build_loss(self):\n", + "\n", + "def _find_font_file(query):\n", + "\n", + "def add_defaults_to_kwargs(defaults, **kwargs):\n", + "\n", + "def get_identifier(identifier, module_globals, module_name):\n", + "\n", + "def apply_modifications(model, custom_objects=None):\n", + "\n", + "def random_array(shape, mean=128., std=20.):\n", + "\n", + "def find_layer_idx(model, layer_name):\n", + "\n", + "def deprocess_input(input_array, input_range=(0, 255)):\n", + "\n", + "def stitch_images(images, margin=5, cols=5):\n", + "\n", + "def get_img_shape(img):\n", + "\n", + "def load_img(path, grayscale=False, target_size=None):\n", + "\n", + "def lookup_imagenet_labels(indices):\n", + "\n", + "def draw_text(img, text, position=(10, 10), font='FreeSans.ttf', font_size=14, color=(0, 0, 0)):\n", + "\n", + "def normalize(array, min_value=0., max_value=1.):\n", + "\n", + "def get_num_filters(layer):\n", + "\n", + "def overlay(array1, array2, alpha=0.5):\n", + "\n", + "def _infer_coords_and_dims(shape, coords, dims):\n", + "\n", + "def to_dataset(self, dim=None, name=None):\n", + "\n", + "def _level_coords(self):\n", + "\n", + "def indexes(self):\n", + "\n", + "def reset_coords(self, names=None, drop=False, inplace=None):\n", + "\n", + "def load(self, **kwargs):\n", + "\n", + "def persist(self, **kwargs):\n", + "\n", + "def copy(self, deep=True, data=None):\n", + "\n", + "def chunk(self, chunks=None, name_prefix='xarray-', token=None,\n", + "\n", + "def isel(self, indexers=None, drop=False, **indexers_kwargs):\n", + "\n", + "def sel(self, indexers=None, method=None, tolerance=None, drop=False,\n", + "\n", + "def isel_points(self, dim='points', **indexers):\n", + "\n", + "def sel_points(self, dim='points', method=None, tolerance=None,\n", + "\n", + "def reindex(self, indexers=None, method=None, tolerance=None, copy=True,\n", + "\n", + "def interp(self, coords=None, method='linear', assume_sorted=False,\n", + "\n", + "def interp_like(self, other, method='linear', assume_sorted=False,\n", + "\n", + "def rename(self, new_name_or_name_dict=None, **names):\n", + "\n", + "def swap_dims(self, dims_dict):\n", + "\n", + "def expand_dims(self, dim=None, axis=None, **dim_kwargs):\n", + "\n", + "def set_index(self, indexes=None, append=False, inplace=None,\n", + "\n", + "def reset_index(self, dims_or_levels, drop=False, inplace=None):\n", + "\n", + "def reorder_levels(self, dim_order=None, inplace=None,\n", + "\n", + "def stack(self, dimensions=None, **dimensions_kwargs):\n", + "\n", + "def unstack(self, dim=None):\n", + "\n", + "def transpose(self, *dims) -> 'DataArray':\n", + "\n", + "def drop(self, labels, dim=None):\n", + "\n", + "def dropna(self, dim, how='any', thresh=None):\n", + "\n", + "def fillna(self, value):\n", + "\n", + "def ffill(self, dim, limit=None):\n", + "\n", + "def bfill(self, dim, limit=None):\n", + "\n", + "def reduce(self, func, dim=None, axis=None, keep_attrs=None, **kwargs):\n", + "\n", + "def to_pandas(self):\n", + "\n", + "def to_dataframe(self, name=None):\n", + "\n", + "def to_series(self):\n", + "\n", + "def to_masked_array(self, copy=True):\n", + "\n", + "def to_netcdf(self, *args, **kwargs):\n", + "\n", + "def to_dict(self, data=True):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def from_series(cls, series):\n", + "\n", + "def _all_compat(self, other, compat_str):\n", + "\n", + " def compat(x, y):\n", + "\n", + "def identical(self, other):\n", + "\n", + "def _title_for_slice(self, truncate=50):\n", + "\n", + "def diff(self, dim, n=1, label='upper'):\n", + "\n", + "def shift(self, shifts=None, fill_value=dtypes.NA, **shifts_kwargs):\n", + "\n", + "def roll(self, shifts=None, roll_coords=None, **shifts_kwargs):\n", + "\n", + "def dot(self, other, dims=None):\n", + "\n", + "def sortby(self, variables, ascending=True):\n", + "\n", + "def quantile(self, q, dim=None, interpolation='linear', keep_attrs=None):\n", + "\n", + "def rank(self, dim, pct=False, keep_attrs=None):\n", + "\n", + "def differentiate(self, coord, edge_order=1, datetime_unit=None):\n", + "\n", + "def integrate(self, dim, datetime_unit=None):\n", + "\n", + "def construct(self, window_dim, stride=1, fill_value=dtypes.NA):\n", + "\n", + "def reduce(self, func, **kwargs):\n", + "\n", + "def _counts(self):\n", + "\n", + "def _reduce_method(cls, func):\n", + "\n", + " def wrapped_func(self, **kwargs):\n", + "\n", + "def _bottleneck_reduce(cls, func):\n", + "\n", + " def wrapped_func(self, **kwargs):\n", + "\n", + "def reduce(self, func, **kwargs):\n", + "\n", + "def _reduce_method(cls, func):\n", + "\n", + " def wrapped_func(self, **kwargs):\n", + "\n", + "def construct(self, window_dim, stride=1, fill_value=dtypes.NA):\n", + "\n", + "def _reduce_method(cls, func):\n", + "\n", + " def wrapped_func(self, **kwargs):\n", + "\n", + "def _reduce_method(cls, func):\n", + "\n", + " def wrapped_func(self, **kwargs):\n", + "\n", + "def ensure_fixed_length_bytes(var):\n", + "\n", + "def bytes_to_char(arr):\n", + "\n", + "def _numpy_bytes_to_char(arr):\n", + "\n", + "def char_to_bytes(arr):\n", + "\n", + "def _numpy_char_to_bytes(arr):\n", + "\n", + "def safe_cast_to_index(array: Any) -> pd.Index:\n", + "\n", + "def multiindex_from_product_levels(levels: Sequence[pd.Index],\n", + "\n", + "def maybe_wrap_array(original, new_array):\n", + "\n", + "def equivalent(first: T, second: T) -> bool:\n", + "\n", + "def peek_at(iterable: Iterable[T]) -> Tuple[T, Iterator[T]]:\n", + "\n", + "def update_safety_check(first_dict: MutableMapping[K, V],\n", + "\n", + "def remove_incompatible_items(first_dict: MutableMapping[K, V],\n", + "\n", + "def is_scalar(value: Any) -> bool:\n", + "\n", + "def to_0d_object_array(value: Any) -> np.ndarray:\n", + "\n", + "def to_0d_array(value: Any) -> np.ndarray:\n", + "\n", + "def dict_equiv(first: Mapping[K, V], second: Mapping[K, V],\n", + "\n", + "def ordered_dict_intersection(first_dict: Mapping[K, V],\n", + "\n", + "def is_uniform_spaced(arr, **kwargs) -> bool:\n", + "\n", + "def decode_numpy_dict_values(attrs: Mapping[K, V]) -> Dict[K, V]:\n", + "\n", + "def ensure_us_time_resolution(val):\n", + "\n", + "def get_temp_dimname(dims: Container[Hashable], new_dim: Hashable) -> Hashable:\n", + "\n", + "def _infer_dtype(array, name=None):\n", + "\n", + "def _copy_with_dtype(data, dtype):\n", + "\n", + "def encode_cf_variable(var, needs_copy=True, name=None):\n", + "\n", + "def decode_cf_variable(name, var, concat_characters=True, mask_and_scale=True,\n", + "\n", + "def _update_bounds_attributes(variables):\n", + "\n", + "def decode_cf_variables(variables, attributes, concat_characters=True,\n", + "\n", + " def stackable(dim):\n", + "\n", + "def decode_cf(obj, concat_characters=True, mask_and_scale=True,\n", + "\n", + "def cf_decoder(variables, attributes,\n", + "\n", + "def encode_dataset_coordinates(dataset):\n", + "\n", + "def cf_encoder(variables, attributes):\n", + "\n", + "def coerce_nc3_dtype(arr):\n", + "\n", + "def is_valid_nc3_name(s):\n", + "\n", + "def as_variable(obj, name=None) -> 'Union[Variable, IndexVariable]':\n", + "\n", + "def _possibly_convert_objects(values):\n", + "\n", + "def as_compatible_data(data, fastpath=False):\n", + "\n", + "def _as_array_or_item(data):\n", + "\n", + "def _broadcast_compat_variables(*variables):\n", + "\n", + "def broadcast_variables(*variables):\n", + "\n", + "def concat(variables, dim='concat_dim', positions=None, shortcut=False):\n", + "\n", + "def assert_unique_multiindex_level_names(variables):\n", + "\n", + "def load(self, **kwargs):\n", + "\n", + "def to_base_variable(self):\n", + "\n", + "def to_index_variable(self):\n", + "\n", + "def to_dict(self, data=True):\n", + "\n", + "def _broadcast_indexes(self, key):\n", + "\n", + "def _validate_indexers(self, key):\n", + "\n", + "def _nonzero(self):\n", + "\n", + "def _finalize_indexing_result(self, dims, data):\n", + "\n", + "def _getitem_with_mask(self, key, fill_value=dtypes.NA):\n", + "\n", + "def copy(self, deep=True, data=None):\n", + "\n", + "def chunk(self, chunks=None, name=None, lock=False):\n", + "\n", + "def isel(self, indexers=None, drop=False, **indexers_kwargs):\n", + "\n", + "def squeeze(self, dim=None):\n", + "\n", + "def shift(self, shifts=None, fill_value=dtypes.NA, **shifts_kwargs):\n", + "\n", + "def pad_with_fill_value(self, pad_widths=None, fill_value=dtypes.NA,\n", + "\n", + "def roll(self, shifts=None, **shifts_kwargs):\n", + "\n", + "def transpose(self, *dims) -> 'Variable':\n", + "\n", + "def set_dims(self, dims, shape=None):\n", + "\n", + "def stack(self, dimensions=None, **dimensions_kwargs):\n", + "\n", + "def unstack(self, dimensions=None, **dimensions_kwargs):\n", + "\n", + "def reduce(self, func, dim=None, axis=None,\n", + "\n", + "def concat(cls, variables, dim='concat_dim', positions=None,\n", + "\n", + "def equals(self, other, equiv=duck_array_ops.array_equiv):\n", + "\n", + "def broadcast_equals(self, other, equiv=duck_array_ops.array_equiv):\n", + "\n", + "def identical(self, other):\n", + "\n", + "def quantile(self, q, dim=None, interpolation='linear'):\n", + "\n", + "def rank(self, dim, pct=False):\n", + "\n", + "def rolling_window(self, dim, window, window_dim, center=False,\n", + "\n", + "def coarsen(self, windows, func, boundary='exact', side='left'):\n", + "\n", + "def _coarsen_reshape(self, windows, boundary, side):\n", + "\n", + "def _to_numeric(self, offset=None, datetime_unit=None, dtype=float):\n", + "\n", + "def concat(cls, variables, dim='concat_dim', positions=None,\n", + "\n", + "def copy(self, deep=True, data=None):\n", + "\n", + "def to_index(self):\n", + "\n", + "def level_names(self):\n", + "\n", + "def get_level_variable(self, level):\n", + "\n", + "def _parsed_string_to_bounds(date_type, resolution, parsed):\n", + "\n", + "def get_date_field(datetimes, field):\n", + "\n", + "def _field_accessor(name, docstring=None, min_cftime_version='0.0'):\n", + "\n", + " def f(self, min_cftime_version=min_cftime_version):\n", + "\n", + "def _parse_array_of_cftime_strings(strings, date_type):\n", + "\n", + "def _partial_date_slice(self, resolution, parsed):\n", + "\n", + "def _get_string_slice(self, key):\n", + "\n", + "def get_loc(self, key, method=None, tolerance=None):\n", + "\n", + "def _maybe_cast_slice_bound(self, label, side, kind):\n", + "\n", + "def get_value(self, series, key):\n", + "\n", + "def shift(self, n, freq):\n", + "\n", + "def to_datetimeindex(self, unsafe=False):\n", + "\n", + "def _dask_or_eager_func(name, eager_module=np, dask_module=dask_array,\n", + "\n", + " def f(*args, **kwargs):\n", + "\n", + " def f(*args, **kwargs):\n", + "\n", + "def as_shared_dtype(scalars_or_arrays):\n", + "\n", + "def allclose_or_equiv(arr1, arr2, rtol=1e-5, atol=1e-8):\n", + "\n", + "def array_equiv(arr1, arr2):\n", + "\n", + "def count(data, axis=None):\n", + "\n", + "def datetime_to_numeric(array, offset=None, datetime_unit=None, dtype=float):\n", + "\n", + "def mean(array, axis=None, skipna=None, **kwargs):\n", + "\n", + "def first(values, axis, skipna=None):\n", + "\n", + "def last(values, axis, skipna=None):\n", + "\n", + "def rolling_window(array, axis, window, center, fill_value):\n", + "\n", + "def concat(objs, dim=None, data_vars='all', coords='different',\n", + "\n", + "def _calc_concat_dim_coord(dim):\n", + "\n", + "def _calc_concat_over(datasets, dim, data_vars, coords):\n", + "\n", + " def process_subset_opt(opt, subset):\n", + "\n", + "def _dataset_concat(datasets, dim, data_vars, coords, compat, positions):\n", + "\n", + " def insert_result_variable(k, v):\n", + "\n", + " def ensure_common_dims(vars):\n", + "\n", + "def _infer_tile_ids_from_nested_list(entry, current_pos):\n", + "\n", + "def _combine_nd(combined_ids, concat_dims, data_vars='all',\n", + "\n", + "def _auto_combine(datasets, concat_dims, compat, data_vars, coords,\n", + "\n", + "def auto_combine(datasets, concat_dim=_CONCAT_DIM_DEFAULT,\n", + "\n", + "def get_date_type(calendar):\n", + "\n", + "def _get_day_of_month(other, day_option):\n", + "\n", + "def _days_in_month(date):\n", + "\n", + "def _adjust_n_months(other_day, n, reference_day):\n", + "\n", + "def _adjust_n_years(other, n, month, reference_day):\n", + "\n", + "def _shift_month(date, months, day_option='start'):\n", + "\n", + "def roll_qtrday(other, n, month, day_option, modby=3):\n", + "\n", + "def to_offset(freq):\n", + "\n", + "def _generate_linear_range(start, end, periods):\n", + "\n", + "def _generate_range(start, end, periods, offset):\n", + "\n", + "def cftime_range(start=None, end=None, periods=None, freq='D',\n", + "\n", + "def onOffset(self, date):\n", + "\n", + "def rollforward(self, date):\n", + "\n", + "def rollback(self, date):\n", + "\n", + "def rollforward(self, date):\n", + "\n", + "def rollback(self, date):\n", + "\n", + "def rollforward(self, date):\n", + "\n", + "def rollback(self, date):\n", + "\n", + "def onOffset(self, date):\n", + "\n", + "def rollforward(self, date):\n", + "\n", + "def rollback(self, date):\n", + "\n", + "def pretty_print(x, numchars):\n", + "\n", + "def first_n_items(array, n_desired):\n", + "\n", + "def last_n_items(array, n_desired):\n", + "\n", + "def last_item(array):\n", + "\n", + "def format_timestamp(t):\n", + "\n", + "def format_timedelta(t, timedelta_format=None):\n", + "\n", + "def format_item(x, timedelta_format=None, quote_strings=True):\n", + "\n", + "def format_items(x):\n", + "\n", + "def format_array_flat(array, max_width):\n", + "\n", + "def summarize_attr(key, value, col_width=None):\n", + "\n", + "def _get_col_items(mapping):\n", + "\n", + "def short_dask_repr(array, show_dtype=True):\n", + "\n", + "def _upsample(self, method, *args, **kwargs):\n", + "\n", + "def _interpolate(self, kind='linear'):\n", + "\n", + "def apply(self, func, shortcut=False, args=(), **kwargs):\n", + "\n", + "def apply(self, func, args=(), **kwargs):\n", + "\n", + "def reduce(self, func, dim=None, keep_attrs=None, **kwargs):\n", + "\n", + "def _iter_over_selections(obj, dim, values):\n", + "\n", + "def apply_groupby_func(func, *args):\n", + "\n", + " def func(*arrays):\n", + "\n", + "def apply_array_ufunc(func, *args, dask='forbidden'):\n", + "\n", + " def mean(obj, dim):\n", + "\n", + " def _inner(x, y):\n", + "\n", + " def inner_product(a, b, dim):\n", + "\n", + " def stack(objects, dim, new_coord):\n", + "\n", + " def earth_mover_distance(first_samples,\n", + "\n", + "def dot(*arrays, dims=None, **kwargs):\n", + "\n", + "def where(cond, x, y):\n", + "\n", + "def to_gufunc_string(self):\n", + "\n", + "def inverse_permutation(indices):\n", + "\n", + "def _is_contiguous(positions):\n", + "\n", + "def _advanced_indexer_subspaces(key):\n", + "\n", + "def rolling_window(a, axis, window, center, fill_value):\n", + "\n", + "def _rolling_window(a, window, axis=-1):\n", + "\n", + "def _get_virtual_variable(variables, key, level_vars=None, dim_sizes=None):\n", + "\n", + "def calculate_dimensions(variables):\n", + "\n", + "def as_dataset(obj):\n", + "\n", + "def _ipython_key_completions_(self):\n", + "\n", + "def _set_init_vars_and_dims(self, data_vars, coords, compat):\n", + "\n", + "def load_store(cls, store, decoder=None):\n", + "\n", + "def attrs(self) -> Mapping:\n", + "\n", + "def load(self: T, **kwargs) -> T:\n", + "\n", + "def compute(self: T, **kwargs) -> T:\n", + "\n", + "def _persist_inplace(self, **kwargs):\n", + "\n", + "def persist(self: T, **kwargs) -> T:\n", + "\n", + "def _construct_direct(cls, variables, coord_names, dims, attrs=None,\n", + "\n", + "def copy(self: T, deep: bool = False, data: Mapping = None) -> T:\n", + "\n", + "def _level_coords(self):\n", + "\n", + "def _copy_listed(self: T, names) -> T:\n", + "\n", + "def _construct_dataarray(self, name) -> 'DataArray':\n", + "\n", + "def _item_sources(self):\n", + "\n", + "def _all_compat(self, other, compat_str):\n", + "\n", + " def compat(x, y):\n", + "\n", + "def indexes(self) -> 'Mapping[Any, pd.Index]':\n", + "\n", + "def set_coords(self, names, inplace=None):\n", + "\n", + "def reset_coords(self, names=None, drop=False, inplace=None):\n", + "\n", + "def dump_to_store(self, store, **kwargs):\n", + "\n", + "def to_netcdf(self, path=None, mode='w', format=None, group=None,\n", + "\n", + "def to_zarr(self, store=None, mode='w-', synchronizer=None, group=None,\n", + "\n", + "def info(self, buf=None):\n", + "\n", + "def chunks(self):\n", + "\n", + "def chunk(self, chunks=None, name_prefix='xarray-', token=None,\n", + "\n", + " def selkeys(dict_, keys):\n", + "\n", + " def maybe_chunk(name, var, chunks):\n", + "\n", + "def _get_indexers_coords_and_indexes(self, indexers):\n", + "\n", + "def isel(self, indexers=None, drop=False, **indexers_kwargs):\n", + "\n", + "def sel(self, indexers=None, method=None, tolerance=None, drop=False,\n", + "\n", + "def isel_points(self, dim='points', **indexers):\n", + "\n", + " def take(variable, slices):\n", + "\n", + " def relevant_keys(mapping):\n", + "\n", + "def sel_points(self, dim='points', method=None, tolerance=None,\n", + "\n", + "def reindex_like(self, other, method=None, tolerance=None, copy=True):\n", + "\n", + "def reindex(self, indexers=None, method=None, tolerance=None, copy=True,\n", + "\n", + "def interp(self, coords=None, method='linear', assume_sorted=False,\n", + "\n", + " def maybe_variable(obj, k):\n", + "\n", + " def _validate_interp_indexer(x, new_x):\n", + "\n", + "def interp_like(self, other, method='linear', assume_sorted=False,\n", + "\n", + "def rename(self, name_dict=None, inplace=None, **names):\n", + "\n", + "def swap_dims(self, dims_dict, inplace=None):\n", + "\n", + "def expand_dims(self, dim=None, axis=None, **dim_kwargs):\n", + "\n", + "def set_index(self, indexes=None, append=False, inplace=None,\n", + "\n", + "def reset_index(self, dims_or_levels, drop=False, inplace=None):\n", + "\n", + "def reorder_levels(self, dim_order=None, inplace=None,\n", + "\n", + "def unstack(self, dim=None):\n", + "\n", + "def update(self, other, inplace=None):\n", + "\n", + "def merge(self, other, inplace=None, overwrite_vars=frozenset(),\n", + "\n", + "def drop(self, labels, dim=None):\n", + "\n", + "def drop_dims(self, drop_dims):\n", + "\n", + "def transpose(self, *dims):\n", + "\n", + "def dropna(self, dim, how='any', thresh=None, subset=None):\n", + "\n", + "def fillna(self, value):\n", + "\n", + "def interpolate_na(self, dim=None, method='linear', limit=None,\n", + "\n", + "def ffill(self, dim, limit=None):\n", + "\n", + "def bfill(self, dim, limit=None):\n", + "\n", + "def combine_first(self, other):\n", + "\n", + "def reduce(self, func, dim=None, keep_attrs=None, numeric_only=False,\n", + "\n", + "def apply(self, func, keep_attrs=None, args=(), **kwargs):\n", + "\n", + "def assign(self, variables=None, **variables_kwargs):\n", + "\n", + "def to_array(self, dim='variable', name=None):\n", + "\n", + "def from_dataframe(cls, dataframe):\n", + "\n", + "def to_dask_dataframe(self, dim_order=None, set_index=False):\n", + "\n", + "def to_dict(self, data=True):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def diff(self, dim, n=1, label='upper'):\n", + "\n", + "def shift(self, shifts=None, fill_value=dtypes.NA, **shifts_kwargs):\n", + "\n", + "def roll(self, shifts=None, roll_coords=None, **shifts_kwargs):\n", + "\n", + "def sortby(self, variables, ascending=True):\n", + "\n", + "def quantile(self, q, dim=None, interpolation='linear',\n", + "\n", + "def rank(self, dim, pct=False, keep_attrs=None):\n", + "\n", + "def differentiate(self, coord, edge_order=1, datetime_unit=None):\n", + "\n", + "def integrate(self, coord, datetime_unit=None):\n", + "\n", + "def filter_by_attrs(self, **kwargs):\n", + "\n", + "def lazy_elemwise_func(array, func, dtype):\n", + "\n", + "def pop_to(source, dest, key, name=None):\n", + "\n", + "def _choose_float_dtype(dtype, has_offset):\n", + "\n", + "def _apply_over_vars_with_dim(func, self, dim=None, **kwargs):\n", + "\n", + "def get_clean_interp_index(arr, dim, use_coordinate=True, **kwargs):\n", + "\n", + "def interp_na(self, dim=None, use_coordinate=True, method='linear', limit=None,\n", + "\n", + "def func_interpolate_na(interpolator, x, y, **kwargs):\n", + "\n", + "def _bfill(arr, n=None, axis=-1):\n", + "\n", + "def ffill(arr, dim=None, limit=None):\n", + "\n", + "def bfill(arr, dim=None, limit=None):\n", + "\n", + "def _get_interpolator(method, vectorizeable_only=False, **kwargs):\n", + "\n", + "def _get_interpolator_nd(method, **kwargs):\n", + "\n", + "def _get_valid_fill_mask(arr, dim, limit):\n", + "\n", + "def _localize(var, indexes_coords):\n", + "\n", + "def _floatize_x(x, new_x):\n", + "\n", + "def interp(var, indexes_coords, method, **kwargs):\n", + "\n", + "def interp_func(var, x, new_x, method, kwargs):\n", + "\n", + "def _nicetitle(coord, value, maxchar, template):\n", + "\n", + "def _easy_facetgrid(data, plotfunc, kind, x=None, y=None, row=None,\n", + "\n", + "def map_dataarray(self, func, x, y, **kwargs):\n", + "\n", + "def _finalize_grid(self, *axlabels):\n", + "\n", + "def add_colorbar(self, **kwargs):\n", + "\n", + "def set_axis_labels(self, x_var=None, y_var=None):\n", + "\n", + "def set_xlabels(self, label=None, **kwargs):\n", + "\n", + "def set_ylabels(self, label=None, **kwargs):\n", + "\n", + "def set_titles(self, template=\"{coord} = {value}\", maxchar=30,\n", + "\n", + "def set_ticks(self, max_xticks=_NTICKS, max_yticks=_NTICKS,\n", + "\n", + "def map(self, func, *args, **kwargs):\n", + "\n", + "def _get_time_bins(index, freq, closed, label, base):\n", + "\n", + "def _adjust_bin_edges(datetime_bins, offset, closed, index, labels):\n", + "\n", + "def _get_range_edges(first, last, offset, closed='left', base=0):\n", + "\n", + "def _adjust_dates_anchored(first, last, offset, closed='right', base=0):\n", + "\n", + "def exact_cftime_datetime_difference(a, b):\n", + "\n", + "def first_items(self, index):\n", + "\n", + "def align(*objects, **kwargs):\n", + "\n", + "def deep_align(objects, join='inner', copy=True, indexes=None,\n", + "\n", + " def is_alignable(obj):\n", + "\n", + "def reindex_like_indexers(target, other):\n", + "\n", + "def broadcast(*args, **kwargs):\n", + "\n", + " def _set_dims(var):\n", + "\n", + " def _broadcast_array(array):\n", + "\n", + " def _broadcast_dataset(ds):\n", + "\n", + "def assert_coordinate_consistent(obj, coords):\n", + "\n", + "def remap_label_indexers(obj, indexers=None, method=None, tolerance=None,\n", + "\n", + "def to_index(self, ordered_dims=None):\n", + "\n", + "def _merge_raw(self, other):\n", + "\n", + "def _merge_inplace(self, other):\n", + "\n", + "def merge(self, other):\n", + "\n", + "def _ipython_key_completions_(self):\n", + "\n", + "def dask_rolling_wrapper(moving_func, a, window, min_count=None, axis=-1):\n", + "\n", + "def rolling_window(a, axis, window, center, fill_value):\n", + "\n", + " def func(x, window, axis=-1):\n", + "\n", + "def _determine_zarr_chunks(enc_chunks, var_chunks, ndim):\n", + "\n", + "def encode_zarr_variable(var, needs_copy=True, name=None):\n", + "\n", + "def open_zarr(store, group=None, synchronizer=None, chunks='auto',\n", + "\n", + " def maybe_decode_store(store, lock=False):\n", + "\n", + " def get_chunk(name, var, chunks):\n", + "\n", + " def maybe_chunk(name, var, chunks):\n", + "\n", + "def unique_variable(name, variables, compat='broadcast_equals'):\n", + "\n", + "def determine_coords(list_of_variable_dicts):\n", + "\n", + "def coerce_pandas_values(objects):\n", + "\n", + "def merge_coords_for_inplace_math(objs, priority_vars=None):\n", + "\n", + "def _get_priority_vars(objects, priority_arg, compat='equals'):\n", + "\n", + "def expand_and_merge_variables(objs, priority_arg=None):\n", + "\n", + "def merge_coords(objs, compat='minimal', join='outer', priority_arg=None,\n", + "\n", + "def merge_data_and_coords(data, coords, compat='broadcast_equals',\n", + "\n", + "def extract_indexes(coords):\n", + "\n", + "def assert_valid_explicit_coords(variables, dims, explicit_coords):\n", + "\n", + "def merge_core(objs,\n", + "\n", + "def merge(objects, compat='no_conflicts', join='outer'):\n", + "\n", + "def dataset_merge_method(dataset, other, overwrite_vars, compat, join):\n", + "\n", + "def dataset_update_method(dataset, other):\n", + "\n", + "def _replace_nan(a, val):\n", + "\n", + "def _maybe_null_out(result, axis, mask, min_count=1):\n", + "\n", + "def _nan_argminmax_object(func, fill_value, value, axis=None, **kwargs):\n", + "\n", + "def _nan_minmax_object(func, fill_value, value, axis=None, **kwargs):\n", + "\n", + "def _nanmean_ddof_object(ddof, value, axis=None, **kwargs):\n", + "\n", + "def _disable_auto_decode_variable(var):\n", + "\n", + "def maybe_promote(dtype):\n", + "\n", + "def get_pos_infinity(dtype):\n", + "\n", + "def get_neg_infinity(dtype):\n", + "\n", + "def is_datetime_like(dtype):\n", + "\n", + "def result_type(*arrays_and_dtypes):\n", + "\n", + "def _parse_envi(meta):\n", + "\n", + " def parsevec(s):\n", + "\n", + " def default(s):\n", + "\n", + "def open_rasterio(filename, parse_coordinates=None, chunks=None, cache=None,\n", + "\n", + "def _get_indexer(self, key):\n", + "\n", + "def unique_value_groups(ar, sort=True):\n", + "\n", + "def _consolidate_slices(slices):\n", + "\n", + "def _inverse_permutation_indices(positions):\n", + "\n", + "def _apply_loffset(grouper, result):\n", + "\n", + "def _iter_grouped(self):\n", + "\n", + "def _maybe_restore_empty_groups(self, combined):\n", + "\n", + "def _maybe_unstack(self, obj):\n", + "\n", + "def first(self, skipna=None, keep_attrs=None):\n", + "\n", + "def last(self, skipna=None, keep_attrs=None):\n", + "\n", + "def _iter_grouped_shortcut(self):\n", + "\n", + "def apply(self, func, shortcut=False, args=(), **kwargs):\n", + "\n", + "def _combine(self, applied, shortcut=False):\n", + "\n", + "def reduce(self, func, dim=None, axis=None,\n", + "\n", + " def reduce_array(ar):\n", + "\n", + "def apply(self, func, args=(), **kwargs):\n", + "\n", + "def _combine(self, applied):\n", + "\n", + "def reduce(self, func, dim=None, keep_attrs=None, **kwargs):\n", + "\n", + " def reduce_dataset(ds):\n", + "\n", + "def _filter_attrs(attrs, ignored_attrs):\n", + "\n", + "def from_cdms2(variable):\n", + "\n", + "def to_cdms2(dataarray, copy=True):\n", + "\n", + " def set_cdms2_attrs(var, attrs):\n", + "\n", + "def _pick_attrs(attrs, keys):\n", + "\n", + "def _get_iris_args(attrs):\n", + "\n", + "def to_iris(dataarray):\n", + "\n", + "def _iris_obj_to_attrs(obj):\n", + "\n", + "def _iris_cell_methods_to_str(cell_methods_obj):\n", + "\n", + "def _name(iris_obj, default='unknown'):\n", + "\n", + "def from_iris(cube):\n", + "\n", + "def decode_cf_datetime(num_dates, units, calendar=None, use_cftime=None):\n", + "\n", + "def decode_cf_timedelta(num_timedeltas, units):\n", + "\n", + "def infer_calendar_name(dates):\n", + "\n", + "def infer_datetime_units(dates):\n", + "\n", + "def format_cftime_datetime(date):\n", + "\n", + "def infer_timedelta_units(deltas):\n", + "\n", + "def cftime_to_nptime(times):\n", + "\n", + "def _encode_datetime_with_cftime(dates, units, calendar):\n", + "\n", + " def encode_datetime(d):\n", + "\n", + "def encode_cf_datetime(dates, units=None, calendar=None):\n", + "\n", + "def _validate_dataset_names(dataset):\n", + "\n", + " def check_name(name):\n", + "\n", + "def _validate_attrs(dataset):\n", + "\n", + " def check_attr(name, value):\n", + "\n", + "def open_dataset(filename_or_obj, group=None, decode_cf=True,\n", + "\n", + " def maybe_decode_store(store, lock=False):\n", + "\n", + "def open_dataarray(filename_or_obj, group=None, decode_cf=True,\n", + "\n", + "def open_mfdataset(paths, chunks=None, concat_dim=_CONCAT_DIM_DEFAULT,\n", + "\n", + "def to_netcdf(dataset, path_or_file=None, mode='w', format=None, group=None,\n", + "\n", + "def dump_to_store(dataset, store, writer=None, encoder=None,\n", + "\n", + "def save_mfdataset(datasets, paths, mode='w', format=None, groups=None,\n", + "\n", + "def to_zarr(dataset, store=None, mode='w-', synchronizer=None, group=None,\n", + "\n", + "def remove_unused_levels(self):\n", + "\n", + "def robust_getitem(array, key, catch=Exception, max_retries=6,\n", + "\n", + "def load(self):\n", + "\n", + " def load(self):\n", + "\n", + "def encode(self, variables, attributes):\n", + "\n", + "def store(self, variables, attributes, check_encoding_set=frozenset(),\n", + "\n", + "def set_attributes(self, attributes):\n", + "\n", + "def set_variables(self, variables, check_encoding_set, writer,\n", + "\n", + "def set_dimensions(self, variables, unlimited_dims=None):\n", + "\n", + "def _season_from_months(months):\n", + "\n", + "def _access_through_cftimeindex(values, name):\n", + "\n", + "def _access_through_series(values, name):\n", + "\n", + "def _get_date_field(values, name, dtype):\n", + "\n", + "def _round_series(values, name, freq):\n", + "\n", + "def _round_field(values, name, freq):\n", + "\n", + "def fillna(data, other, join=\"left\", dataset_join=\"left\"):\n", + "\n", + "def where_method(self, cond, other=dtypes.NA):\n", + "\n", + "def open_dataset(name, cache=True, cache_dir=_default_cache_dir,\n", + "\n", + "def load_dataset(*args, **kwargs):\n", + "\n", + "def _make_key(self):\n", + "\n", + "def acquire(self, needs_lock=True):\n", + "\n", + "def close(self, needs_lock=True):\n", + "\n", + "def _enforce_size_limit(self, capacity):\n", + "\n", + "def maxsize(self, size):\n", + "\n", + "def get_sys_info():\n", + "\n", + "def expanded_indexer(key, ndim):\n", + "\n", + "def _asarray_tuplesafe(values):\n", + "\n", + "def get_indexer_nd(index, labels, method=None, tolerance=None):\n", + "\n", + "def convert_label_indexer(index, label, index_name='', method=None,\n", + "\n", + "def get_dim_indexers(data_obj, indexers):\n", + "\n", + "def remap_label_indexers(data_obj, indexers, method=None, tolerance=None):\n", + "\n", + "def slice_slice(old_slice, applied_slice, size):\n", + "\n", + "def as_indexable(array):\n", + "\n", + "def _outer_to_vectorized_indexer(key, shape):\n", + "\n", + "def _outer_to_numpy_indexer(key, shape):\n", + "\n", + "def _combine_indexers(old_key, shape, new_key):\n", + "\n", + "def _decompose_slice(key, size):\n", + "\n", + "def _decompose_vectorized_indexer(indexer, shape, indexing_support):\n", + "\n", + "def _decompose_outer_indexer(indexer, shape, indexing_support):\n", + "\n", + "def _arrayize_vectorized_indexer(indexer, shape):\n", + "\n", + "def _dask_array_with_chunks_hint(array, chunks):\n", + "\n", + "def create_mask(indexer, shape, chunks_hint=None):\n", + "\n", + "def _posify_mask_subindexer(index):\n", + "\n", + "def posify_mask_indexer(indexer):\n", + "\n", + "def import_seaborn():\n", + "\n", + "def _build_discrete_cmap(cmap, levels, extend, filled):\n", + "\n", + "def _determine_cmap_params(plot_data, vmin=None, vmax=None, cmap=None,\n", + "\n", + "def _infer_xy_labels_3d(darray, x, y, rgb):\n", + "\n", + "def _infer_xy_labels(darray, x, y, imshow=False, rgb=None):\n", + "\n", + "def label_from_attrs(da, extra=''):\n", + "\n", + "def _interval_to_bound_points(array):\n", + "\n", + "def _interval_to_double_bound_points(xarray, yarray):\n", + "\n", + "def _resolve_intervals_2dplot(val, func_name):\n", + "\n", + "def _valid_other_type(x, types):\n", + "\n", + "def _valid_numpy_subdtype(x, numpy_types):\n", + "\n", + "def _ensure_plottable(*args):\n", + "\n", + "def _update_axes(ax, xincrease, yincrease,\n", + "\n", + "def _is_monotonic(coord, axis=0):\n", + "\n", + "def _infer_interval_breaks(coord, axis=0, check_monotonic=False):\n", + "\n", + "def _process_cmap_cbar_kwargs(func, kwargs, data):\n", + "\n", + "def plot(darray, row=None, col=None, col_wrap=None, ax=None, hue=None,\n", + "\n", + "def line(darray, *args, **kwargs):\n", + "\n", + "def step(darray, *args, **kwargs):\n", + "\n", + "def hist(darray, figsize=None, size=None, aspect=None, ax=None, **kwargs):\n", + "\n", + "def _plot2d(plotfunc):\n", + "\n", + " def newplotfunc(darray, x=None, y=None, figsize=None, size=None,\n", + "\n", + " def plotmethod(_PlotMethods_obj, x=None, y=None, figsize=None, size=None,\n", + "\n", + "def imshow(x, y, z, ax, **kwargs):\n", + "\n", + "def contour(x, y, z, ax, **kwargs):\n", + "\n", + "def contourf(x, y, z, ax, **kwargs):\n", + "\n", + "def pcolormesh(x, y, z, ax, infer_intervals=None, **kwargs):\n", + "\n", + "def _get_scheduler(get=None, collection=None):\n", + "\n", + "def acquire(lock, blocking=True):\n", + "\n", + "def combine_locks(locks):\n", + "\n", + "def get_squeeze_dims(xarray_obj,\n", + "\n", + "def full_like(other, fill_value, dtype: Union[str, np.dtype, None] = None):\n", + "\n", + "def _full_like_variable(other, fill_value,\n", + "\n", + "def zeros_like(other, dtype: Union[str, np.dtype, None] = None):\n", + "\n", + "def ones_like(other, dtype: Union[str, np.dtype, None] = None):\n", + "\n", + "def is_np_datetime_like(dtype: Union[str, np.dtype]) -> bool:\n", + "\n", + "def _contains_cftime_datetimes(array) -> bool:\n", + "\n", + "def sizes(self: Any) -> Mapping[Hashable, int]:\n", + "\n", + "def _ipython_key_completions_(self) -> List[str]:\n", + "\n", + "def squeeze(self, dim: Union[Hashable, Iterable[Hashable], None] = None,\n", + "\n", + "def get_index(self, key: Hashable) -> pd.Index:\n", + "\n", + "def assign_coords(self, **kwargs):\n", + "\n", + "def assign_attrs(self, *args, **kwargs):\n", + "\n", + "def pipe(self, func: Union[Callable[..., T], Tuple[Callable[..., T], str]],\n", + "\n", + "def groupby(self, group, squeeze: bool = True):\n", + "\n", + "def groupby_bins(self, group, bins, right: bool = True, labels=None,\n", + "\n", + "def rolling(self, dim: Optional[Mapping[Hashable, int]] = None,\n", + "\n", + "def coarsen(self, dim: Optional[Mapping[Hashable, int]] = None,\n", + "\n", + "def resample(self, indexer: Optional[Mapping[Hashable, str]] = None,\n", + "\n", + "def where(self, cond, other=dtypes.NA, drop: bool = False):\n", + "\n", + "def close(self: Any) -> None:\n", + "\n", + "def isin(self, test_elements):\n", + "\n", + "def compare_version(v1, v2):\n", + "\n", + "def datetime_to_timestamp(dt):\n", + "\n", + "def parse_env_file(env_file):\n", + "\n", + "def configure_plugin(self, name, options):\n", + "\n", + "def create_plugin(self, name, plugin_data_dir, gzip=False):\n", + "\n", + "def disable_plugin(self, name):\n", + "\n", + "def enable_plugin(self, name, timeout=0):\n", + "\n", + "def inspect_plugin(self, name):\n", + "\n", + "def plugins(self):\n", + "\n", + "def plugin_privileges(self, name):\n", + "\n", + "def push_plugin(self, name):\n", + "\n", + "def remove_plugin(self, name, force=False):\n", + "\n", + "def upgrade_plugin(self, name, remote, privileges):\n", + "\n", + "def from_env(cls, **kwargs):\n", + "\n", + "def close(self):\n", + "\n", + "def read(socket, n=4096):\n", + "\n", + "def read_exactly(socket, n):\n", + "\n", + "def next_frame_header(socket):\n", + "\n", + "def frames_iter(socket, tty):\n", + "\n", + "def frames_iter_no_tty(socket):\n", + "\n", + "def consume_socket_output(frames, demux=False):\n", + "\n", + "def demux_adaptor(stream_id, data):\n", + "\n", + "def build(self, path=None, tag=None, quiet=False, fileobj=None,\n", + "\n", + "def prune_builds(self):\n", + "\n", + "def create_swarm_spec(self, *args, **kwargs):\n", + "\n", + "def init_swarm(self, advertise_addr=None, listen_addr='0.0.0.0:2377',\n", + "\n", + "def inspect_swarm(self):\n", + "\n", + "def inspect_node(self, node_id):\n", + "\n", + "def join_swarm(self, remote_addrs, join_token, listen_addr='0.0.0.0:2377',\n", + "\n", + "def leave_swarm(self, force=False):\n", + "\n", + "def remove_node(self, node_id, force=False):\n", + "\n", + "def unlock_swarm(self, key):\n", + "\n", + "def update_node(self, node_id, version, node_spec=None):\n", + "\n", + "def update_swarm(self, version, swarm_spec=None, rotate_worker_token=False,\n", + "\n", + "def get(self, secret_id):\n", + "\n", + "def list(self, **kwargs):\n", + "\n", + "def networks(self, names=None, ids=None, filters=None):\n", + "\n", + "def create_network(self, name, driver=None, options=None, ipam=None,\n", + "\n", + "def remove_network(self, net_id):\n", + "\n", + "def inspect_network(self, net_id, verbose=None, scope=None):\n", + "\n", + "def connect_container_to_network(self, container, net_id,\n", + "\n", + "def disconnect_container_from_network(self, container, net_id,\n", + "\n", + "def init(self, advertise_addr=None, listen_addr='0.0.0.0:2377',\n", + "\n", + "def update(self, rotate_worker_token=False, rotate_manager_token=False,\n", + "\n", + "def create_volume(self, name=None, driver=None, driver_opts=None,\n", + "\n", + "def inspect_volume(self, name):\n", + "\n", + "def prune_volumes(self, filters=None):\n", + "\n", + "def remove_volume(self, name, force=False):\n", + "\n", + "def create_config(self, name, data, labels=None):\n", + "\n", + "def inspect_config(self, id):\n", + "\n", + "def remove_config(self, id):\n", + "\n", + "def configs(self, filters=None):\n", + "\n", + "def create_secret(self, name, data, labels=None, driver=None):\n", + "\n", + "def inspect_secret(self, id):\n", + "\n", + "def update(self, node_spec):\n", + "\n", + "def remove(self, force=False):\n", + "\n", + "def get(self, node_id):\n", + "\n", + "def list(self, *args, **kwargs):\n", + "\n", + "def json_splitter(buffer):\n", + "\n", + "def configure(self, options):\n", + "\n", + "def disable(self):\n", + "\n", + "def enable(self, timeout=0):\n", + "\n", + "def remove(self, force=False):\n", + "\n", + "def upgrade(self, remote=None):\n", + "\n", + "def create(self, name, plugin_data_dir, gzip=False):\n", + "\n", + "def get(self, name):\n", + "\n", + "def install(self, remote_name, local_name=None):\n", + "\n", + "def list(self):\n", + "\n", + "def df(self):\n", + "\n", + "def events(self, since=None, until=None, filters=None, decode=None):\n", + "\n", + "def login(self, username, password=None, email=None, registry=None,\n", + "\n", + "def version(self, api_version=True):\n", + "\n", + "def inspect_service(self, service, insert_defaults=None):\n", + "\n", + "def inspect_task(self, task):\n", + "\n", + "def remove_service(self, service):\n", + "\n", + "def service_logs(self, service, details=False, follow=False, stdout=False,\n", + "\n", + "def update_service(self, service, version, task_template=None, name=None,\n", + "\n", + "def create_api_error_from_http_exception(e):\n", + "\n", + "def from_dict(config):\n", + "\n", + "def get_environment(self):\n", + "\n", + "def inject_proxy_environment(self, environment):\n", + "\n", + "def order(self):\n", + "\n", + "def remove(self, force=False):\n", + "\n", + "def create(self, name=None, **kwargs):\n", + "\n", + "def get(self, volume_id):\n", + "\n", + "def list(self, **kwargs):\n", + "\n", + "def fnmatch(name, pat):\n", + "\n", + "def get(self, config_id):\n", + "\n", + "def get_connection(self, *args, **kwargs):\n", + "\n", + "def exclude_paths(root, patterns, dockerfile=None):\n", + "\n", + "def get_image(self, image, chunk_size=DEFAULT_DATA_CHUNK_SIZE):\n", + "\n", + "def history(self, image):\n", + "\n", + "def images(self, name=None, quiet=False, all=False, filters=None):\n", + "\n", + "def import_image(self, src=None, repository=None, tag=None, image=None,\n", + "\n", + "def import_image_from_data(self, data, repository=None, tag=None,\n", + "\n", + "def import_image_from_file(self, filename, repository=None, tag=None,\n", + "\n", + "def import_image_from_url(self, url, repository=None, tag=None,\n", + "\n", + "def import_image_from_image(self, image, repository=None, tag=None,\n", + "\n", + "def inspect_image(self, image):\n", + "\n", + "def inspect_distribution(self, image, auth_config=None):\n", + "\n", + "def load_image(self, data, quiet=None):\n", + "\n", + "def pull(self, repository, tag=None, stream=False, auth_config=None,\n", + "\n", + "def push(self, repository, tag=None, stream=False, auth_config=None,\n", + "\n", + "def remove_image(self, image, force=False, noprune=False):\n", + "\n", + "def search(self, term):\n", + "\n", + "def tag(self, image, repository, tag=None, force=False):\n", + "\n", + "def attach(self, container, stdout=True, stderr=True,\n", + "\n", + "def attach_socket(self, container, params=None, ws=False):\n", + "\n", + "def commit(self, container, repository=None, tag=None, message=None,\n", + "\n", + "def containers(self, quiet=False, all=False, trunc=False, latest=False,\n", + "\n", + "def create_container(self, image, command=None, hostname=None, user=None,\n", + "\n", + "def create_host_config(self, *args, **kwargs):\n", + "\n", + "def diff(self, container):\n", + "\n", + "def export(self, container, chunk_size=DEFAULT_DATA_CHUNK_SIZE):\n", + "\n", + "def get_archive(self, container, path, chunk_size=DEFAULT_DATA_CHUNK_SIZE):\n", + "\n", + "def inspect_container(self, container):\n", + "\n", + "def kill(self, container, signal=None):\n", + "\n", + "def logs(self, container, stdout=True, stderr=True, stream=False,\n", + "\n", + "def pause(self, container):\n", + "\n", + "def port(self, container, private_port):\n", + "\n", + "def put_archive(self, container, path, data):\n", + "\n", + "def remove_container(self, container, v=False, link=False, force=False):\n", + "\n", + "def rename(self, container, name):\n", + "\n", + "def resize(self, container, height, width):\n", + "\n", + "def restart(self, container, timeout=10):\n", + "\n", + "def start(self, container, *args, **kwargs):\n", + "\n", + "def stats(self, container, decode=None, stream=True):\n", + "\n", + "def top(self, container, ps_args=None):\n", + "\n", + "def unpause(self, container):\n", + "\n", + "def wait(self, container, timeout=None, condition=None):\n", + "\n", + "def tags(self):\n", + "\n", + "def save(self, chunk_size=DEFAULT_DATA_CHUNK_SIZE, named=False):\n", + "\n", + "def tag(self, repository, tag=None, **kwargs):\n", + "\n", + "def pull(self, platform=None):\n", + "\n", + "def has_platform(self, platform):\n", + "\n", + "def build(self, **kwargs):\n", + "\n", + "def get(self, name):\n", + "\n", + "def get_registry_data(self, name, auth_config=None):\n", + "\n", + "def list(self, name=None, all=False, filters=None):\n", + "\n", + "def load(self, data):\n", + "\n", + "def pull(self, repository, tag=None, **kwargs):\n", + "\n", + "def _create_container_args(kwargs):\n", + "\n", + "def image(self):\n", + "\n", + "def status(self):\n", + "\n", + "def attach(self, **kwargs):\n", + "\n", + "def attach_socket(self, **kwargs):\n", + "\n", + "def commit(self, repository=None, tag=None, **kwargs):\n", + "\n", + "def exec_run(self, cmd, stdout=True, stderr=True, stdin=False, tty=False,\n", + "\n", + "def export(self, chunk_size=DEFAULT_DATA_CHUNK_SIZE):\n", + "\n", + "def get_archive(self, path, chunk_size=DEFAULT_DATA_CHUNK_SIZE):\n", + "\n", + "def kill(self, signal=None):\n", + "\n", + "def logs(self, **kwargs):\n", + "\n", + "def put_archive(self, path, data):\n", + "\n", + "def remove(self, **kwargs):\n", + "\n", + "def rename(self, name):\n", + "\n", + "def resize(self, height, width):\n", + "\n", + "def restart(self, **kwargs):\n", + "\n", + "def start(self, **kwargs):\n", + "\n", + "def stats(self, **kwargs):\n", + "\n", + "def stop(self, **kwargs):\n", + "\n", + "def top(self, **kwargs):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def wait(self, **kwargs):\n", + "\n", + "def run(self, image, command=None, stdout=True, stderr=False,\n", + "\n", + "def create(self, image, command=None, **kwargs):\n", + "\n", + "def get(self, container_id):\n", + "\n", + "def list(self, all=False, before=None, filters=None, limit=-1, since=None,\n", + "\n", + "def tasks(self, filters=None):\n", + "\n", + "def update(self, **kwargs):\n", + "\n", + "def logs(self, **kwargs):\n", + "\n", + "def scale(self, replicas):\n", + "\n", + "def create(self, image, command=None, **kwargs):\n", + "\n", + "def get(self, service_id, insert_defaults=None):\n", + "\n", + "def list(self, **kwargs):\n", + "\n", + "def reload(self):\n", + "\n", + "def prepare_model(self, attrs):\n", + "\n", + "def containers(self):\n", + "\n", + "def connect(self, container, *args, **kwargs):\n", + "\n", + "def disconnect(self, container, *args, **kwargs):\n", + "\n", + "def create(self, name, *args, **kwargs):\n", + "\n", + "def get(self, network_id, *args, **kwargs):\n", + "\n", + "def list(self, *args, **kwargs):\n", + "\n", + "def parse_auth(cls, entries, raise_on_error=False):\n", + "\n", + "def resolve_authconfig(self, registry=None):\n", + "\n", + "def exec_create(self, container, cmd, stdout=True, stderr=True,\n", + "\n", + "def exec_inspect(self, exec_id):\n", + "\n", + "def exec_resize(self, exec_id, height=None, width=None):\n", + "\n", + "def exec_start(self, exec_id, detach=False, tty=False, stream=False,\n", + "\n", + "def _raise_for_status(self, response):\n", + "\n", + "def _stream_helper(self, response, decode=False):\n", + "\n", + "def _multiplexed_buffer_helper(self, response):\n", + "\n", + "def _multiplexed_response_stream_helper(self, response):\n", + "\n", + "def _stream_raw_result(self, response, chunk_size=1, decode=True):\n", + "\n", + "def _disable_socket_timeout(self, socket):\n", + "\n", + "def reload_config(self, dockercfg_path=None):\n", + "\n", + "def acquire(self, blocking=None, blocking_timeout=None, token=None):\n", + "\n", + "def owned(self):\n", + "\n", + "def reacquire(self):\n", + "\n", + "def timestamp_to_datetime(response):\n", + "\n", + "def pairs_to_dict(response, decode_keys=False):\n", + "\n", + "def zset_score_pairs(response, **options):\n", + "\n", + "def sort_return_tuples(response, **options):\n", + "\n", + "def from_url(cls, url, db=None, **kwargs):\n", + "\n", + "def lock(self, name, timeout=None, sleep=0.1, blocking_timeout=None,\n", + "\n", + "def execute_command(self, *args, **options):\n", + "\n", + "def parse_response(self, connection, command_name, **options):\n", + "\n", + "def client_kill_filter(self, _id=None, _type=None, addr=None, skipme=None):\n", + "\n", + "def client_list(self, _type=None):\n", + "\n", + "def client_unblock(self, client_id, error=False):\n", + "\n", + "def client_pause(self, timeout):\n", + "\n", + "def flushall(self, asynchronous=False):\n", + "\n", + "def migrate(self, host, port, keys, destination_db, timeout,\n", + "\n", + "def object(self, infotype, key):\n", + "\n", + "def memory_usage(self, key, samples=None):\n", + "\n", + "def shutdown(self, save=False, nosave=False):\n", + "\n", + "def slaveof(self, host=None, port=None):\n", + "\n", + "def bitop(self, operation, dest, *keys):\n", + "\n", + "def bitpos(self, key, bit, start=None, end=None):\n", + "\n", + "def expireat(self, name, when):\n", + "\n", + "def mget(self, keys, *args):\n", + "\n", + "def mset(self, mapping):\n", + "\n", + "def msetnx(self, mapping):\n", + "\n", + "def pexpire(self, name, time):\n", + "\n", + "def pexpireat(self, name, when):\n", + "\n", + "def psetex(self, name, time_ms, value):\n", + "\n", + "def restore(self, name, ttl, value, replace=False):\n", + "\n", + "def set(self, name, value, ex=None, px=None, nx=False, xx=False):\n", + "\n", + "def setbit(self, name, offset, value):\n", + "\n", + "def setex(self, name, time, value):\n", + "\n", + "def setrange(self, name, offset, value):\n", + "\n", + "def blpop(self, keys, timeout=0):\n", + "\n", + "def brpop(self, keys, timeout=0):\n", + "\n", + "def lrange(self, name, start, end):\n", + "\n", + "def lrem(self, name, count, value):\n", + "\n", + "def lset(self, name, index, value):\n", + "\n", + "def sort(self, name, start=None, num=None, by=None, get=None,\n", + "\n", + "def scan(self, cursor=0, match=None, count=None):\n", + "\n", + "def scan_iter(self, match=None, count=None):\n", + "\n", + "def sscan(self, name, cursor=0, match=None, count=None):\n", + "\n", + "def zscan(self, name, cursor=0, match=None, count=None,\n", + "\n", + "def smove(self, src, dst, value):\n", + "\n", + "def spop(self, name, count=None):\n", + "\n", + "def xack(self, name, groupname, *ids):\n", + "\n", + "def xadd(self, name, fields, id='*', maxlen=None, approximate=True):\n", + "\n", + "def xclaim(self, name, groupname, consumername, min_idle_time, message_ids,\n", + "\n", + "def xgroup_create(self, name, groupname, id='$', mkstream=False):\n", + "\n", + "def xgroup_delconsumer(self, name, groupname, consumername):\n", + "\n", + "def xgroup_setid(self, name, groupname, id):\n", + "\n", + "def xpending_range(self, name, groupname, min, max, count,\n", + "\n", + "def xrange(self, name, min='-', max='+', count=None):\n", + "\n", + "def xread(self, streams, count=None, block=None):\n", + "\n", + "def xreadgroup(self, groupname, consumername, streams, count=None,\n", + "\n", + "def xtrim(self, name, maxlen, approximate=True):\n", + "\n", + "def zadd(self, name, mapping, nx=False, xx=False, ch=False, incr=False):\n", + "\n", + "def zcount(self, name, min, max):\n", + "\n", + "def zincrby(self, name, amount, value):\n", + "\n", + "def zinterstore(self, dest, keys, aggregate=None):\n", + "\n", + "def zlexcount(self, name, min, max):\n", + "\n", + "def zpopmax(self, name, count=None):\n", + "\n", + "def zpopmin(self, name, count=None):\n", + "\n", + "def bzpopmax(self, keys, timeout=0):\n", + "\n", + "def bzpopmin(self, keys, timeout=0):\n", + "\n", + "def zrangebylex(self, name, min, max, start=None, num=None):\n", + "\n", + "def zremrangebylex(self, name, min, max):\n", + "\n", + "def zremrangebyrank(self, name, min, max):\n", + "\n", + "def zrevrangebyscore(self, name, max, min, start=None, num=None,\n", + "\n", + "def zunionstore(self, dest, keys, aggregate=None):\n", + "\n", + "def hmget(self, name, keys, *args):\n", + "\n", + "def eval(self, script, numkeys, *keys_and_args):\n", + "\n", + "def evalsha(self, sha, numkeys, *keys_and_args):\n", + "\n", + "def geoadd(self, name, *values):\n", + "\n", + "def geodist(self, name, place1, place2, unit=None):\n", + "\n", + "def on_connect(self, connection):\n", + "\n", + "def parse_response(self, block=True, timeout=0):\n", + "\n", + "def _normalize_keys(self, data):\n", + "\n", + "def psubscribe(self, *args, **kwargs):\n", + "\n", + "def punsubscribe(self, *args):\n", + "\n", + "def subscribe(self, *args, **kwargs):\n", + "\n", + "def unsubscribe(self, *args):\n", + "\n", + "def handle_message(self, response, ignore_subscribe_messages=False):\n", + "\n", + "def multi(self):\n", + "\n", + "def pipeline_execute_command(self, *args, **options):\n", + "\n", + "def reset(self):\n", + "\n", + "def overflow(self, overflow):\n", + "\n", + "def get(self, fmt, offset):\n", + "\n", + "def set(self, fmt, offset, value):\n", + "\n", + "def execute(self):\n", + "\n", + "def get_token(cls, value):\n", + "\n", + "def encode(self, value):\n", + "\n", + "def decode(self, value, force=False):\n", + "\n", + "def parse_error(self, response):\n", + "\n", + "def on_connect(self, connection):\n", + "\n", + "def on_disconnect(self):\n", + "\n", + "def connect(self):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def send_packed_command(self, command):\n", + "\n", + "def can_read(self, timeout=0):\n", + "\n", + "def read_response(self):\n", + "\n", + "def pack_command(self, *args):\n", + "\n", + "def _connect(self):\n", + "\n", + "def _connect(self):\n", + "\n", + "def from_url(cls, url, db=None, decode_components=False, **kwargs):\n", + "\n", + "def get_connection(self, command_name, *keys, **options):\n", + "\n", + "def get_encoder(self):\n", + "\n", + "def make_connection(self):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def make_connection(self):\n", + "\n", + "def get_connection(self, command_name, *keys, **options):\n", + "\n", + "def release(self, connection):\n", + "\n", + "def pack_command(self, *args):\n", + "\n", + "def has_selector(selector):\n", + "\n", + "def DefaultSelector(sock):\n", + "\n", + "def can_read(self, timeout=0):\n", + "\n", + "def is_ready_for_command(self, timeout=0):\n", + "\n", + "def errno_from_exception(self, ex):\n", + "\n", + "def from_url(url, db=None, **kwargs):\n", + "\n", + "def rotate_slaves(self):\n", + "\n", + "def discover_master(self, service_name):\n", + "\n", + "def filter_slaves(self, slaves):\n", + "\n", + "def discover_slaves(self, service_name):\n", + "\n", + "def explain_weights_lightning(estimator, vec=None, top=20, target_names=None,\n", + "\n", + "def explain_prediction_lightning(estimator, doc, vec=None, top=None,\n", + "\n", + " def _fmt_pws(pws):\n", + "\n", + " def _fmt_pws_list(pws_lst):\n", + "\n", + "def _weight_opacity(weight, weight_range):\n", + "\n", + "def weight_color_hsl(weight, weight_range, min_lightness=0.8):\n", + "\n", + "def format_hsl(hsl_color):\n", + "\n", + "def get_weight_range(weights):\n", + "\n", + "def _format_unhashed_feature(feature, weight, hl_spaces):\n", + "\n", + "def _format_feature(feature, weight, hl_spaces):\n", + "\n", + "def explain_weights_lightgbm(lgb,\n", + "\n", + " def get_score_weights(_label_id):\n", + "\n", + "def _compute_node_values(tree_info):\n", + "\n", + " def walk(tree):\n", + "\n", + "def _changes(path):\n", + "\n", + "def _get_prediction_feature_weights(lgb, X, n_targets):\n", + "\n", + "def replace_spaces(s, replacer):\n", + "\n", + " def replace(m):\n", + "\n", + "def explain_prediction_sklearn(estimator, doc,\n", + "\n", + "def explain_prediction_linear_classifier(clf, doc,\n", + "\n", + "def explain_prediction_linear_regressor(reg, doc,\n", + "\n", + " def _weights(label_id, scale=1.0):\n", + "\n", + " def _weights(label_id, scale=1.0):\n", + "\n", + "def _trees_feature_weights(clf, X, feature_names, num_targets):\n", + "\n", + "def _update_tree_feature_weights(X, feature_names, clf, feature_weights):\n", + "\n", + "def _multiply(X, coef):\n", + "\n", + "def _linear_weights(clf, x, top, flt_feature_names, flt_indices):\n", + "\n", + " def _weights(label_id, scale=1.0):\n", + "\n", + "def attrs(class_):\n", + "\n", + "def is_probabilistic_classifier(clf):\n", + "\n", + "def predict_proba(estimator, X):\n", + "\n", + "def has_intercept(estimator):\n", + "\n", + "def get_feature_names(clf, vec=None, bias_name='', feature_names=None,\n", + "\n", + "def get_default_target_names(estimator, num_targets=None):\n", + "\n", + "def get_coef(clf, label_id, scale=None):\n", + "\n", + "def get_num_features(estimator):\n", + "\n", + "def get_X0(X):\n", + "\n", + "def add_intercept(X):\n", + "\n", + "def explain_weights_sklearn_crfsuite(crf,\n", + "\n", + " def _features(label_id):\n", + "\n", + "def filter_transition_coefs(transition_coef, indices):\n", + "\n", + "def sorted_for_ner(crf_classes):\n", + "\n", + " def key(cls):\n", + "\n", + "def _numpy_to_python(obj):\n", + "\n", + "def _sampler_n_samples(self, n_samples):\n", + "\n", + "def sample_near(self, doc, n_samples=1):\n", + "\n", + "def _all_feature_names(name):\n", + "\n", + "def filtered(self, feature_filter, x=None):\n", + "\n", + "def add_feature(self, feature):\n", + "\n", + "def _format_unhashed_feature(name, hl_spaces, sep=' | '):\n", + "\n", + "def _get_top_features(feature_names, coef, top, x):\n", + "\n", + "def get_char_weights(doc_weighted_spans, preserve_density=None):\n", + "\n", + "def build_span_analyzer(document, vec):\n", + "\n", + "def explain_weights_xgboost(xgb,\n", + "\n", + "def _prediction_feature_weights(booster, dmatrix, n_targets,\n", + "\n", + "def _indexed_leafs(parent):\n", + "\n", + "def _parent_value(children):\n", + "\n", + "def _parse_tree_dump(text_dump):\n", + "\n", + "def _missing_values_set_to_nan(values, missing_value, sparse_missing):\n", + "\n", + "def argsort_k_smallest(x, k):\n", + "\n", + "def mask(x, indices):\n", + "\n", + "def is_sparse_vector(x):\n", + "\n", + "def indices_to_bool_mask(indices, size):\n", + "\n", + "def get_target_display_names(original_names=None, target_names=None,\n", + "\n", + "def get_binary_target_scale_label_id(score, display_names, proba=None):\n", + "\n", + "def _get_value_indices(names1, names2, lookups):\n", + "\n", + "def dot2svg(dot):\n", + "\n", + "def explain_weights_sklearn(estimator, vec=None, top=_TOP,\n", + "\n", + "def explain_linear_classifier_weights(clf,\n", + "\n", + " def _features(label_id):\n", + "\n", + "def explain_rf_feature_importance(estimator,\n", + "\n", + "def explain_decision_tree(estimator,\n", + "\n", + "def explain_linear_regressor_weights(reg,\n", + "\n", + " def _features(target_id):\n", + "\n", + "def explain_permutation_importance(estimator,\n", + "\n", + "def _get_collisions(indices):\n", + "\n", + "def _get_indices_and_signs(hasher, terms):\n", + "\n", + "def handle_hashing_vec(vec, feature_names, coef_scale, with_coef_scale=True):\n", + "\n", + "def _fit_invhashing_union(vec_union, docs):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def get_feature_names(self, always_signed=True):\n", + "\n", + "def column_signs_(self):\n", + "\n", + "def recalculate_attributes(self, force=False):\n", + "\n", + "def tree2text(tree_obj, indent=4):\n", + "\n", + " def _format_node(node, depth=0):\n", + "\n", + " def p(*args):\n", + "\n", + "def _format_array(x, fmt):\n", + "\n", + "def explain_weights_df(estimator, **kwargs):\n", + "\n", + "def explain_weights_dfs(estimator, **kwargs):\n", + "\n", + "def explain_prediction_df(estimator, doc, **kwargs):\n", + "\n", + "def explain_prediction_dfs(estimator, doc, **kwargs):\n", + "\n", + "def format_as_dataframes(explanation):\n", + "\n", + "def format_as_dataframe(explanation):\n", + "\n", + "def iter_shuffled(X, columns_to_shuffle=None, pre_shuffle=False,\n", + "\n", + "def show_weights(estimator, **kwargs):\n", + "\n", + "def show_prediction(estimator, doc, **kwargs):\n", + "\n", + "def get_tree_info(decision_tree,\n", + "\n", + "def cosine_similarity_vec(num_tokens, num_removed_vec):\n", + "\n", + "def replace_random_tokens(self,\n", + "\n", + "def replace_random_tokens_bow(self,\n", + "\n", + "def fit(self,\n", + "\n", + "def show_prediction(self, **kwargs):\n", + "\n", + "def show_weights(self, **kwargs):\n", + "\n", + "def explain_weights(self, **kwargs):\n", + "\n", + "def fit_proba(clf, X, y_proba, expand_factor=10, sample_weight=None,\n", + "\n", + "def with_sample_weight(clf, sample_weight, fit_params):\n", + "\n", + "def expanded_X_y_sample_weights(X, y_proba, expand_factor=10,\n", + "\n", + "def expand_dataset(X, y_proba, factor=10, random_state=None, extra_arrays=None):\n", + "\n", + "def transform_feature_names(transformer, in_names=None):\n", + "\n", + "def get_weighted_spans(doc, vec, feature_weights):\n", + "\n", + "def add_weighted_spans(doc, vec, vectorized, target_expl):\n", + "\n", + "def fit(self, X, y, groups=None, **fit_params):\n", + "\n", + "def explain_prediction(estimator, doc, **kwargs):\n", + "\n", + "def directions(client, origin, destination,\n", + "\n", + "def geocode(client, address=None, components=None, bounds=None, region=None,\n", + "\n", + "def reverse_geocode(client, latlng, result_type=None, location_type=None,\n", + "\n", + "def elevation(client, locations):\n", + "\n", + "def elevation_along_path(client, path, samples):\n", + "\n", + "def latlng(arg):\n", + "\n", + "def normalize_lat_lng(arg):\n", + "\n", + "def location_list(arg):\n", + "\n", + "def _is_list(arg):\n", + "\n", + "def is_string(val):\n", + "\n", + "def time(arg):\n", + "\n", + "def _has_method(arg, method):\n", + "\n", + "def components(arg):\n", + "\n", + " def expand(arg):\n", + "\n", + "def bounds(arg):\n", + "\n", + "def decode_polyline(polyline):\n", + "\n", + "def encode_polyline(points):\n", + "\n", + "def timezone(client, location, timestamp=None, language=None):\n", + "\n", + "def snap_to_roads(client, path, interpolate=False):\n", + "\n", + "def nearest_roads(client, points):\n", + "\n", + "def speed_limits(client, place_ids):\n", + "\n", + "def snapped_speed_limits(client, path):\n", + "\n", + "def _roads_extract(resp):\n", + "\n", + "def find_place(client, input, input_type, fields=None, location_bias=None,\n", + "\n", + "def places(client, query, location=None, radius=None, language=None,\n", + "\n", + "def places_nearby(client, location=None, radius=None, keyword=None,\n", + "\n", + "def places_radar(client, location, radius, keyword=None, min_price=None,\n", + "\n", + "def _places(client, url_part, query=None, location=None, radius=None,\n", + "\n", + "def place(client, place_id, session_token=None, fields=None, language=None):\n", + "\n", + "def places_photo(client, photo_reference, max_width=None, max_height=None):\n", + "\n", + "def places_autocomplete(client, input_text, session_token, offset=None,\n", + "\n", + "def places_autocomplete_query(client, input_text, offset=None, location=None,\n", + "\n", + "def _autocomplete(client, url_part, input_text, session_token=None,\n", + "\n", + "def _geolocation_extract(response):\n", + "\n", + "def geolocate(client, home_mobile_country_code=None,\n", + "\n", + "def distance_matrix(client, origins, destinations,\n", + "\n", + "def make_api_method(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def sign_hmac(secret, payload):\n", + "\n", + "def urlencode_params(params):\n", + "\n", + "def _request(self, url, params, first_request_time=None, retry_counter=0,\n", + "\n", + "def _generate_auth_url(self, path, params, accepts_clientid):\n", + "\n", + "def run_pending(self):\n", + "\n", + "def run_all(self, delay_seconds=0):\n", + "\n", + "def clear(self, tag=None):\n", + "\n", + "def tag(self, *tags):\n", + "\n", + "def at(self, time_str):\n", + "\n", + "def do(self, job_func, *args, **kwargs):\n", + "\n", + "def run(self):\n", + "\n", + "def _schedule_next_run(self):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + "def print_log(value_color=\"\", value_noncolor=\"\"):\n", + "\n", + "def set_runtime_config(config: str):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(key: c_char_p, arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + " def transform_cb(arr_ptr: POINTER(c_uint8), arr_len: c_uint32):\n", + "\n", + "def register_mark(key=None):\n", + "\n", + " def wrap(mark):\n", + "\n", + "def _get_dimension_scales(self, dimension, preserve_domain=False):\n", + "\n", + "def _validate_scales(self, proposal):\n", + "\n", + "def register_axis(key=None):\n", + "\n", + " def wrap(axis):\n", + "\n", + "def register_interaction(key=None):\n", + "\n", + " def wrap(interaction):\n", + "\n", + "def panzoom(marks):\n", + "\n", + "def register_scale(key=None):\n", + "\n", + " def wrap(scale):\n", + "\n", + "def install(user=False, symlink=False, overwrite=False, **kwargs):\n", + "\n", + "def hashable(data, v):\n", + "\n", + "def show(key=None, display_toolbar=True):\n", + "\n", + "def figure(key=None, fig=None, **kwargs):\n", + "\n", + "def close(key):\n", + "\n", + "def _process_data(*kwarg_names):\n", + "\n", + " def _data_decorator(func):\n", + "\n", + " def _mark_with_data(*args, **kwargs):\n", + "\n", + "def scales(key=None, scales={}):\n", + "\n", + "def set_lim(min, max, name):\n", + "\n", + "def axes(mark=None, options={}, **kwargs):\n", + "\n", + "def _set_label(label, mark, dim, **kwargs):\n", + "\n", + "def grids(fig=None, value='solid'):\n", + "\n", + "def title(label, style=None):\n", + "\n", + "def hline(level, **kwargs):\n", + "\n", + "def _process_cmap(cmap):\n", + "\n", + "def set_cmap(cmap):\n", + "\n", + "def _draw_mark(mark_type, options={}, axes_options={}, **kwargs):\n", + "\n", + "def _infer_x_for_line(y):\n", + "\n", + "def plot(*args, **kwargs):\n", + "\n", + "def imshow(image, format, **kwargs):\n", + "\n", + "def ohlc(*args, **kwargs):\n", + "\n", + "def scatter(x, y, **kwargs):\n", + "\n", + "def hist(sample, options={}, **kwargs):\n", + "\n", + "def bin(sample, options={}, **kwargs):\n", + "\n", + "def bar(x, y, **kwargs):\n", + "\n", + "def boxplot(x, y, **kwargs):\n", + "\n", + "def geo(map_data, **kwargs):\n", + "\n", + "def _add_interaction(int_type, **kwargs):\n", + "\n", + "def _create_selector(int_type, func, trait, **kwargs):\n", + "\n", + "def clear():\n", + "\n", + "def set_context(context):\n", + "\n", + "def _get_attribute_dimension(trait_name, mark_type=None):\n", + "\n", + "def _apply_properties(widget, properties={}):\n", + "\n", + "def _get_line_styles(marker_str):\n", + "\n", + " def _extract_marker_value(marker_str, code_dict):\n", + "\n", + "def build_reply_markup(self, buttons, inline_only=False):\n", + "\n", + "def pretty_format(obj, indent=None):\n", + "\n", + "def serialize_bytes(data):\n", + "\n", + "def to_json(self, fp=None, default=_json_default, **kwargs):\n", + "\n", + "def _get_response_message(self, request, result, input_chat):\n", + "\n", + "def input_sender(self):\n", + "\n", + "def register(event=None):\n", + "\n", + " def decorator(callback):\n", + "\n", + "def unregister(callback, event=None):\n", + "\n", + "def parse(message, delimiters=None, url_re=None):\n", + "\n", + "def unparse(text, entities, delimiters=None, url_fmt=None):\n", + "\n", + "def calc_new_nonce_hash(self, new_nonce, number):\n", + "\n", + "def get_byte_array(integer):\n", + "\n", + "def _compute_fingerprint(key):\n", + "\n", + "def add_key(pub):\n", + "\n", + "def encrypt(fingerprint, data):\n", + "\n", + "def mark_read(self, message=None):\n", + "\n", + " def code_callback():\n", + "\n", + "def _parse_phone_and_hash(self, phone, phone_hash):\n", + "\n", + "def _on_login(self, user):\n", + "\n", + "def _get_class_name(error_code):\n", + "\n", + "def parse_errors(csv_file):\n", + "\n", + "def get_int(byte_array, signed=True):\n", + "\n", + "def callback(func):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def set_signed_in(self, me):\n", + "\n", + "def old(self):\n", + "\n", + "def new(self):\n", + "\n", + "def decrypt_ige(cipher_text, key, iv):\n", + "\n", + "def encrypt_ige(plain_text, key, iv):\n", + "\n", + "def _finish_init(self, client, entities, input_chat):\n", + "\n", + "def text(self):\n", + "\n", + "def buttons(self):\n", + "\n", + "def button_count(self):\n", + "\n", + "def photo(self):\n", + "\n", + "def document(self):\n", + "\n", + "def web_preview(self):\n", + "\n", + "def game(self):\n", + "\n", + "def geo(self):\n", + "\n", + "def get_entities_text(self, cls=None):\n", + "\n", + "def _set_buttons(self, chat, bot):\n", + "\n", + "def _needed_markup_bot(self):\n", + "\n", + "def _document_by_attribute(self, kind, condition=None):\n", + "\n", + "def make_link_node(rawtext, app, name, options):\n", + "\n", + "def tl_role(name, rawtext, text, lineno, inliner, options=None, content=None):\n", + "\n", + "def input_entity(self):\n", + "\n", + "def _get_kind_and_names(attributes):\n", + "\n", + "def _download_contact(cls, mm_contact, file):\n", + "\n", + "def _get_proper_filename(file, kind, extension,\n", + "\n", + "def _message_in_range(self, message):\n", + "\n", + "def _update_offset(self, last_message):\n", + "\n", + " def _get_key(m):\n", + "\n", + " def get_key(m):\n", + "\n", + "def add(self, entities):\n", + "\n", + "def run_until_disconnected(self):\n", + "\n", + "def on(self, event):\n", + "\n", + " def decorator(f):\n", + "\n", + "def add_event_handler(self, callback, event=None):\n", + "\n", + "def remove_event_handler(self, callback, event=None):\n", + "\n", + "def reset(self):\n", + "\n", + "def _calc_key(auth_key, msg_key, client):\n", + "\n", + "def write_data_as_message(self, buffer, data, content_related,\n", + "\n", + "def encrypt_message_data(self, data):\n", + "\n", + "def decrypt_message_data(self, body):\n", + "\n", + "def _get_new_msg_id(self):\n", + "\n", + "def update_time_offset(self, correct_msg_id):\n", + "\n", + "def _get_seq_no(self, content_related):\n", + "\n", + "def parse_tl(file_path, layer, methods=None, ignored_ids=CORE_TYPES):\n", + "\n", + "def find_layer(file_path):\n", + "\n", + "def url(self):\n", + "\n", + "def photo(self):\n", + "\n", + "def document(self):\n", + "\n", + "def send(self, request, ordered=False):\n", + "\n", + "def _start_reconnect(self, error):\n", + "\n", + "def _pop_states(self, msg_id):\n", + "\n", + "def read_int(self, signed=True):\n", + "\n", + "def read_long(self, signed=True):\n", + "\n", + "def read_large_int(self, bits, signed=True):\n", + "\n", + "def read(self, length=None):\n", + "\n", + "def tgread_bytes(self):\n", + "\n", + "def tgread_bool(self):\n", + "\n", + "def tgread_date(self):\n", + "\n", + "def tgread_object(self):\n", + "\n", + "def tgread_vector(self):\n", + "\n", + "def factorize(cls, pq):\n", + "\n", + "def gcd(a, b):\n", + "\n", + "def syncify(*types):\n", + "\n", + "def send(self, data):\n", + "\n", + "def _init_conn(self):\n", + "\n", + "def gzip_if_smaller(content_related, data):\n", + "\n", + "def sorted_args(self):\n", + "\n", + "def _cursor(self):\n", + "\n", + "def _execute(self, stmt, *values):\n", + "\n", + "def close(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def list_sessions(cls):\n", + "\n", + "def process_entities(self, tlo):\n", + "\n", + "def parse_methods(csv_file, errors_dict):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def _auth_key_callback(self, auth_key):\n", + "\n", + "def chunks(iterable, size=100):\n", + "\n", + "def get_display_name(entity):\n", + "\n", + "def get_extension(media):\n", + "\n", + "def get_input_peer(entity, allow_self=True, check_hash=True):\n", + "\n", + "def get_input_channel(entity):\n", + "\n", + "def get_input_user(entity):\n", + "\n", + "def get_input_dialog(dialog):\n", + "\n", + "def get_input_document(document):\n", + "\n", + "def get_input_photo(photo):\n", + "\n", + "def get_input_chat_photo(photo):\n", + "\n", + "def get_input_geo(geo):\n", + "\n", + "def get_input_message(message):\n", + "\n", + "def get_message_id(message):\n", + "\n", + "def get_attributes(file, *, attributes=None, mime_type=None,\n", + "\n", + "def sanitize_parse_mode(mode):\n", + "\n", + " def unparse(text, entities):\n", + "\n", + "def get_input_location(location):\n", + "\n", + "def _get_extension(file):\n", + "\n", + "def is_image(file):\n", + "\n", + "def parse_phone(phone):\n", + "\n", + "def parse_username(username):\n", + "\n", + "def get_inner_text(text, entities):\n", + "\n", + "def get_peer_id(peer, add_mark=True):\n", + "\n", + "def resolve_id(marked_id):\n", + "\n", + "def _rle_decode(data):\n", + "\n", + "def _decode_telegram_base64(string):\n", + "\n", + "def _encode_telegram_base64(string):\n", + "\n", + "def resolve_bot_file_id(file_id):\n", + "\n", + "def pack_bot_file_id(file):\n", + "\n", + "def resolve_invite_link(link):\n", + "\n", + "def resolve_inline_message_id(inline_msg_id):\n", + "\n", + "def stripped_photo_to_jpg(stripped):\n", + "\n", + "def _rel(self, path):\n", + "\n", + "def write_head(self, title, css_path, default_css):\n", + "\n", + "def set_menu_separator(self, img):\n", + "\n", + "def add_menu(self, name, link=None):\n", + "\n", + "def write_title(self, title, level=1, id=None):\n", + "\n", + "def write_code(self, tlobject):\n", + "\n", + "def begin_table(self, column_count):\n", + "\n", + "def add_row(self, text, link=None, bold=False, align=None):\n", + "\n", + "def write_copy_button(self, text, text_to_copy):\n", + "\n", + "def end_body(self):\n", + "\n", + "def write(self, s, *args, **kwargs):\n", + "\n", + "def action(self, entity, action, *, delay=4, auto_cancel=True):\n", + "\n", + "def get_file(self):\n", + "\n", + "def parse(html):\n", + "\n", + "def unparse(text, entities):\n", + "\n", + "def data(self):\n", + "\n", + "def inline_query(self):\n", + "\n", + "def url(self):\n", + "\n", + "def name_inner_event(cls):\n", + "\n", + "def filter(self, event):\n", + "\n", + "def _get_entity_pair(self, entity_id):\n", + "\n", + "def _load_entities(self):\n", + "\n", + "def input_chat(self):\n", + "\n", + "def is_group(self):\n", + "\n", + "def generate_random_long(signed=True):\n", + "\n", + "def ensure_parent_dir_exists(file_path):\n", + "\n", + "def strip_text(text, entities):\n", + "\n", + "def _sync_enter(self):\n", + "\n", + "def generate_key_data_from_nonce(server_nonce, new_nonce):\n", + "\n", + "def write(self, string, *args, **kwargs):\n", + "\n", + "def writeln(self, string='', *args, **kwargs):\n", + "\n", + "def end_block(self):\n", + "\n", + "def _write_source_code(tlobject, kind, builder, type_constructors):\n", + "\n", + "def _write_arg_to_bytes(builder, arg, args, name=None):\n", + "\n", + "def _write_arg_read_code(builder, arg, args, name):\n", + "\n", + "def rpc_message_to_error(rpc_error, request):\n", + "\n", + "def _is_inline(button):\n", + "\n", + "def inline(text, data=None):\n", + "\n", + "def switch_inline(text, query='', same_peer=False):\n", + "\n", + "def text(cls, text, *, resize=None, single_use=None, selective=None):\n", + "\n", + "def request_location(cls, text, *,\n", + "\n", + "def request_phone(cls, text, *,\n", + "\n", + "def sprint(string, *args, **kwargs):\n", + "\n", + "def print_title(title):\n", + "\n", + "def _get_file_name(tlobject):\n", + "\n", + "def get_import_code(tlobject):\n", + "\n", + "def _get_path_for(root, tlobject):\n", + "\n", + "def _get_path_for_type(type_):\n", + "\n", + "def _find_title(html_file):\n", + "\n", + "def _build_menu(docs):\n", + "\n", + "def _generate_index(root, folder, paths,\n", + "\n", + "def _get_description(arg):\n", + "\n", + "def _copy_replace(src, dst, replacements):\n", + "\n", + "def _write_html_pages(root, tlobjects, methods, layer, input_res):\n", + "\n", + " def fmt(xs):\n", + "\n", + " def fmt(xs, formatter):\n", + "\n", + "def _create_structure(tlobjects, output_dir):\n", + "\n", + "def create_connection(self, *args, **kwargs):\n", + "\n", + "def select(self, *args, **kwargs):\n", + "\n", + "def _kazoo_connect(self, host, port):\n", + "\n", + "def set_ttl(self, ttl):\n", + "\n", + "def service_name_from_scope_name(scope_name):\n", + "\n", + " def replace_char(match):\n", + "\n", + "def _do_refresh_session(self):\n", + "\n", + "def _read_postmaster_pidfile(data_dir):\n", + "\n", + "def signal_stop(self, mode):\n", + "\n", + "def repr_size(n_bytes):\n", + "\n", + "def size_as_bytes(size_, prefix):\n", + "\n", + "def run(self):\n", + "\n", + "def should_use_s3_to_create_replica(self):\n", + "\n", + " def __init__(self, n_bytes, prefix=None):\n", + "\n", + " def __repr__(self):\n", + "\n", + " def __init__(self, items):\n", + "\n", + " def __repr__(self):\n", + "\n", + "def watching(w, watch, max_count=None, clear=True):\n", + "\n", + "def _do_failover_or_switchover(obj, action, cluster_name, master, candidate, force, scheduled=None):\n", + "\n", + "def touch_member(config, dcs):\n", + "\n", + " def restapi_connection_string(config):\n", + "\n", + "def set_defaults(config, cluster_name):\n", + "\n", + "def temporary_file(contents, suffix='', prefix='tmp'):\n", + "\n", + "def show_diff(before_editing, after_editing):\n", + "\n", + " def listify(string):\n", + "\n", + "def format_config_for_editing(data):\n", + "\n", + "def apply_config_changes(before_editing, data, kvpairs):\n", + "\n", + " def set_path_value(config, path, value, prefix=()):\n", + "\n", + "def apply_yaml_file(data, filename):\n", + "\n", + "def invoke_editor(before_editing, cluster_name):\n", + "\n", + "def _tag_ebs(self, conn, role):\n", + "\n", + "def _tag_ec2(self, conn, role):\n", + "\n", + "def failover_limitation(self):\n", + "\n", + "def get_effective_tags(self):\n", + "\n", + "def bootstrap_standby_leader(self):\n", + "\n", + "def process_sync_replication(self):\n", + "\n", + "def while_not_sync_standby(self, func):\n", + "\n", + "def fetch_node_status(member):\n", + "\n", + "def is_lagging(self, wal_position):\n", + "\n", + "def _is_healthiest_node(self, members, check_replication_lag=True):\n", + "\n", + "def demote(self, mode):\n", + "\n", + "def process_manual_failover_from_leader(self):\n", + "\n", + "def process_unhealthy_cluster(self):\n", + "\n", + "def restart(self, restart_data, run_async=False):\n", + "\n", + "def handle_starting_instance(self):\n", + "\n", + "def get_remote_member(self, member=None):\n", + "\n", + "def machines(self):\n", + "\n", + "def _get_machines_cache_from_srv(self, srv):\n", + "\n", + "def _get_machines_cache_from_dns(self, host, port):\n", + "\n", + "def _load_machines_cache(self):\n", + "\n", + "def pg_ctl(self, cmd, *args, **kwargs):\n", + "\n", + "def pg_isready(self):\n", + "\n", + "def can_rewind(self):\n", + "\n", + "def _query(self, sql, *params):\n", + "\n", + "def run_bootstrap_post_init(self, config):\n", + "\n", + "def can_create_replica_without_replication_connection(self):\n", + "\n", + "def create_replica(self, clone_member):\n", + "\n", + "def is_running(self):\n", + "\n", + "def call_nowait(self, cb_name):\n", + "\n", + "def wait_for_port_open(self, postmaster, timeout):\n", + "\n", + "def _build_effective_configuration(self):\n", + "\n", + "def start(self, timeout=None, task=None, block_callbacks=False, role=None):\n", + "\n", + "def stop(self, mode='fast', block_callbacks=False, checkpoint=None, on_safepoint=None):\n", + "\n", + "def check_startup_state_changed(self):\n", + "\n", + "def wait_for_startup(self, timeout=None):\n", + "\n", + "def restart(self, timeout=None, task=None, block_callbacks=False, role=None):\n", + "\n", + "def _replace_pg_hba(self):\n", + "\n", + "def _replace_pg_ident(self):\n", + "\n", + "def controldata(self):\n", + "\n", + "def save_configuration_files(self):\n", + "\n", + "def restore_configuration_files(self):\n", + "\n", + "def clone(self, clone_member):\n", + "\n", + "def bootstrap(self, config):\n", + "\n", + "def pick_synchronous_standby(self, cluster):\n", + "\n", + "def set_synchronous_standby(self, name):\n", + "\n", + "def postgres_version_to_int(pg_version):\n", + "\n", + "def read_postmaster_opts(self):\n", + "\n", + "def single_user_mode(self, command=None, options=None):\n", + "\n", + "def deep_compare(obj1, obj2):\n", + "\n", + "def patch_config(config, data):\n", + "\n", + "def parse_bool(value):\n", + "\n", + "def strtol(value, strict=True):\n", + "\n", + "def parse_int(value, base_unit=None):\n", + "\n", + "def compare_values(vartype, unit, old_value, new_value):\n", + "\n", + "def polling_loop(timeout, interval=1):\n", + "\n", + "def reset(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def check_auth(func):\n", + "\n", + " def do_PUT_foo():\n", + "\n", + " def wrapper(handler, *args, **kwargs):\n", + "\n", + "def do_GET(self, write_status_code_only=False):\n", + "\n", + "def parse_schedule(schedule, action):\n", + "\n", + "def parse_request(self):\n", + "\n", + "def _load_config_file(self):\n", + "\n", + "def slot_name_from_member_name(member_name):\n", + "\n", + " def replace_char(match):\n", + "\n", + "def parse_connection_string(value):\n", + "\n", + "def dcs_modules():\n", + "\n", + "def from_node(index, name, session, data):\n", + "\n", + "def from_node(index, data, modify_index=None):\n", + "\n", + "def from_node(index, value):\n", + "\n", + "def from_node(index, value):\n", + "\n", + "def timeline(self):\n", + "\n", + "def subsets_changed(last_observed_subsets, subsets):\n", + "\n", + "def after_feature(context, feature):\n", + "\n", + "def stop(self, kill=False, timeout=15):\n", + "\n", + "def _ioctl(self, func, arg):\n", + "\n", + "def json_safe(string, content_type='application/octet-stream'):\n", + "\n", + "def get_files():\n", + "\n", + "def get_headers(hide_env=True):\n", + "\n", + "def semiflatten(multi):\n", + "\n", + "def get_url(request):\n", + "\n", + "def get_dict(*keys, **extras):\n", + "\n", + "def status_code(code):\n", + "\n", + "def check_basic_auth(user, passwd):\n", + "\n", + "def HA1(realm, username, password, algorithm):\n", + "\n", + "def HA2(credentials, request, algorithm):\n", + "\n", + "def response(credentials, password, request):\n", + "\n", + "def check_digest_auth(user, passwd):\n", + "\n", + "def __parse_request_range(range_header_text):\n", + "\n", + "def parse_multi_value_header(header_str):\n", + "\n", + "def redirect_n_times(n):\n", + "\n", + "def redirect_to():\n", + "\n", + "def relative_redirect_n_times(n):\n", + "\n", + "def absolute_redirect_n_times(n):\n", + "\n", + "def stream_n_messages(n):\n", + "\n", + " def generate_stream():\n", + "\n", + "def view_status_code(codes):\n", + "\n", + "def response_headers():\n", + "\n", + "def view_cookies(hide_env=True):\n", + "\n", + "def set_cookie(name, value):\n", + "\n", + "def set_cookies():\n", + "\n", + "def delete_cookies():\n", + "\n", + "def basic_auth(user=\"user\", passwd=\"passwd\"):\n", + "\n", + "def hidden_basic_auth(user=\"user\", passwd=\"passwd\"):\n", + "\n", + "def bearer_auth():\n", + "\n", + "def digest_auth_nostale(qop=None, user=\"user\", passwd=\"passwd\", algorithm=\"MD5\"):\n", + "\n", + "def delay_response(delay):\n", + "\n", + "def drip():\n", + "\n", + " def generate_bytes():\n", + "\n", + "def cache():\n", + "\n", + "def etag(etag):\n", + "\n", + "def random_bytes(n):\n", + "\n", + "def stream_random_bytes(n):\n", + "\n", + " def generate_bytes():\n", + "\n", + "def range_request(numbytes):\n", + "\n", + " def generate_bytes():\n", + "\n", + "def link_page(n, offset):\n", + "\n", + "def image():\n", + "\n", + "def weighted_choice(choices):\n", + "\n", + "def x_runtime(f, *args, **kwargs):\n", + "\n", + "def gzip(f, *args, **kwargs):\n", + "\n", + "def deflate(f, *args, **kwargs):\n", + "\n", + "def brotli(f, *args, **kwargs):\n", + "\n", + "def get_version():\n", + "\n", + "def handle_fractal():\n", + "\n", + "def preprocess(config):\n", + "\n", + " def aux(ctx, service_name, service):\n", + "\n", + "def get_build_artefacts(config):\n", + "\n", + " def aux(ctx, service_name, service):\n", + "\n", + " def add_word(word, weights):\n", + "\n", + "def word_vec(self, word, use_norm=False):\n", + "\n", + "def neighbours(self, word, size = 10):\n", + "\n", + "def get_random_state(seed):\n", + "\n", + "def file_or_filename(input):\n", + "\n", + "def deaccent(text):\n", + "\n", + "def copytree_hardlink(source, dest):\n", + "\n", + "def simple_preprocess(doc, deacc=False, min_len=2, max_len=15):\n", + "\n", + "def any2utf8(text, errors='strict', encoding='utf8'):\n", + "\n", + "def any2unicode(text, encoding='utf8', errors='strict'):\n", + "\n", + "def is_digit(obj):\n", + "\n", + "def is_zh(ch):\n", + "\n", + "def _load_stopwords(file_path):\n", + "\n", + "def _segment_words(sen):\n", + "\n", + "def _load_w2v(model_file=_f_model, binary=True):\n", + "\n", + "def _get_wv(sentence, ignore=False):\n", + "\n", + "def _levenshtein_distance(sentence1, sentence2):\n", + "\n", + "def _nearby_levenshtein_distance(s1, s2):\n", + "\n", + "def _similarity_distance(s1, s2, ignore):\n", + "\n", + "def nearby(word):\n", + "\n", + "def compare(s1, s2, seg=True, ignore=False, stopwords=False):\n", + "\n", + "def add_sample(self, name, labels, value, timestamp=None, exemplar=None):\n", + "\n", + "def add_metric(self, labels, value, created=None, timestamp=None):\n", + "\n", + "def add_metric(self, labels, count_value, sum_value, timestamp=None):\n", + "\n", + "def add_metric(self, labels, buckets, sum_value, timestamp=None):\n", + "\n", + "def add_metric(self, labels, buckets, gsum_value, timestamp=None):\n", + "\n", + "def add_metric(self, labels, value, timestamp=None):\n", + "\n", + "def add_metric(self, labels, value, timestamp=None):\n", + "\n", + "def make_wsgi_app(registry=REGISTRY):\n", + "\n", + " def prometheus_app(environ, start_response):\n", + "\n", + "def start_wsgi_server(port, addr='', registry=REGISTRY):\n", + "\n", + "def start_http_server(port, addr='', registry=REGISTRY):\n", + "\n", + "def write_to_textfile(path, registry):\n", + "\n", + "def default_handler(url, method, timeout, headers, data):\n", + "\n", + " def handle():\n", + "\n", + "def basic_auth_handler(url, method, timeout, headers, data, username=None, password=None):\n", + "\n", + " def handle():\n", + "\n", + "def instance_ip_grouping_key():\n", + "\n", + "def factory(cls, registry):\n", + "\n", + "def text_fd_to_metric_families(fd):\n", + "\n", + " def build_metric(name, documentation, typ, unit, samples):\n", + "\n", + "def register(self, collector):\n", + "\n", + "def unregister(self, collector):\n", + "\n", + "def _get_names(self, collector):\n", + "\n", + "def collect(self):\n", + "\n", + "def restricted_registry(self, names):\n", + "\n", + " def collect(self):\n", + "\n", + "def get_sample_value(self, name, labels=None):\n", + "\n", + "def mark_process_dead(pid, path=None):\n", + "\n", + "def merge(files, accumulate=True):\n", + "\n", + "def getargspec(f):\n", + "\n", + "def decorate(func, caller):\n", + "\n", + "def decorator(caller, _func=None):\n", + "\n", + "def append(a, vancestors):\n", + "\n", + "def text_fd_to_metric_families(fd):\n", + "\n", + " def build_metric(name, documentation, typ, samples):\n", + "\n", + "def mmap_key(metric_name, name, labelnames, labelvalues):\n", + "\n", + "def _init_value(self, key):\n", + "\n", + "def _read_all_values(self):\n", + "\n", + "def labels(self, *labelvalues, **labelkwargs):\n", + "\n", + "def remove(self, *labelvalues):\n", + "\n", + "def set_function(self, f):\n", + "\n", + " def samples(self):\n", + "\n", + "def observe(self, amount):\n", + "\n", + "def observe(self, amount):\n", + "\n", + "def info(self, val):\n", + "\n", + "def state(self, state):\n", + "\n", + "def from_settings(cls, settings):\n", + "\n", + "def request_seen(self, request):\n", + "\n", + "def log(self, request, spider):\n", + "\n", + "def process_items(r, keys, timeout, limit=0, log_every=1000, wait=.1):\n", + "\n", + "def get_redis_from_settings(settings):\n", + "\n", + "def get_redis(**kwargs):\n", + "\n", + "def bytes_to_str(s, encoding='utf-8'):\n", + "\n", + "def setup_redis(self, crawler=None):\n", + "\n", + "def next_requests(self):\n", + "\n", + "def make_request_from_data(self, data):\n", + "\n", + "def schedule_next_requests(self):\n", + "\n", + "def _encode_request(self, request):\n", + "\n", + "def _decode_request(self, encoded_request):\n", + "\n", + "def push(self, request):\n", + "\n", + "def push(self, request):\n", + "\n", + "def pop(self, timeout=0):\n", + "\n", + "def rgb2short(r, g, b):\n", + "\n", + "def n_or_empty(self, _key):\n", + "\n", + "def maybe_shorten_name(powerline, name):\n", + "\n", + "def get_fg_bg(powerline, name, is_last_dir):\n", + "\n", + "def get_valid_cwd():\n", + "\n", + "def validate_email(value: str) -> Tuple[str, str]:\n", + "\n", + "def import_string(dotted_path: str) -> Any:\n", + "\n", + "def truncate(v: str, *, max_len: int = 80) -> str:\n", + "\n", + "def validate_field_name(bases: List[Type['BaseModel']], field_name: str) -> None:\n", + "\n", + "def url_regex_generator(*, relative: bool, require_tld: bool) -> Pattern[str]:\n", + "\n", + "def resolve_annotations(raw_annotations: Dict[str, AnyType], module_name: Optional[str]) -> Dict[str, AnyType]:\n", + "\n", + "def update_field_forward_refs(field: 'Field', globalns: Any, localns: Any) -> None:\n", + "\n", + "def ip_v4_network_validator(v: Any) -> IPv4Network:\n", + "\n", + "def ip_v6_network_validator(v: Any) -> IPv6Network:\n", + "\n", + "def callable_validator(v: Any) -> AnyCallable:\n", + "\n", + "def _build_environ(self) -> Dict[str, Optional[str]]:\n", + "\n", + " def dec(f: AnyCallable) -> classmethod:\n", + "\n", + "def make_generic_validator(validator: AnyCallable) -> 'ValidatorCallable':\n", + "\n", + "def is_complex(self) -> bool:\n", + "\n", + "def get_field_schema_validations(field: Field) -> Dict[str, Any]:\n", + "\n", + "def get_model_name_map(unique_models: Set[Type['main.BaseModel']]) -> Dict[Type['main.BaseModel'], str]:\n", + "\n", + "def get_flat_models_from_model(model: Type['main.BaseModel']) -> Set[Type['main.BaseModel']]:\n", + "\n", + "def get_flat_models_from_field(field: Field) -> Set[Type['main.BaseModel']]:\n", + "\n", + "def get_flat_models_from_fields(fields: Sequence[Field]) -> Set[Type['main.BaseModel']]:\n", + "\n", + "def get_flat_models_from_models(models: Sequence[Type['main.BaseModel']]) -> Set[Type['main.BaseModel']]:\n", + "\n", + "def get_annotation_from_schema(annotation: Any, schema: Schema) -> Type[Any]:\n", + "\n", + "def construct(cls: Type['Model'], values: 'DictAny', fields_set: 'SetStr') -> 'Model':\n", + "\n", + "def update_forward_refs(cls, **localns: Any) -> None:\n", + "\n", + "def timedelta_isoformat(td: datetime.timedelta) -> str:\n", + "\n", + "def parse_date(value: Union[date, StrIntFloat]) -> date:\n", + "\n", + "def parse_time(value: Union[time, str]) -> time:\n", + "\n", + "def parse_datetime(value: Union[datetime, StrIntFloat]) -> datetime:\n", + "\n", + "def parse_duration(value: StrIntFloat) -> timedelta:\n", + "\n", + "def translate_resource_args(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def _check_update_(self):\n", + "\n", + "def _fetch_pages(self,\n", + "\n", + "def _get_items_from_page(self,\n", + "\n", + "def find(self, resource_format, ids=None):\n", + "\n", + "def async_do(self, size=10):\n", + "\n", + "def application_properties(self, key=None):\n", + "\n", + "def set_application_property(self, key, value):\n", + "\n", + "def applicationlinks(self, cached=True):\n", + "\n", + "def add_attachment(self, issue, attachment, filename=None):\n", + "\n", + " def file_stream():\n", + "\n", + "def delete_attachment(self, id):\n", + "\n", + "def create_component(self,\n", + "\n", + "def delete_component(self, id):\n", + "\n", + "def dashboards(self, filter=None, startAt=0, maxResults=20):\n", + "\n", + "def favourite_filters(self):\n", + "\n", + "def create_filter(self, name=None, description=None,\n", + "\n", + "def update_filter(self, filter_id,\n", + "\n", + "def group(self, id, expand=None):\n", + "\n", + "def groups(self, query=None, exclude=None, maxResults=9999):\n", + "\n", + "def group_members(self, group):\n", + "\n", + "def add_group(self, groupname):\n", + "\n", + "def remove_group(self, groupname):\n", + "\n", + "def issue(self, id, fields=None, expand=None):\n", + "\n", + "def create_issue(self, fields=None, prefetch=True, **fieldargs):\n", + "\n", + "def create_issues(self, field_list, prefetch=True):\n", + "\n", + "def supports_service_desk(self):\n", + "\n", + "def create_customer(self, email, displayName):\n", + "\n", + "def service_desks(self):\n", + "\n", + "def create_customer_request(self, fields=None, prefetch=True, **fieldargs):\n", + "\n", + "def createmeta(self,\n", + "\n", + "def assign_issue(self, issue, assignee):\n", + "\n", + "def comments(self, issue):\n", + "\n", + "def add_comment(self, issue, body, visibility=None, is_internal=False):\n", + "\n", + "def remote_links(self, issue):\n", + "\n", + "def add_remote_link(self, issue, destination, globalId=None, application=None, relationship=None):\n", + "\n", + "def add_simple_link(self, issue, object):\n", + "\n", + "def transitions(self, issue, id=None, expand=None):\n", + "\n", + "def find_transitionid_by_name(self, issue, transition_name):\n", + "\n", + "def transition_issue(self, issue, transition, fields=None, comment=None, worklog=None, **fieldargs):\n", + "\n", + "def add_vote(self, issue):\n", + "\n", + "def remove_vote(self, issue):\n", + "\n", + "def add_watcher(self, issue, watcher):\n", + "\n", + "def remove_watcher(self, issue, watcher):\n", + "\n", + "def worklogs(self, issue):\n", + "\n", + "def add_worklog(self,\n", + "\n", + "def create_issue_link(self, type, inwardIssue, outwardIssue, comment=None):\n", + "\n", + "def delete_issue_link(self, id):\n", + "\n", + "def issue_link_types(self):\n", + "\n", + "def issue_types(self):\n", + "\n", + "def issue_type_by_name(self, name):\n", + "\n", + "def request_types(self, service_desk):\n", + "\n", + "def my_permissions(self,\n", + "\n", + "def priorities(self):\n", + "\n", + "def projects(self):\n", + "\n", + "def create_temp_project_avatar(self, project, filename, size, avatar_img, contentType=None, auto_confirm=False):\n", + "\n", + "def confirm_project_avatar(self, project, cropping_properties):\n", + "\n", + "def set_project_avatar(self, project, avatar):\n", + "\n", + "def delete_project_avatar(self, project, avatar):\n", + "\n", + "def project_components(self, project):\n", + "\n", + "def project_versions(self, project):\n", + "\n", + "def get_project_version_by_name(self, project, version_name):\n", + "\n", + "def rename_version(self, project, old_name, new_name):\n", + "\n", + "def project_roles(self, project):\n", + "\n", + "def project_role(self, project, id):\n", + "\n", + "def resolutions(self):\n", + "\n", + "def search_issues(self,\n", + "\n", + "def server_info(self):\n", + "\n", + "def statuses(self):\n", + "\n", + "def statuscategories(self):\n", + "\n", + "def user(self, id, expand=None):\n", + "\n", + "def search_assignable_users_for_projects(self, username, projectKeys, startAt=0, maxResults=50):\n", + "\n", + "def search_assignable_users_for_issues(self,\n", + "\n", + "def create_temp_user_avatar(self,\n", + "\n", + "def confirm_user_avatar(self, user, cropping_properties):\n", + "\n", + "def set_user_avatar(self, username, avatar):\n", + "\n", + "def delete_user_avatar(self, username, avatar):\n", + "\n", + "def search_users(self, user, startAt=0, maxResults=50, includeActive=True, includeInactive=False):\n", + "\n", + "def search_allowed_users_for_issue(self, user, issueKey=None, projectKey=None, startAt=0, maxResults=50):\n", + "\n", + "def create_version(self,\n", + "\n", + "def move_version(self, id, after=None, position=None):\n", + "\n", + "def version(self, id, expand=None):\n", + "\n", + "def session(self, auth=None):\n", + "\n", + "def kill_websudo(self):\n", + "\n", + "def _create_http_basic_session(self, username, password, timeout=None):\n", + "\n", + "def _get_url(self, path, base=JIRA_BASE_URL):\n", + "\n", + "def _get_json(self,\n", + "\n", + "def _get_mime_type(self, buff):\n", + "\n", + "def rename_user(self, old_user, new_user):\n", + "\n", + "def delete_user(self, username):\n", + "\n", + "def deactivate_user(self, username):\n", + "\n", + "def reindex(self, force=False, background=True):\n", + "\n", + "def backup(self, filename='backup.zip', attachments=False):\n", + "\n", + "def backup_progress(self):\n", + "\n", + "def backup_complete(self):\n", + "\n", + "def backup_download(self, filename=None):\n", + "\n", + "def current_user(self):\n", + "\n", + "def delete_project(self, pid):\n", + "\n", + "def create_project(self, key, name=None, assignee=None, type=\"Software\", template_name=None):\n", + "\n", + "def add_user(self,\n", + "\n", + "def add_user_to_group(self, username, group):\n", + "\n", + "def remove_user_from_group(self, username, groupname):\n", + "\n", + "def boards(self, startAt=0, maxResults=50, type=None, name=None, projectKeyOrID=None):\n", + "\n", + "def sprints(self, board_id, extended=False, startAt=0, maxResults=50, state=None):\n", + "\n", + "def incompletedIssuesEstimateSum(self, board_id, sprint_id):\n", + "\n", + "def removed_issues(self, board_id, sprint_id):\n", + "\n", + "def removedIssuesEstimateSum(self, board_id, sprint_id):\n", + "\n", + "def sprint_info(self, board_id, sprint_id):\n", + "\n", + "def sprint(self, id):\n", + "\n", + "def delete_board(self, id):\n", + "\n", + "def create_board(self, name, project_ids, preset=\"scrum\",\n", + "\n", + "def create_sprint(self, name, board_id, startDate=None, endDate=None):\n", + "\n", + "def add_issues_to_sprint(self, sprint_id, issue_keys):\n", + "\n", + "def add_issues_to_epic(self, epic_id, issue_keys, ignore_epics=True):\n", + "\n", + "def rank(self, issue, next_issue):\n", + "\n", + "def dict2resource(raw, top=None, options=None, session=None):\n", + "\n", + "def find(self,\n", + "\n", + "def _get_url(self, path):\n", + "\n", + "def update(self, fields=None, async_=None, jira=None, notify=True, **kwargs):\n", + "\n", + "def delete(self, params=None):\n", + "\n", + "def _load(self,\n", + "\n", + "def _parse_raw(self, raw):\n", + "\n", + "def get(self):\n", + "\n", + "def iter_content(self, chunk_size=1024):\n", + "\n", + "def delete(self, moveIssuesTo=None):\n", + "\n", + "def update(self, fields=None, update=None, async_=None, jira=None, notify=True, **fieldargs):\n", + "\n", + "def add_field_value(self, field, value):\n", + "\n", + "def delete(self, deleteSubtasks=False):\n", + "\n", + "def update(self, object, globalId=None, application=None, relationship=None):\n", + "\n", + "def delete(self, adjustEstimate=None, newEstimate=None, increaseBy=None):\n", + "\n", + "def update(self, users=None, groups=None):\n", + "\n", + "def add_user(self, users=None, groups=None):\n", + "\n", + "def delete(self, moveFixIssuesTo=None, moveAffectedIssuesTo=None):\n", + "\n", + "def update(self, **args):\n", + "\n", + "def get_jira(profile=None, url=\"http://localhost:2990\", username=\"admin\", password=\"admin\", appid=None, autofix=False, verify=True):\n", + "\n", + " def findfile(path):\n", + "\n", + "def make_view(robot):\n", + "\n", + " def hello(message):\n", + "\n", + " def werobot_view():\n", + "\n", + "def from_pyfile(self, filename):\n", + "\n", + "def make_handler(robot):\n", + "\n", + " def hello(message):\n", + "\n", + " def prepare(self):\n", + "\n", + " def get(self):\n", + "\n", + " def post(self):\n", + "\n", + "def get(self, id):\n", + "\n", + "def set(self, id, value):\n", + "\n", + "def grant_token(self):\n", + "\n", + "def get_access_token(self):\n", + "\n", + "def create_custom_menu(self, menu_data, matchrule):\n", + "\n", + "def add_custom_service_account(self, account, nickname, password):\n", + "\n", + "def update_custom_service_account(self, account, nickname, password):\n", + "\n", + "def delete_custom_service_account(self, account, nickname, password):\n", + "\n", + "def upload_custom_service_account_avatar(self, account, avatar):\n", + "\n", + "def download_media(self, media_id):\n", + "\n", + "def upload_news_picture(self, file):\n", + "\n", + "def upload_permanent_media(self, media_type, media_file):\n", + "\n", + "def upload_permanent_video(self, title, introduction, video):\n", + "\n", + "def download_permanent_media(self, media_id):\n", + "\n", + "def get_media_list(self, media_type, offset, count):\n", + "\n", + "def create_group(self, name):\n", + "\n", + "def update_group(self, group_id, name):\n", + "\n", + "def move_users(self, user_id_list, group_id):\n", + "\n", + "def remark_user(self, user_id, remark):\n", + "\n", + "def get_user_info(self, user_id, lang=\"zh_CN\"):\n", + "\n", + "def get_users_info(self, user_id_list, lang=\"zh_CN\"):\n", + "\n", + "def get_followers(self, first_user_id=None):\n", + "\n", + "def send_text_message(self, user_id, content, kf_account=None):\n", + "\n", + "def send_image_message(self, user_id, media_id, kf_account=None):\n", + "\n", + "def send_voice_message(self, user_id, media_id, kf_account=None):\n", + "\n", + "def send_article_message(self, user_id, articles, kf_account=None):\n", + "\n", + "def send_news_message(self, user_id, media_id, kf_account=None):\n", + "\n", + "def send_template_message(self, user_id, template_id, data, url=''):\n", + "\n", + "def update_tag(self, tag_id, tag_name):\n", + "\n", + "def get_users_by_tag(self, tag_id, next_open_id=\"\"):\n", + "\n", + "def tag_users(self, tag_id, open_id_list):\n", + "\n", + "def untag_users(self, tag_id, open_id_list):\n", + "\n", + "def get(self, id):\n", + "\n", + "def encrypt(self, text, app_id):\n", + "\n", + "def decrypt(self, text, app_id):\n", + "\n", + "def decrypt_message(self, timestamp, nonce, msg_signature, encrypt_msg):\n", + "\n", + "def encrypt_message(self, reply, timestamp=None, nonce=None):\n", + "\n", + "def set(self, id, value):\n", + "\n", + "def make_view(robot):\n", + "\n", + " def werobot_view(request):\n", + "\n", + "def create_js_pay_package(self, **package):\n", + "\n", + "def create_js_pay_params(self, **package):\n", + "\n", + "def create_js_edit_address_param(self, accesstoken, **params):\n", + "\n", + "def create_native_pay_url(self, productid):\n", + "\n", + "def pay_deliver_notify(self, **deliver_info):\n", + "\n", + "def pay_order_query(self, out_trade_no):\n", + "\n", + "def byte2int(s, index=0):\n", + "\n", + "def key_click(self, key):\n", + "\n", + " def wraps(f):\n", + "\n", + " def onclick(message, session=None):\n", + "\n", + "def filter(self, *args):\n", + "\n", + " def wraps(f):\n", + "\n", + "def add_handler(self, func, type='all'):\n", + "\n", + "def add_filter(self, func, rules):\n", + "\n", + " def _check_content(message):\n", + "\n", + " def _check_content(message):\n", + "\n", + " def _f(message, session=None):\n", + "\n", + "def get_reply(self, message):\n", + "\n", + "def get_encrypted_reply(self, message):\n", + "\n", + "def check_signature(self, timestamp, nonce, signature):\n", + "\n", + "def get(self, id):\n", + "\n", + "def delete(self, id):\n", + "\n", + "def make_view(robot):\n", + "\n", + " def hello(message):\n", + "\n", + " def werobot_view(*args, **kwargs):\n", + "\n", + "def process_message(message):\n", + "\n", + "def set(self, id, value):\n", + "\n", + "def get(self, id):\n", + "\n", + "def set(self, id, value):\n", + "\n", + "def delete(self, id):\n", + "\n", + "def load_vectors(self, vectors, **kwargs):\n", + "\n", + "def set_vectors(self, stoi, vectors, dim, unk_init=torch.Tensor.zero_):\n", + "\n", + "def splits(cls, text_field, label_field, root='.data',\n", + "\n", + "def iters(cls, batch_size=32, device=0, root='.data', vectors=None, **kwargs):\n", + "\n", + "def interleave_keys(a, b):\n", + "\n", + " def interleave(args):\n", + "\n", + "def use_internal_state(self):\n", + "\n", + "def download_from_url(url, path):\n", + "\n", + " def process_response(r):\n", + "\n", + "def unicode_csv_reader(unicode_csv_data, **kwargs):\n", + "\n", + "def splits(cls, exts, fields, path=None, root='.data',\n", + "\n", + "def splits(cls, exts, fields, root='.data',\n", + "\n", + "def splits(cls, exts, fields, root='.data',\n", + "\n", + "def process(self, batch, *args, **kwargs):\n", + "\n", + "def preprocess(self, x):\n", + "\n", + "def process(self, batch, device=None):\n", + "\n", + "def pad(self, minibatch):\n", + "\n", + "def build_vocab(self, *args, **kwargs):\n", + "\n", + "def numericalize(self, arr, device=None):\n", + "\n", + "def segment(self, *args):\n", + "\n", + "def preprocess(self, xs):\n", + "\n", + "def pad(self, minibatch):\n", + "\n", + "def build_vocab(self, *args, **kwargs):\n", + "\n", + "def numericalize(self, arrs, device=None):\n", + "\n", + "def batch(data, batch_size, batch_size_fn=None):\n", + "\n", + " def batch_size_fn(new, count, sofar):\n", + "\n", + "def pool(data, batch_size, key, batch_size_fn=lambda new, count, sofar: count,\n", + "\n", + "def splits(cls, datasets, batch_sizes=None, **kwargs):\n", + "\n", + "def data(self):\n", + "\n", + "def init_epoch(self):\n", + "\n", + "def fromvars(cls, dataset, batch_size, train=None, **kwargs):\n", + "\n", + "def splits(cls, fields, root=\".data\", train=\"en-ud-tag.v2.train.txt\",\n", + "\n", + "def splits(cls, fields, root=\".data\", train=\"train.txt\",\n", + "\n", + "def splits(cls, text_field, label_field, root='.data',\n", + "\n", + "def splits(cls, text_field, root='.data', train='wiki.train.tokens',\n", + "\n", + "def iters(cls, batch_size=32, bptt_len=35, device=0, root='.data',\n", + "\n", + "def call(self, x, *args):\n", + "\n", + "def add_before(self, pipeline):\n", + "\n", + "def add_after(self, pipeline):\n", + "\n", + "def check_split_ratio(split_ratio):\n", + "\n", + "def split(self, split_ratio=0.7, stratified=False, strata_field='label',\n", + "\n", + "def download(cls, root, check=None):\n", + "\n", + "def filter_examples(self, field_names):\n", + "\n", + "def splits(cls, text_field, label_field, parse_field=None,\n", + "\n", + "def iters(cls, batch_size=32, device=0, root='.data',\n", + "\n", + "def bytes_to_unicode(byte_data, escape, skip_printable=False):\n", + "\n", + "def apply_escape_bytes(byte_data, escape, skip_printable=False):\n", + "\n", + "def _decode_module_id(self, module_id):\n", + "\n", + "def format_step(step, zero_prefix=False):\n", + "\n", + "def log(self, step, **kwargs):\n", + "\n", + "def get_total_time(self):\n", + "\n", + "def outgoing(self, node):\n", + "\n", + "def siblings(self, node):\n", + "\n", + "def remove(self, nodes):\n", + "\n", + "def replace(self, nodes, node):\n", + "\n", + "def search(self, pattern):\n", + "\n", + "def sequence_id(self, sequence):\n", + "\n", + "def build_dot(self):\n", + "\n", + "def to_data(value):\n", + "\n", + "def write(*args):\n", + "\n", + "def norm(image):\n", + "\n", + "def show_images(images, titles=None, cols=5, **kwargs):\n", + "\n", + "def draw_summary(self, history, title=\"\"):\n", + "\n", + "def draw_plot(self, metrics, labels=None, ylabel=\"\"):\n", + "\n", + "def draw_image(self, metric, limit=5):\n", + "\n", + "def draw_hist(self, metric, title=\"\"):\n", + "\n", + "def _load(self, dataset='train'):\n", + "\n", + "def model(self, inputs, mode='train'):\n", + "\n", + "def maybe_download_and_extract(self):\n", + "\n", + " def _progress(count, block_size, total_size):\n", + "\n", + "def dump_pytorch_graph(graph):\n", + "\n", + "def pytorch_id(node):\n", + "\n", + "def get_shape(torch_node):\n", + "\n", + "def dump_tf_graph(tfgraph, tfgraphdef):\n", + "\n", + "def import_graph(hl_graph, tf_graph, output=None, verbose=False):\n", + "\n", + "def send_fetches(self):\n", + "\n", + "def reset_offsets_if_needed(self, partitions):\n", + "\n", + "def update_fetch_positions(self, partitions):\n", + "\n", + "def _reset_offset(self, partition):\n", + "\n", + "def _retrieve_offsets(self, timestamps, timeout_ms=float(\"inf\")):\n", + "\n", + "def fetched_records(self, max_records=None):\n", + "\n", + "def _message_generator(self):\n", + "\n", + "def _send_offset_requests(self, timestamps):\n", + "\n", + " def on_success(value):\n", + "\n", + " def on_fail(err):\n", + "\n", + "def _handle_offset_response(self, future, response):\n", + "\n", + "def _create_fetch_requests(self):\n", + "\n", + "def _handle_fetch_response(self, request, send_time, response):\n", + "\n", + "def record(self, partition, num_bytes, num_records):\n", + "\n", + "def _auto_commit(self):\n", + "\n", + "def pending(self, partitions=None):\n", + "\n", + "def murmur2(data):\n", + "\n", + "def get_messages(self, count=1, block=True, timeout=10):\n", + "\n", + "def mark(self, partition, offset):\n", + "\n", + "def commit(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def commit_partition_offsets(self, partition_offsets):\n", + "\n", + "def update_consumer_offsets(self, partition_offsets):\n", + "\n", + "def coordinator(self):\n", + "\n", + "def ensure_coordinator_ready(self):\n", + "\n", + "def poll_heartbeat(self):\n", + "\n", + "def ensure_active_group(self):\n", + "\n", + "def _send_join_group_request(self):\n", + "\n", + "def _on_join_leader(self, response):\n", + "\n", + "def _send_group_coordinator_request(self):\n", + "\n", + "def coordinator_dead(self, error):\n", + "\n", + "def generation(self):\n", + "\n", + "def reset_generation(self):\n", + "\n", + "def maybe_leave_group(self):\n", + "\n", + "def _send_heartbeat_request(self):\n", + "\n", + "def metric_name(self, name, group, description='', tags=None):\n", + "\n", + "def sensor(self, name, config=None,\n", + "\n", + "def remove_sensor(self, name):\n", + "\n", + "def add_metric(self, metric_name, measurable, config=None):\n", + "\n", + "def remove_metric(self, metric_name):\n", + "\n", + "def add_reporter(self, reporter):\n", + "\n", + "def close(self):\n", + "\n", + "def create_snappy_message(payloads, key=None):\n", + "\n", + "def create_message_set(messages, codec=CODEC_NONE, key=None, compresslevel=None):\n", + "\n", + "def _encode_message_header(cls, client_id, correlation_id, request_key,\n", + "\n", + "def _encode_message_set(cls, messages):\n", + "\n", + "def encode_produce_request(cls, payloads=(), acks=1, timeout=1000):\n", + "\n", + "def decode_produce_response(cls, response):\n", + "\n", + "def encode_fetch_request(cls, payloads=(), max_wait_time=100, min_bytes=4096):\n", + "\n", + "def decode_fetch_response(cls, response):\n", + "\n", + "def decode_offset_response(cls, response):\n", + "\n", + "def decode_list_offset_response(cls, response):\n", + "\n", + "def encode_metadata_request(cls, topics=(), payloads=None):\n", + "\n", + "def encode_consumer_metadata_request(cls, client_id, correlation_id, payloads):\n", + "\n", + "def decode_consumer_metadata_response(cls, data):\n", + "\n", + "def encode_offset_commit_request(cls, group, payloads):\n", + "\n", + "def decode_offset_commit_response(cls, response):\n", + "\n", + "def encode_offset_fetch_request(cls, group, payloads, from_kafka=False):\n", + "\n", + "def decode_offset_fetch_response(cls, response):\n", + "\n", + "def _fileobj_lookup(self, fileobj):\n", + "\n", + "def _check_forest(self, sensors):\n", + "\n", + "def record(self, value=1.0, time_ms=None):\n", + "\n", + "def _check_quotas(self, time_ms):\n", + "\n", + "def add_compound(self, compound_stat, config=None):\n", + "\n", + "def add(self, metric_name, stat, config=None):\n", + "\n", + "def group_protocols(self):\n", + "\n", + "def poll(self):\n", + "\n", + "def time_to_next_poll(self):\n", + "\n", + "def need_rejoin(self):\n", + "\n", + "def refresh_committed_offsets_if_needed(self):\n", + "\n", + "def fetch_committed_offsets(self, partitions):\n", + "\n", + "def close(self, autocommit=True):\n", + "\n", + "def commit_offsets_async(self, offsets, callback=None):\n", + "\n", + "def commit_offsets_sync(self, offsets):\n", + "\n", + "def _send_offset_commit_request(self, offsets):\n", + "\n", + "def _send_offset_fetch_request(self, partitions):\n", + "\n", + "def subscribe(self, topics=(), pattern=None, listener=None):\n", + "\n", + "def _ensure_valid_topic_name(self, topic):\n", + "\n", + "def change_subscription(self, topics):\n", + "\n", + "def group_subscribe(self, topics):\n", + "\n", + "def reset_group_subscription(self):\n", + "\n", + "def assign_from_user(self, partitions):\n", + "\n", + "def assign_from_subscribed(self, assignments):\n", + "\n", + "def unsubscribe(self):\n", + "\n", + "def paused_partitions(self):\n", + "\n", + "def fetchable_partitions(self):\n", + "\n", + "def all_consumed_offsets(self):\n", + "\n", + "def need_offset_reset(self, partition, offset_reset_strategy=None):\n", + "\n", + "def _cleanup_factory(self):\n", + "\n", + " def wrapper():\n", + "\n", + "def close(self, timeout=None):\n", + "\n", + "def partitions_for(self, topic):\n", + "\n", + "def send(self, topic, value=None, key=None, headers=None, partition=None, timestamp_ms=None):\n", + "\n", + "def flush(self, timeout=None):\n", + "\n", + "def _ensure_valid_record_size(self, size):\n", + "\n", + "def _wait_on_metadata(self, topic, max_wait):\n", + "\n", + "def metrics(self, raw=False):\n", + "\n", + "def reset_partition_offset(self, partition):\n", + "\n", + "def seek(self, offset, whence=None, partition=None):\n", + "\n", + "def get_messages(self, count=1, block=True, timeout=0.1):\n", + "\n", + "def _get_message(self, block=True, timeout=0.1, get_partition_info=None,\n", + "\n", + "def encode_varint_1(num):\n", + "\n", + "def size_of_varint_1(value):\n", + "\n", + "def size_of_varint_2(value):\n", + "\n", + "def decode_varint_1(buffer, pos=0):\n", + "\n", + "def purge_obsolete_samples(self, config, now):\n", + "\n", + "def close(self):\n", + "\n", + "def _matching_api_version(self, operation):\n", + "\n", + "def _refresh_controller_id(self):\n", + "\n", + "def _find_group_coordinator_id(self, group_id):\n", + "\n", + "def _send_request_to_node(self, node_id, request):\n", + "\n", + "def _send_request_to_controller(self, request):\n", + "\n", + "def create_topics(self, new_topics, timeout_ms=None, validate_only=False):\n", + "\n", + "def delete_topics(self, topics, timeout_ms=None):\n", + "\n", + "def describe_configs(self, config_resources, include_synonyms=False):\n", + "\n", + "def alter_configs(self, config_resources):\n", + "\n", + "def create_partitions(self, topic_partitions, timeout_ms=None, validate_only=False):\n", + "\n", + "def describe_consumer_groups(self, group_ids, group_coordinator_id=None):\n", + "\n", + "def list_consumer_groups(self, broker_ids=None):\n", + "\n", + "def list_consumer_group_offsets(self, group_id, group_coordinator_id=None,\n", + "\n", + "def crc_update(crc, data):\n", + "\n", + "def maybe_expire(self, request_timeout_ms, retry_backoff_ms, linger_ms, is_full):\n", + "\n", + "def append(self, tp, timestamp_ms, key, value, headers, max_time_to_block_ms,\n", + "\n", + "def abort_expired_batches(self, request_timeout_ms, cluster):\n", + "\n", + "def reenqueue(self, batch):\n", + "\n", + "def ready(self, cluster):\n", + "\n", + "def has_unsent(self):\n", + "\n", + "def drain(self, cluster, nodes, max_size):\n", + "\n", + "def deallocate(self, batch):\n", + "\n", + "def await_flush_completion(self, timeout=None):\n", + "\n", + "def abort_incomplete_batches(self):\n", + "\n", + "def _abort_batches(self):\n", + "\n", + "def append(self, timestamp, key, value, headers=[]):\n", + "\n", + "def append(self, offset, timestamp, key, value, headers,\n", + "\n", + "def estimate_size_in_bytes(cls, key, value, headers):\n", + "\n", + "def time_to_next_heartbeat(self):\n", + "\n", + "def _address_family(address):\n", + "\n", + "def get_ip_port_afi(host_and_port_str):\n", + "\n", + "def collect_hosts(hosts, randomize=True):\n", + "\n", + "def dns_lookup(host, port, afi=socket.AF_UNSPEC):\n", + "\n", + "def connect(self):\n", + "\n", + "def _token_extensions(self):\n", + "\n", + "def blacked_out(self):\n", + "\n", + "def connection_delay(self):\n", + "\n", + "def connecting(self):\n", + "\n", + "def close(self, error=None):\n", + "\n", + "def send(self, request, blocking=True):\n", + "\n", + "def send_pending_requests(self):\n", + "\n", + "def recv(self):\n", + "\n", + "def _recv(self):\n", + "\n", + "def check_version(self, timeout=2, strict=False, topics=[]):\n", + "\n", + "def run(self):\n", + "\n", + "def run_once(self):\n", + "\n", + "def initiate_close(self):\n", + "\n", + "def _handle_produce_response(self, node_id, send_time, batches, response):\n", + "\n", + "def _complete_batch(self, batch, error, base_offset, timestamp_ms=None):\n", + "\n", + "def _can_retry(self, batch, error):\n", + "\n", + "def _create_produce_requests(self, collated):\n", + "\n", + "def _produce_request(self, node_id, acks, timeout, batches):\n", + "\n", + "def snappy_encode(payload, xerial_compatible=True, xerial_blocksize=32*1024):\n", + "\n", + "def _detect_xerial_stream(payload):\n", + "\n", + "def lz4f_decode(payload):\n", + "\n", + "def lz4_encode_old_kafka(payload):\n", + "\n", + "def brokers(self):\n", + "\n", + "def broker_metadata(self, broker_id):\n", + "\n", + "def partitions_for_topic(self, topic):\n", + "\n", + "def available_partitions_for_topic(self, topic):\n", + "\n", + "def leader_for_partition(self, partition):\n", + "\n", + "def ttl(self):\n", + "\n", + "def request_update(self):\n", + "\n", + "def topics(self, exclude_internal_topics=True):\n", + "\n", + "def failed_update(self, exception):\n", + "\n", + "def update_metadata(self, metadata):\n", + "\n", + "def add_group_coordinator(self, group, response):\n", + "\n", + "def with_partitions(self, partitions_to_add):\n", + "\n", + "def assign(self, partitions):\n", + "\n", + "def close(self, autocommit=True):\n", + "\n", + "def commit_async(self, offsets=None, callback=None):\n", + "\n", + "def commit(self, offsets=None):\n", + "\n", + "def committed(self, partition):\n", + "\n", + "def topics(self):\n", + "\n", + "def poll(self, timeout_ms=0, max_records=None):\n", + "\n", + "def _poll_once(self, timeout_ms, max_records):\n", + "\n", + "def position(self, partition):\n", + "\n", + "def highwater(self, partition):\n", + "\n", + "def pause(self, *partitions):\n", + "\n", + "def seek(self, partition, offset):\n", + "\n", + "def seek_to_beginning(self, *partitions):\n", + "\n", + "def seek_to_end(self, *partitions):\n", + "\n", + "def subscribe(self, topics=(), pattern=None, listener=None):\n", + "\n", + "def unsubscribe(self):\n", + "\n", + "def offsets_for_times(self, timestamps):\n", + "\n", + "def beginning_offsets(self, partitions):\n", + "\n", + "def end_offsets(self, partitions):\n", + "\n", + "def _use_consumer_group(self):\n", + "\n", + "def _update_fetch_positions(self, partitions):\n", + "\n", + "def snapshot(self):\n", + "\n", + "def get_category(self, metric):\n", + "\n", + "def maybe_connect(self, node_id, wakeup=True):\n", + "\n", + "def _maybe_connect(self, node_id):\n", + "\n", + "def ready(self, node_id, metadata_priority=True):\n", + "\n", + "def connected(self, node_id):\n", + "\n", + "def close(self, node_id=None):\n", + "\n", + "def is_disconnected(self, node_id):\n", + "\n", + "def connection_delay(self, node_id):\n", + "\n", + "def is_ready(self, node_id, metadata_priority=True):\n", + "\n", + "def send(self, node_id, request, wakeup=True):\n", + "\n", + "def poll(self, timeout_ms=None, future=None):\n", + "\n", + "def in_flight_request_count(self, node_id=None):\n", + "\n", + "def least_loaded_node(self):\n", + "\n", + "def set_topics(self, topics):\n", + "\n", + "def add_topic(self, topic):\n", + "\n", + "def _maybe_refresh_metadata(self, wakeup=False):\n", + "\n", + " def refresh_done(val_or_error):\n", + "\n", + "def check_version(self, node_id=None, timeout=2, strict=False):\n", + "\n", + "def window_size(self, config, now):\n", + "\n", + "def send_messages(self, topic, partition, *msg):\n", + "\n", + "def stop(self, timeout=None):\n", + "\n", + "def append(self, offset, timestamp, key, value, headers=None):\n", + "\n", + "def _encode_msg(self, start_pos, offset, timestamp, key, value,\n", + "\n", + "def size_in_bytes(self, offset, timestamp, key, value, headers=None):\n", + "\n", + "def estimate_size_in_bytes(cls, magic, compression_type, key, value):\n", + "\n", + "def allocate(self, size, max_time_to_block_ms):\n", + "\n", + "def deallocate(self, buf):\n", + "\n", + "def decode(cls, data, bytes_to_read=None):\n", + "\n", + "def encode_varint(value, write):\n", + "\n", + "def size_of_varint(value):\n", + "\n", + "def decode_varint(buffer, pos=0):\n", + "\n", + "def send_request(self, request, correlation_id=None):\n", + "\n", + "def send_bytes(self):\n", + "\n", + "def receive_bytes(self, data):\n", + "\n", + "def _get_conn(self, host, port, afi):\n", + "\n", + "def _get_leader_for_partition(self, topic, partition):\n", + "\n", + "def _get_coordinator_for_group(self, group):\n", + "\n", + "def _send_broker_unaware_request(self, payloads, encoder_fn, decoder_fn):\n", + "\n", + "def _send_broker_aware_request(self, payloads, encoder_fn, decoder_fn):\n", + "\n", + " def failed_payloads(payloads):\n", + "\n", + "def _send_consumer_aware_request(self, group, payloads, encoder_fn, decoder_fn):\n", + "\n", + "def copy(self):\n", + "\n", + "def load_metadata_for_topics(self, *topics, **kwargs):\n", + "\n", + "def send_produce_request(self, payloads=(), acks=1, timeout=1000,\n", + "\n", + "def send_fetch_request(self, payloads=(), fail_on_error=True,\n", + "\n", + "def verify(self):\n", + "\n", + "def verify_token_type(self):\n", + "\n", + "def set_exp(self, claim='exp', from_time=None, lifetime=None):\n", + "\n", + "def check_exp(self, claim='exp', current_time=None):\n", + "\n", + "def for_user(cls, user):\n", + "\n", + "def access_token(self):\n", + "\n", + "def encode(self, payload):\n", + "\n", + "def decode(self, token, verify=True):\n", + "\n", + "def get_header(self, request):\n", + "\n", + "def get_raw_token(self, header):\n", + "\n", + "def get_validated_token(self, raw_token):\n", + "\n", + "def get_user(self, validated_token):\n", + "\n", + "def get_user(self, validated_token):\n", + "\n", + "def default_cx(self):\n", + "\n", + "def default_cy(self):\n", + "\n", + "def filename(self):\n", + "\n", + "def from_image(cls, image, partname):\n", + "\n", + "def load(cls, partname, content_type, blob, package):\n", + "\n", + "def add_tab_stop(self, position, alignment=WD_TAB_ALIGNMENT.LEFT,\n", + "\n", + "def style(self, style):\n", + "\n", + "def subscript(self):\n", + "\n", + "def superscript(self):\n", + "\n", + "def _get_bool_val(self, name):\n", + "\n", + "def val(self):\n", + "\n", + "def new(cls, package):\n", + "\n", + "def new(cls, package):\n", + "\n", + "def default(cls, package):\n", + "\n", + "def _default_styles_xml(cls):\n", + "\n", + "def add_footerReference(self, type_, rId):\n", + "\n", + "def add_headerReference(self, type_, rId):\n", + "\n", + "def get_footerReference(self, type_):\n", + "\n", + "def get_headerReference(self, type_):\n", + "\n", + "def orientation(self):\n", + "\n", + "def remove_footerReference(self, type_):\n", + "\n", + "def remove_headerReference(self, type_):\n", + "\n", + "def start_type(self):\n", + "\n", + "def bool_prop(self, attr_name):\n", + "\n", + "def base_style(self):\n", + "\n", + "def next_style(self):\n", + "\n", + "def add_style_of_type(self, name, style_type, builtin):\n", + "\n", + "def default_for(self, style_type):\n", + "\n", + "def add_break(self, break_type=WD_BREAK.LINE):\n", + "\n", + "def add_picture(self, image_path_or_stream, width=None, height=None):\n", + "\n", + "def add_text(self, text):\n", + "\n", + "def style(self):\n", + "\n", + "def first_line_indent(self):\n", + "\n", + "def spacing_lineRule(self):\n", + "\n", + "def style(self, style):\n", + "\n", + "def insert_tab_in_order(self, pos, align, leader):\n", + "\n", + "def new(cls, cx, cy, shape_id, pic):\n", + "\n", + "def new_pic_inline(cls, shape_id, rId, filename, cx, cy):\n", + "\n", + "def new(cls, pic_id, filename, rId, cx, cy):\n", + "\n", + "def add_style(self, name, style_type, builtin=False):\n", + "\n", + "def default(self, style_type):\n", + "\n", + "def get_by_id(self, style_id, style_type):\n", + "\n", + "def get_style_id(self, style_or_name, style_type):\n", + "\n", + "def _get_by_id(self, style_id, style_type):\n", + "\n", + "def _get_style_id_from_style(self, style, style_type):\n", + "\n", + "def from_string(cls, rgb_hex_str):\n", + "\n", + "def iter_rels(self):\n", + "\n", + " def walk_rels(source, visited=None):\n", + "\n", + "def iter_parts(self):\n", + "\n", + " def walk_parts(source, visited=list()):\n", + "\n", + "def load_rel(self, reltype, target, rId, is_external=False):\n", + "\n", + "def next_partname(self, template):\n", + "\n", + "def open(cls, pkg_file):\n", + "\n", + "def relate_to(self, part, reltype):\n", + "\n", + "def save(self, pkg_file):\n", + "\n", + "def _core_properties_part(self):\n", + "\n", + "def unmarshal(pkg_reader, package, part_factory):\n", + "\n", + "def _unmarshal_parts(pkg_reader, package, part_factory):\n", + "\n", + "def _unmarshal_relationships(pkg_reader, package, parts):\n", + "\n", + "def default(cls, package):\n", + "\n", + "def add_latent_style(self, name):\n", + "\n", + "def relate_to(self, target, reltype, is_external=False):\n", + "\n", + "def _rel_ref_count(self, rId):\n", + "\n", + "def _part_cls_for(cls, content_type):\n", + "\n", + "def add_t(self, text):\n", + "\n", + "def add_drawing(self, inline_or_anchor):\n", + "\n", + "def clear_content(self):\n", + "\n", + "def text(self):\n", + "\n", + "def append_to_run_from_text(cls, r, text):\n", + "\n", + "def add_text(self, text):\n", + "\n", + "def add_char(self, char):\n", + "\n", + "def default(cls, package):\n", + "\n", + "def _get_bool_prop(self, name):\n", + "\n", + "def _set_bool_prop(self, name, value):\n", + "\n", + "def add_column(self, width):\n", + "\n", + "def add_row(self):\n", + "\n", + "def cell(self, row_idx, col_idx):\n", + "\n", + "def column_cells(self, column_idx):\n", + "\n", + "def row_cells(self, row_idx):\n", + "\n", + "def style(self):\n", + "\n", + "def _cells(self):\n", + "\n", + "def add_paragraph(self, text='', style=None):\n", + "\n", + "def add_table(self, rows, cols):\n", + "\n", + "def merge(self, other_cell):\n", + "\n", + "def text(self, text):\n", + "\n", + "def get_or_add_image(self, image_descriptor):\n", + "\n", + "def new_pic_inline(self, image_descriptor, width, height):\n", + "\n", + "def next_id(self):\n", + "\n", + "def _MarkerFactory(marker_code, stream, offset):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def app0(self):\n", + "\n", + "def app1(self):\n", + "\n", + "def sof(self):\n", + "\n", + "def iter_markers(self):\n", + "\n", + "def next(self, start):\n", + "\n", + "def _next_non_ff_byte(self, start):\n", + "\n", + "def _offset_of_next_ff_byte(self, start):\n", + "\n", + "def from_stream(cls, stream, marker_code, offset):\n", + "\n", + "def _dpi(self, density):\n", + "\n", + "def from_stream(cls, stream, marker_code, offset):\n", + "\n", + "def from_stream(cls, stream, marker_code, offset):\n", + "\n", + "def _is_non_Exif_APP1_segment(cls, stream, offset):\n", + "\n", + "def _tiff_from_exif_segment(cls, stream, offset, segment_length):\n", + "\n", + "def from_stream(cls, stream, marker_code, offset):\n", + "\n", + "def tc_at_grid_col(self, idx):\n", + "\n", + "def new_tbl(cls, rows, cols, width):\n", + "\n", + "def tblStyle_val(self, styleId):\n", + "\n", + "def autofit(self):\n", + "\n", + "def bottom(self):\n", + "\n", + "def clear_content(self):\n", + "\n", + "def iter_block_items(self):\n", + "\n", + "def merge(self, other_tc):\n", + "\n", + "def top(self):\n", + "\n", + "def _add_width_of(self, other_tc):\n", + "\n", + "def _grid_col(self):\n", + "\n", + "def _grow_to(self, width, height, top_tc=None):\n", + "\n", + " def vMerge_val(top_tc):\n", + "\n", + "def _is_empty(self):\n", + "\n", + "def _move_content_to(self, other_tc):\n", + "\n", + "def _remove_trailing_empty_p(self):\n", + "\n", + "def _span_dimensions(self, other_tc):\n", + "\n", + " def raise_on_inverted_L(a, b):\n", + "\n", + " def raise_on_tee_shaped(a, b):\n", + "\n", + "def _span_to_width(self, grid_width, top_tc, vMerge):\n", + "\n", + "def _swallow_next_tc(self, grid_width, top_tc):\n", + "\n", + " def raise_on_invalid_swallow(next_tc):\n", + "\n", + "def _tc_below(self):\n", + "\n", + "def _tr_above(self):\n", + "\n", + "def _tr_below(self):\n", + "\n", + "def alias(*aliases):\n", + "\n", + " def decorator(cls):\n", + "\n", + "def page_str(self):\n", + "\n", + "def _intro_text(self):\n", + "\n", + "def _member_def(self, member):\n", + "\n", + "def _member_defs(self):\n", + "\n", + "def _add_enum_members(meta, clsdict):\n", + "\n", + "def _collect_valid_settings(meta, clsdict):\n", + "\n", + "def validate(cls, value):\n", + "\n", + "def from_xml(cls, xml_val):\n", + "\n", + "def to_xml(cls, enum_val):\n", + "\n", + "def register_name(self, clsdict):\n", + "\n", + "def add_to_enum(self, clsdict):\n", + "\n", + "def register_xml_mapping(self, clsdict):\n", + "\n", + "def Document(docx=None):\n", + "\n", + "def _default_docx_path():\n", + "\n", + "def line_spacing(self):\n", + "\n", + "def line_spacing_rule(self):\n", + "\n", + "def _line_spacing(spacing_line, spacing_lineRule):\n", + "\n", + "def _line_spacing_rule(line, lineRule):\n", + "\n", + "def new(cls, num_id, abstractNum_id):\n", + "\n", + "def add_num(self, abstractNum_id):\n", + "\n", + "def num_having_numId(self, numId):\n", + "\n", + "def _next_numId(self):\n", + "\n", + "def add_relationship(self, reltype, target, rId, is_external=False):\n", + "\n", + "def get_or_add(self, reltype, target_part):\n", + "\n", + "def get_or_add_ext_rel(self, reltype, target_ref):\n", + "\n", + "def xml(self):\n", + "\n", + "def _get_matching(self, reltype, target, is_external=False):\n", + "\n", + " def matches(rel, reltype, target, is_external):\n", + "\n", + "def _get_rel_of_type(self, reltype):\n", + "\n", + "def _next_rId(self):\n", + "\n", + "def new(cls, nsptagname, val):\n", + "\n", + "def new(cls, nsptagname, val):\n", + "\n", + "def StyleFactory(style_elm):\n", + "\n", + "def name(self):\n", + "\n", + "def type(self):\n", + "\n", + "def next_paragraph_style(self):\n", + "\n", + "def revision_number(self):\n", + "\n", + "def revision_number(self, value):\n", + "\n", + "def _get_or_add(self, prop_name):\n", + "\n", + "def _offset_dt(cls, dt, offset_str):\n", + "\n", + "def _set_element_datetime(self, prop_name, value):\n", + "\n", + "def _set_element_text(self, prop_name, value):\n", + "\n", + "def _text_of_element(self, property_name):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def blob_for(self, pack_uri):\n", + "\n", + "def rels_xml_for(self, source_uri):\n", + "\n", + "def rels_xml_for(self, source_uri):\n", + "\n", + "def write(self, pack_uri, blob):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def qn(tag):\n", + "\n", + "def clear_content(self):\n", + "\n", + "def set_sectPr(self, sectPr):\n", + "\n", + "def from_file(pkg_file):\n", + "\n", + "def iter_sparts(self):\n", + "\n", + "def iter_srels(self):\n", + "\n", + "def _srels_for(phys_reader, source_uri):\n", + "\n", + "def from_xml(content_types_xml):\n", + "\n", + "def target_partname(self):\n", + "\n", + "def load_from_xml(baseURI, rels_item_xml):\n", + "\n", + "def from_rel_ref(baseURI, relative_ref):\n", + "\n", + "def ext(self):\n", + "\n", + "def idx(self):\n", + "\n", + "def relative_ref(self, baseURI):\n", + "\n", + "def rels_uri(self):\n", + "\n", + "def new(ext, content_type):\n", + "\n", + "def new(partname, content_type):\n", + "\n", + "def new(rId, reltype, target, target_mode=RTM.INTERNAL):\n", + "\n", + "def add_rel(self, rId, reltype, target, is_external=False):\n", + "\n", + "def add_default(self, ext, content_type):\n", + "\n", + "def add_override(self, partname, content_type):\n", + "\n", + "def add_paragraph(self, text='', style=None):\n", + "\n", + "def add_table(self, rows, cols, width):\n", + "\n", + "def tables(self):\n", + "\n", + "def _ChunkFactory(chunk_type, stream_rdr, offset):\n", + "\n", + "def horz_dpi(self):\n", + "\n", + "def vert_dpi(self):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def IHDR(self):\n", + "\n", + "def pHYs(self):\n", + "\n", + "def iter_chunks(self):\n", + "\n", + "def _iter_chunk_offsets(self):\n", + "\n", + "def from_offset(cls, chunk_type, stream_rdr, offset):\n", + "\n", + "def from_offset(cls, chunk_type, stream_rdr, offset):\n", + "\n", + "def read_byte(self, base, offset=0):\n", + "\n", + "def read_long(self, base, offset=0):\n", + "\n", + "def read_short(self, base, offset=0):\n", + "\n", + "def read_str(self, char_count, base, offset=0):\n", + "\n", + " def str_struct(char_count):\n", + "\n", + "def _gather_image_parts(self):\n", + "\n", + "def get_or_add_image_part(self, image_descriptor):\n", + "\n", + "def _add_image_part(self, image):\n", + "\n", + "def _get_by_sha1(self, sha1):\n", + "\n", + "def _next_image_partname(self, ext):\n", + "\n", + " def image_partname(n):\n", + "\n", + "def _get_or_add_definition(self):\n", + "\n", + "def _add_definition(self):\n", + "\n", + "def _definition(self):\n", + "\n", + "def _drop_definition(self):\n", + "\n", + "def _has_definition(self):\n", + "\n", + "def _prior_headerfooter(self):\n", + "\n", + "def _add_definition(self):\n", + "\n", + "def _definition(self):\n", + "\n", + "def _drop_definition(self):\n", + "\n", + "def _has_definition(self):\n", + "\n", + "def _prior_headerfooter(self):\n", + "\n", + "def add_heading(self, text=\"\", level=1):\n", + "\n", + "def add_page_break(self):\n", + "\n", + "def add_picture(self, image_path_or_stream, width=None, height=None):\n", + "\n", + "def add_section(self, start_type=WD_SECTION.NEW_PAGE):\n", + "\n", + "def add_table(self, rows, cols, style=None):\n", + "\n", + "def _block_width(self):\n", + "\n", + "def _body(self):\n", + "\n", + "def register_element_cls(tag, cls):\n", + "\n", + "def OxmlElement(nsptag_str, attrs=None, nsdecls=None):\n", + "\n", + "def _IfdEntryFactory(stream_rdr, offset):\n", + "\n", + "def from_stream(cls, stream):\n", + "\n", + "def parse(cls, stream):\n", + "\n", + "def _detect_endian(cls, stream):\n", + "\n", + "def _dpi(self, resolution_tag):\n", + "\n", + "def _make_stream_reader(cls, stream):\n", + "\n", + "def from_stream(cls, stream, offset):\n", + "\n", + "def iter_entries(self):\n", + "\n", + "def from_stream(cls, stream_rdr, offset):\n", + "\n", + "def _parse_value(cls, stream_rdr, offset, value_count, value_offset):\n", + "\n", + "def _parse_value(cls, stream_rdr, offset, value_count, value_offset):\n", + "\n", + "def _parse_value(cls, stream_rdr, offset, value_count, value_offset):\n", + "\n", + "def _parse_value(cls, stream_rdr, offset, value_count, value_offset):\n", + "\n", + "def add_footer_part(self):\n", + "\n", + "def add_header_part(self):\n", + "\n", + "def numbering_part(self):\n", + "\n", + "def _settings_part(self):\n", + "\n", + "def _styles_part(self):\n", + "\n", + "def text_of(relpath):\n", + "\n", + "def write(pkg_file, pkg_rels, parts):\n", + "\n", + "def _write_content_types_stream(phys_writer, parts):\n", + "\n", + "def _write_parts(phys_writer, parts):\n", + "\n", + "def from_parts(cls, parts):\n", + "\n", + "def _add_content_type(self, partname, content_type):\n", + "\n", + "def _element(self):\n", + "\n", + "def given_a_run_having_mixed_text_content(context):\n", + "\n", + "def add_section_break(self):\n", + "\n", + "def clear_content(self):\n", + "\n", + "def _ImageHeaderFactory(stream):\n", + "\n", + " def read_32(stream):\n", + "\n", + "def from_blob(cls, blob):\n", + "\n", + "def from_file(cls, image_descriptor):\n", + "\n", + "def scaled_dimensions(self, width=None, height=None):\n", + "\n", + "def _from_stream(cls, stream, blob, filename=None):\n", + "\n", + "def add_run(self, text=None, style=None):\n", + "\n", + "def insert_paragraph_before(self, text=None, style=None):\n", + "\n", + "def style(self):\n", + "\n", + "def text(self):\n", + "\n", + "def _insert_paragraph_before(self):\n", + "\n", + "def serialize_for_reading(element):\n", + "\n", + "def _attr_seq(self, attrs):\n", + "\n", + "def _eq_elm_strs(self, line, line_2):\n", + "\n", + "def _parse_line(cls, line):\n", + "\n", + "def populate_class_members(self, element_cls, prop_name):\n", + "\n", + "def _add_attr_property(self):\n", + "\n", + "def _getter(self):\n", + "\n", + " def get_attr_value(obj):\n", + "\n", + "def _setter(self):\n", + "\n", + " def set_attr_value(obj, value):\n", + "\n", + "def _getter(self):\n", + "\n", + " def get_attr_value(obj):\n", + "\n", + "def _setter(self):\n", + "\n", + " def set_attr_value(obj, value):\n", + "\n", + "def _add_adder(self):\n", + "\n", + " def _add_child(obj, **attrs):\n", + "\n", + "def _add_creator(self):\n", + "\n", + "def _add_getter(self):\n", + "\n", + "def _add_inserter(self):\n", + "\n", + " def _insert_child(obj, child):\n", + "\n", + "def _add_list_getter(self):\n", + "\n", + "def _add_public_adder(self):\n", + "\n", + " def add_child(obj):\n", + "\n", + "def _add_to_class(self, name, method):\n", + "\n", + "def _getter(self):\n", + "\n", + " def get_child_element(obj):\n", + "\n", + "def _list_getter(self):\n", + "\n", + " def get_child_element_list(obj):\n", + "\n", + "def _add_get_or_change_to_method(self):\n", + "\n", + " def get_or_change_to_child(obj):\n", + "\n", + "def _prop_name(self):\n", + "\n", + "def populate_class_members(self, element_cls, prop_name):\n", + "\n", + "def populate_class_members(self, element_cls, prop_name):\n", + "\n", + "def populate_class_members(self, element_cls, prop_name):\n", + "\n", + "def _add_get_or_adder(self):\n", + "\n", + " def get_or_add_child(obj):\n", + "\n", + "def _add_remover(self):\n", + "\n", + " def _remove_child(obj):\n", + "\n", + "def populate_class_members(self, element_cls, prop_name):\n", + "\n", + "def _add_choice_getter(self):\n", + "\n", + "def _add_group_remover(self):\n", + "\n", + " def _remove_choice_group(obj):\n", + "\n", + "def _choice_getter(self):\n", + "\n", + " def get_group_member_element(obj):\n", + "\n", + "def first_child_found_in(self, *tagnames):\n", + "\n", + "def remove_all(self, *tagnames):\n", + "\n", + "def xpath(self, xpath_str):\n", + "\n", + "def rgb(self):\n", + "\n", + "def theme_color(self):\n", + "\n", + "def type(self):\n", + "\n", + "def type(self):\n", + "\n", + "def to_df(figure):\n", + "\n", + "def to_rgba(color, alpha):\n", + "\n", + "def hex_to_rgb(color):\n", + "\n", + "def normalize(color):\n", + "\n", + "def rgb_to_hex(color):\n", + "\n", + "def rgba_to_rgb(color, bg='rgb(255,255,255)'):\n", + "\n", + " def c_tup(c):\n", + "\n", + "def hex_to_hsv(color):\n", + "\n", + "def color_range(color, N=20):\n", + "\n", + "def color_table(color, N=1, sort=False, sort_values=False, inline=False, as_html=False):\n", + "\n", + " def _color(c):\n", + "\n", + "def colorgen(colors=None, n=None, scale=None, theme=None):\n", + "\n", + "def scales(scale=None):\n", + "\n", + "def get_scales(scale=None, n=None):\n", + "\n", + "def get_colorscale(scale):\n", + "\n", + "def _to_iplot(self,colors=None,colorscale=None,kind='scatter',mode='lines',interpolation='linear',symbol='dot',size='12',fill=False,\n", + "\n", + "def _iplot(self,kind='scatter',data=None,layout=None,filename='',sharing=None,title='',xTitle='',yTitle='',zTitle='',theme=None,colors=None,colorscale=None,fill=False,width=None,\n", + "\n", + "\tdef get_marker(marker={}):\n", + "\n", + "\t\t\tdef set_error(axis,**kwargs):\n", + "\n", + "def get_items_as_list(items,keys,items_names='styles'):\n", + "\n", + "def _scatter_matrix(self,theme=None,bins=10,color='grey',size=2, asFigure=False, **iplot_kwargs):\n", + "\n", + "def iplot(figure,validate=True,sharing=None,filename='',\n", + "\n", + "def _ta_plot(self,study,periods=14,column=None,include=True,str='{name}({period})',detail=False,\n", + "\n", + "\tdef get_subplots(figures):\n", + "\n", + "\tdef get_study(df,func,iplot_kwargs,iplot_study_kwargs,str=None,include=False,column=None,inset=False):\n", + "\n", + "def _fig_iplot(self,validate=True,sharing=None,filename='',\n", + "\n", + "def ensure_local_files():\n", + "\n", + "def set_config_file(sharing=None,theme=None,colorscale=None,offline=None,offline_connected=None,\n", + "\n", + "def load_json_dict(filename, *args):\n", + "\n", + "def save_json_dict(filename, json_dict):\n", + "\n", + "def _get_schema(self):\n", + "\n", + "def _get_sliced(self,slice,df=None):\n", + "\n", + "def _get_resampled(self,rule,how={'ohlc':'last','volume':'sum'},df=None,**kwargs):\n", + "\n", + "def update(self,**kwargs):\n", + "\n", + "def delete(self,*args):\n", + "\n", + "def _panel_domains(self,n=2,min_panel_size=.15,spacing=0.08,top_margin=1,bottom_margin=0):\n", + "\n", + "def _get_trendline(self,date0=None,date1=None,on=None,kind='trend',to_strfmt='%Y-%m-%d',from_strfmt='%d%b%y',**kwargs):\n", + "\n", + "\t\tdef position(d0,d1):\n", + "\n", + "def add_trendline(self,date0,date1,on='close',text=None,**kwargs):\n", + "\n", + "def add_support(self,date,on='low',mode='starttoend',text=None,**kwargs):\n", + "\n", + "def add_annotations(self,annotations,**kwargs):\n", + "\n", + "def add_shapes(self,**kwargs):\n", + "\n", + "def _add_study(self,study):\n", + "\n", + "def add_volume(self,colorchange=True,column=None,name='',str='{name}',**kwargs):\n", + "\n", + "def add_macd(self,fast_period=12,slow_period=26,signal_period=9,column=None,\n", + "\n", + "def add_sma(self,periods=20,column=None,name='',\n", + "\n", + "def add_rsi(self,periods=20,rsi_upper=70,rsi_lower=30,showbands=True,column=None,\n", + "\n", + "def add_bollinger_bands(self,periods=20,boll_std=2,fill=True,column=None,name='',\n", + "\n", + "def add_cci(self,periods=14,cci_upper=100,cci_lower=-100,\n", + "\n", + "def add_ptps(self,periods=14,af=0.2,initial='long',str=None,name='',**kwargs):\n", + "\n", + "def add_atr(self,periods=14,str=None,name='',**kwargs):\n", + "\n", + "def go_offline(connected=None):\n", + "\n", + "def _screen(self,include=True,**kwargs):\n", + "\n", + "def bestfit(self):\n", + "\n", + "def normalize(self,asOf=None,multiplier=100):\n", + "\n", + "def merge_dict(d1,d2):\n", + "\n", + "def dict_path(from_d,to_d={},l=[]):\n", + "\n", + "def pp(el,preString=''):\n", + "\n", + "def inverseDict(d):\n", + "\n", + "def kwargs_from_keyword(from_kwargs,to_kwargs,keyword,clean_origin=True):\n", + "\n", + "def deep_update(d,d_update):\n", + "\n", + "def read_google(self,url,**kwargs):\n", + "\n", + "def getDateFromToday(delta,strfmt='%Y%m%d'):\n", + "\n", + "def _ohlc_dict(df_or_figure,open='',high='',low='',close='',volume='',\n", + "\n", + "def correl(df,periods=21,columns=None,include=True,str=None,detail=False,how='value',**correl_kwargs):\n", + "\n", + "\tdef _correl(df,periods=21,columns=None,include=True,str=None,detail=False,**correl_kwargs):\n", + "\n", + "def scattergeo():\n", + "\n", + "def choropleth():\n", + "\n", + "def pie(n_labels=5,mode=None):\n", + "\n", + "def scatter(n_categories=5,n=10,prefix='category',mode=None):\n", + "\n", + "def heatmap(n_x=5,n_y=10):\n", + "\n", + "def lines(n_traces=5,n=100,columns=None,dateIndex=True,mode=None):\n", + "\n", + "def bars(n=3,n_categories=3,prefix='category',columns=None,mode='abc'):\n", + "\n", + "def ohlc(n=100):\n", + "\n", + "def ohlcv(n=100):\n", + "\n", + "def box(n_traces=5,n=100,mode=None):\n", + "\n", + "def histogram(n_traces=1,n=500,dispersion=2,mode=None):\n", + "\n", + "def distplot(n_traces=1,n=500,dispersion=3,mode=None):\n", + "\n", + "def violin(n=500,dispersion=3,categories=True,n_categories=5):\n", + "\n", + "def surface(n_x=20,n_y=20):\n", + "\n", + "def sinwave(n=4,inc=.25):\n", + "\n", + "def getTheme(theme=None):\n", + "\n", + "def getLayout(kind=None,theme=None,title='',xTitle='',yTitle='',zTitle='',barmode='',bargap=None,bargroupgap=None,\n", + "\n", + "\tdef update_axis(layout,axis='xy',**vals):\n", + "\n", + "\t\tdef get_shapes(xline):\n", + "\n", + "\t\tdef get_span(xspan):\n", + "\n", + "def get_annotations(df,annotations,kind='lines',theme=None,**kwargs):\n", + "\n", + "\tdef check_ann(annotation):\n", + "\n", + "def strip_figures(figure):\n", + "\n", + "def get_base_layout(figs):\n", + "\n", + "def figures(df,specs,asList=False):\n", + "\n", + "def merge_figures(figures):\n", + "\n", + "def subplots(figures,shape=None,\n", + "\n", + "def get_subplots(rows=1,cols=1,\n", + "\n", + "\tdef update_axis(fig,layout):\n", + "\n", + "def scatter_matrix(df,theme=None,bins=10,color='grey',size=2):\n", + "\n", + "def _set_axis(self,traces,on=None,side='right',title=''):\n", + "\n", + "\tdef update_data(trace,y):\n", + "\n", + "def get_shape(kind='line',x=None,y=None,x0=None,y0=None,x1=None,y1=None,span=0,color='red',dash='solid',width=1,\n", + "\n", + "def get_range_selector(steps=['1m','1y'],bgcolor='rgba(150, 200, 250, 0.4)',x=0,y=0.9,\n", + "\n", + "\tdef get_step(s):\n", + "\n", + "def view_label_matrix(L, colorbar=True):\n", + "\n", + "def view_overlaps(L, self_overlaps=False, normalize=True, colorbar=True):\n", + "\n", + "def view_conflicts(L, normalize=True, colorbar=True):\n", + "\n", + "def plot_probabilities_histogram(Y_p, title=None):\n", + "\n", + "def plot_predictions_histogram(Y_ph, Y, title=None):\n", + "\n", + "def get_clique_tree(nodes, edges):\n", + "\n", + "def check(self, batch_size):\n", + "\n", + "def increment(self, batch_size):\n", + "\n", + "def calculate_metrics(self, model, train_loader, valid_loader, metrics_dict):\n", + "\n", + "def log(self, metrics_dict):\n", + "\n", + "def print_to_screen(self, metrics_dict):\n", + "\n", + "def _reduce_output(self, outputs, seq_lengths):\n", + "\n", + "def forward(self, X):\n", + "\n", + "def choose_other_label(k, y):\n", + "\n", + "def gaussian_bags_of_words(Y, vocab=vocab1k, sigma=1, bag_size=[25, 50], **kwargs):\n", + "\n", + " def make_distribution(sigma, num_words):\n", + "\n", + "def _generate_edges(self, edge_prob):\n", + "\n", + "def P_conditional(self, i, li, j, lj, y):\n", + "\n", + "def _generate_label_matrix(self):\n", + "\n", + "def _get_conditional_probs(self):\n", + "\n", + "def fit_transform(self, input, **fit_kwargs):\n", + "\n", + "def fit(self, sents, **kwargs):\n", + "\n", + "def transform(self, sents):\n", + "\n", + " def convert(tokens):\n", + "\n", + "def rargmax(x, eps=1e-8):\n", + "\n", + "def pred_to_prob(Y_h, k):\n", + "\n", + "def arraylike_to_numpy(array_like):\n", + "\n", + "def convert_labels(Y, source, dest):\n", + "\n", + "def label_matrix_to_one_hot(L, k=None):\n", + "\n", + "def recursive_merge_dicts(x, y, misses=\"report\", verbose=None):\n", + "\n", + " def recurse(x, y, misses=\"report\", verbose=1):\n", + "\n", + " def fractions_to_counts(fracs, n):\n", + "\n", + " def slice_data(data, indices):\n", + "\n", + "def place_on_gpu(data):\n", + "\n", + "def _build(self, input_modules, middle_modules, head_modules):\n", + "\n", + "def _build_task_heads(self, head_modules):\n", + "\n", + "def forward(self, x):\n", + "\n", + "def _preprocess_Y(self, Y, k=None):\n", + "\n", + "def _get_loss_fn(self):\n", + "\n", + "def _create_L_ind(self, L):\n", + "\n", + "def predict_proba(self, L):\n", + "\n", + "def predict(self, X, break_ties=\"random\", return_probs=False, **kwargs):\n", + "\n", + "def save(self, destination, **kwargs):\n", + "\n", + "def load(source, **kwargs):\n", + "\n", + "def resume_training(self, train_data, model_path, valid_data=None):\n", + "\n", + "def _restore_training_state(self, restore_state):\n", + "\n", + "def _create_dataset(self, *data):\n", + "\n", + "def _create_data_loader(self, data, **kwargs):\n", + "\n", + "def _get_predictions(self, data, break_ties=\"random\", return_probs=False, **kwargs):\n", + "\n", + "def _break_ties(self, Y_s, break_ties=\"random\"):\n", + "\n", + "def _to_numpy(Z):\n", + "\n", + "def _to_torch(Z, dtype=None):\n", + "\n", + "def warn_once(self, msg, msg_name=None):\n", + "\n", + "def _stack_batches(X):\n", + "\n", + "def _build(self, input_module, middle_modules, head_module):\n", + "\n", + "def _preprocess_Y(self, Y, k):\n", + "\n", + "def predict_proba(self, X):\n", + "\n", + "def forward(self, X):\n", + "\n", + "def _mark_entities(self, c, markers):\n", + "\n", + "def _include_pretrained_vocab(self, pretrained_word_dict, candidates):\n", + "\n", + "def _build_vocab(self, sentences, markers=[]):\n", + "\n", + "def _check_L(self, L):\n", + "\n", + "def _create_L_ind(self, L):\n", + "\n", + "def _get_augmented_label_matrix(self, L, higher_order=False):\n", + "\n", + "def _build_mask(self):\n", + "\n", + "def _generate_O(self, L):\n", + "\n", + "def _generate_O_inv(self, L):\n", + "\n", + "def _init_params(self):\n", + "\n", + "def get_conditional_probs(self, source=None):\n", + "\n", + "def predict_proba(self, L):\n", + "\n", + "def get_Q(self):\n", + "\n", + "def loss_l2(self, l2=0):\n", + "\n", + "def _set_class_balance(self, class_balance, Y_dev):\n", + "\n", + "def _get_overlaps_tensor(self, L):\n", + "\n", + "def get_mask(self, m):\n", + "\n", + "def _get_char_offsets(self, char_offsets):\n", + "\n", + "def predict_proba(self, L):\n", + "\n", + "def train_model(self, balance, *args, **kwargs):\n", + "\n", + "def feasible_set(self):\n", + "\n", + "def accuracy_score(gold, pred, ignore_in_gold=[], ignore_in_pred=[]):\n", + "\n", + "def coverage_score(gold, pred, ignore_in_gold=[], ignore_in_pred=[]):\n", + "\n", + "def precision_score(gold, pred, pos_label=1, ignore_in_gold=[], ignore_in_pred=[]):\n", + "\n", + "def recall_score(gold, pred, pos_label=1, ignore_in_gold=[], ignore_in_pred=[]):\n", + "\n", + "def roc_auc_score(gold, probs, ignore_in_gold=[], ignore_in_pred=[]):\n", + "\n", + "def _drop_ignored(gold, pred, ignore_in_gold, ignore_in_pred):\n", + "\n", + "def write(self):\n", + "\n", + "def predict(self, X, break_ties=\"random\", return_probs=False, **kwargs):\n", + "\n", + "def score_task(self, X, Y, t=0, metric=\"accuracy\", verbose=True, **kwargs):\n", + "\n", + "def predict_task(self, X, t=0, break_ties=\"random\", **kwargs):\n", + "\n", + "def predict_task_proba(self, X, t=0, **kwargs):\n", + "\n", + "def _to_torch(Z, dtype=None):\n", + "\n", + "def _to_numpy(Z):\n", + "\n", + "def pretty_print_schedule(self, hyperband_schedule, describe_hyperband=True):\n", + "\n", + "def get_largest_schedule_within_budget(self, budget, proportion_discard):\n", + "\n", + "def generate_hyperband_schedule(self, R, eta):\n", + "\n", + "def mark_entities(tokens, positions, markers=[], style=\"insert\"):\n", + "\n", + "def _clear_state(self, seed=None):\n", + "\n", + "def run_stats_df(self):\n", + "\n", + "def config_generator(search_space, max_search, rng, shuffle=True):\n", + "\n", + " def dict_product(d):\n", + "\n", + " def range_param_func(v):\n", + "\n", + "def compute_mu(L_aug, Y, k, p):\n", + "\n", + "def compute_covariance(L_aug, Y, k, p):\n", + "\n", + "def compute_inv_covariance(L_aug, Y, k, p):\n", + "\n", + "def print_matrix(X, decimals=1):\n", + "\n", + "def _conflicted_data_points(L):\n", + "\n", + "def lf_polarities(L):\n", + "\n", + "def lf_overlaps(L, normalize_by_coverage=False):\n", + "\n", + "def lf_conflicts(L, normalize_by_overlaps=False):\n", + "\n", + "def lf_empirical_accuracies(L, Y):\n", + "\n", + "def lf_summary(L, Y=None, lf_names=None, est_accs=None):\n", + "\n", + "def single_lf_summary(Y_p, Y=None):\n", + "\n", + "def error_buckets(gold, pred, X=None):\n", + "\n", + "def add(self, gold, pred):\n", + "\n", + "def config(data_folder=settings.data_folder,\n", + "\n", + "def log(message, level=None, name=None, filename=None):\n", + "\n", + "def get_logger(level=None, name=None, filename=None):\n", + "\n", + "def induce_subgraph(G, node_subset):\n", + "\n", + "def get_largest_component(G, strongly=False):\n", + "\n", + "def great_circle_vec(lat1, lng1, lat2, lng2, earth_radius=6371009):\n", + "\n", + "def euclidean_dist_vec(y1, x1, y2, x2):\n", + "\n", + "def get_nearest_node(G, point, method='haversine', return_dist=False):\n", + "\n", + "def get_nearest_edge(G, point):\n", + "\n", + "def get_nearest_nodes(G, X, Y, method=None):\n", + "\n", + "def get_nearest_edges(G, X, Y, method=None, dist=0.0001):\n", + "\n", + "def redistribute_vertices(geom, dist):\n", + "\n", + "def get_bearing(origin_point, destination_point):\n", + "\n", + "def add_edge_bearings(G):\n", + "\n", + "def geocode(query):\n", + "\n", + "def get_route_edge_attributes(G, route, attribute=None, minimize_key='length', retrieve_default=None):\n", + "\n", + "def count_streets_per_node(G, nodes=None):\n", + "\n", + "def round_polygon_coords(p, precision):\n", + "\n", + "def round_point_coords(pt, precision):\n", + "\n", + "def round_linestring_coords(ls, precision):\n", + "\n", + "def round_shape_coords(shape, precision):\n", + "\n", + "def overpass_json_from_file(filename):\n", + "\n", + "def bbox_to_poly(north, south, east, west):\n", + "\n", + "def parse_poi_query(north, south, east, west, amenities=None, timeout=180, maxsize=''):\n", + "\n", + "def osm_poi_download(polygon=None, amenities=None, north=None, south=None, east=None, west=None,\n", + "\n", + "def parse_nodes_coords(osm_response):\n", + "\n", + "def parse_polygonal_poi(coords, response):\n", + "\n", + "def parse_osm_node(response):\n", + "\n", + "def invalid_multipoly_handler(gdf, relation, way_ids):\n", + "\n", + "def parse_osm_relations(relations, osm_way_df):\n", + "\n", + "def create_poi_gdf(polygon=None, amenities=None, north=None, south=None, east=None, west=None):\n", + "\n", + "def pois_from_point(point, distance=None, amenities=None):\n", + "\n", + "def pois_from_address(address, distance, amenities=None):\n", + "\n", + "def pois_from_place(place, amenities=None):\n", + "\n", + "def is_endpoint(G, node, strict=True):\n", + "\n", + "def build_path(G, node, endpoints, path):\n", + "\n", + "def get_paths_to_simplify(G, strict=True):\n", + "\n", + "def simplify_graph(G, strict=True):\n", + "\n", + "def clean_intersections(G, tolerance=15, dead_ends=False):\n", + "\n", + "def project_geometry(geometry, crs=None, to_crs=None, to_latlong=False):\n", + "\n", + "def project_gdf(gdf, to_crs=None, to_latlong=False):\n", + "\n", + "def project_graph(G, to_crs=None):\n", + "\n", + "def plot_shape(gdf, fc='#cbe0f0', ec='#999999', linewidth=1, alpha=1,\n", + "\n", + "def rgb_color_list_to_hex(color_list):\n", + "\n", + "def get_colors(n, cmap='viridis', start=0., stop=1., alpha=1., return_hex=False):\n", + "\n", + "def get_node_colors_by_attr(G, attr, num_bins=None, cmap='viridis', start=0, stop=1, na_color='none'):\n", + "\n", + "def get_edge_colors_by_attr(G, attr, num_bins=5, cmap='viridis', start=0, stop=1, na_color='none'):\n", + "\n", + "def save_and_show(fig, ax, save, show, close, filename, file_format, dpi, axis_off):\n", + "\n", + "def plot_graph(G, bbox=None, fig_height=6, fig_width=None, margin=0.02,\n", + "\n", + "def node_list_to_coordinate_lines(G, node_list, use_geom=True):\n", + "\n", + "def plot_graph_route(G, route, bbox=None, fig_height=6, fig_width=None,\n", + "\n", + "def make_folium_polyline(edge, edge_color, edge_width, edge_opacity, popup_attribute=None):\n", + "\n", + "def plot_graph_folium(G, graph_map=None, popup_attribute=None,\n", + "\n", + "def plot_route_folium(G, route, route_map=None, popup_attribute=None,\n", + "\n", + "def plot_figure_ground(G=None, address=None, point=None, dist=805,\n", + "\n", + "def save_to_cache(url, response_json):\n", + "\n", + "def get_from_cache(url):\n", + "\n", + "def get_http_headers(user_agent=None, referer=None, accept_language=None):\n", + "\n", + "def nominatim_request(params, type = \"search\", pause_duration=1, timeout=30, error_pause_duration=180):\n", + "\n", + "def overpass_request(data, pause_duration=None, timeout=180, error_pause_duration=None):\n", + "\n", + "def osm_polygon_download(query, limit=1, polygon_geojson=1):\n", + "\n", + "def gdf_from_place(query, gdf_name=None, which_result=1, buffer_dist=None):\n", + "\n", + "def gdf_from_places(queries, gdf_name='unnamed', buffer_dist=None):\n", + "\n", + "def get_osm_filter(network_type):\n", + "\n", + "def osm_net_download(polygon=None, north=None, south=None, east=None, west=None,\n", + "\n", + "def get_polygons_coordinates(geometry):\n", + "\n", + "def get_node(element):\n", + "\n", + "def get_path(element):\n", + "\n", + "def parse_osm_nodes_paths(osm_data):\n", + "\n", + "def remove_isolated_nodes(G):\n", + "\n", + "def truncate_graph_dist(G, source_node, max_distance=1000, weight='length', retain_all=False):\n", + "\n", + "def truncate_graph_bbox(G, north, south, east, west, truncate_by_edge=False, retain_all=False):\n", + "\n", + "def quadrat_cut_geometry(geometry, quadrat_width, min_num=3, buffer_amount=1e-9):\n", + "\n", + "def intersect_index_quadrats(gdf, geometry, quadrat_width=0.05, min_num=3, buffer_amount=1e-9):\n", + "\n", + "def truncate_graph_polygon(G, polygon, retain_all=False, truncate_by_edge=False, quadrat_width=0.05, min_num=3, buffer_amount=1e-9):\n", + "\n", + "def add_edge_lengths(G):\n", + "\n", + "def add_path(G, data, one_way):\n", + "\n", + "def add_paths(G, paths, bidirectional=False):\n", + "\n", + "def create_graph(response_jsons, name='unnamed', retain_all=False, bidirectional=False):\n", + "\n", + "def bbox_from_point(point, distance=1000, project_utm=False, return_crs=False):\n", + "\n", + "def graph_from_bbox(north, south, east, west, network_type='all_private',\n", + "\n", + "def graph_from_point(center_point, distance=1000, distance_type='bbox',\n", + "\n", + "def graph_from_address(address, distance=1000, distance_type='bbox',\n", + "\n", + "def graph_from_polygon(polygon, network_type='all_private', simplify=True,\n", + "\n", + "def graph_from_place(query, network_type='all_private', simplify=True,\n", + "\n", + "def graph_from_file(filename, bidirectional=False, simplify=True,\n", + "\n", + "def osm_footprints_download(polygon=None, north=None, south=None, east=None, west=None,\n", + "\n", + "def create_footprints_gdf(polygon=None, north=None, south=None, east=None, west=None, \n", + "\n", + "def footprints_from_point(point, distance, footprint_type='building', retain_invalid=False):\n", + "\n", + "def footprints_from_address(address, distance, footprint_type='building', retain_invalid=False):\n", + "\n", + "def footprints_from_polygon(polygon, footprint_type='building', retain_invalid=False):\n", + "\n", + "def footprints_from_place(place, footprint_type='building', retain_invalid=False):\n", + "\n", + "def plot_footprints(gdf, fig=None, ax=None, figsize=None, color='#333333', bgcolor='w',\n", + "\n", + "def add_node_elevations(G, api_key, max_locations_per_batch=350,\n", + "\n", + "def save_gdf_shapefile(gdf, filename=None, folder=None):\n", + "\n", + "def save_graph_shapefile(G, filename='graph', folder=None, encoding='utf-8'):\n", + "\n", + "def save_graph_osm(G, node_tags=settings.osm_xml_node_tags,\n", + "\n", + "def save_graphml(G, filename='graph.graphml', folder=None, gephi=False):\n", + "\n", + "def load_graphml(filename, folder=None, node_type=int):\n", + "\n", + "def is_duplicate_edge(data, data_other):\n", + "\n", + "def is_same_geometry(ls1, ls2):\n", + "\n", + "def update_edge_keys(G):\n", + "\n", + "def get_undirected(G):\n", + "\n", + "def graph_to_gdfs(G, nodes=True, edges=True, node_geometry=True, fill_edge_geometry=True):\n", + "\n", + "def gdfs_to_graph(gdf_nodes, gdf_edges):\n", + "\n", + "def make_shp_filename(place_name):\n", + "\n", + "def basic_stats(G, area=None, clean_intersects=False, tolerance=15,\n", + "\n", + "def extended_stats(G, connectivity=False, anc=False, ecc=False, bc=False, cc=False):\n", + "\n", + "def backward_induction(ddp, T, v_term=None):\n", + "\n", + "def _has_sorted_sa_indices(s_indices, a_indices):\n", + "\n", + "def _generate_a_indptr(num_states, s_indices, out):\n", + "\n", + "def _check_action_feasibility(self):\n", + "\n", + "def to_sa_pair_form(self, sparse=True):\n", + "\n", + "def to_product_form(self):\n", + "\n", + "def RQ_sigma(self, sigma):\n", + "\n", + "def bellman_operator(self, v, Tv=None, sigma=None):\n", + "\n", + "def T_sigma(self, sigma):\n", + "\n", + "def compute_greedy(self, v, sigma=None):\n", + "\n", + "def evaluate_policy(self, sigma):\n", + "\n", + "def operator_iteration(self, T, v, max_iter, tol=None, *args, **kwargs):\n", + "\n", + "def solve(self, method='policy_iteration',\n", + "\n", + "def value_iteration(self, v_init=None, epsilon=None, max_iter=None):\n", + "\n", + "def policy_iteration(self, v_init=None, max_iter=None):\n", + "\n", + "def modified_policy_iteration(self, v_init=None, epsilon=None,\n", + "\n", + " def span(z):\n", + "\n", + " def midrange(z):\n", + "\n", + "def controlled_mc(self, sigma):\n", + "\n", + "def smooth(x, window_len=7, window='hanning'):\n", + "\n", + "def periodogram(x, window=None, window_len=7):\n", + "\n", + "def ar_periodogram(x, window='hanning', window_len=7):\n", + "\n", + "def support_enumeration_gen(g):\n", + "\n", + "def _support_enumeration_gen(payoff_matrices):\n", + "\n", + "def _indiff_mixed_action(payoff_matrix, own_supp, opp_supp, A, out):\n", + "\n", + "def pure2mixed(num_actions, action):\n", + "\n", + "def best_response_2p(payoff_matrix, opponent_mixed_action, tol=1e-8):\n", + "\n", + "def delete_action(self, action, player_idx=0):\n", + "\n", + "def payoff_vector(self, opponents_actions):\n", + "\n", + " def reduce_last_player(payoff_array, action):\n", + "\n", + "def is_best_response(self, own_action, opponents_actions, tol=None):\n", + "\n", + "def best_response(self, opponents_actions, tie_breaking='smallest',\n", + "\n", + "def random_choice(self, actions=None, random_state=None):\n", + "\n", + "def is_dominated(self, action, tol=None, method=None):\n", + "\n", + "def dominated_actions(self, tol=None, method=None):\n", + "\n", + "def delete_action(self, player_idx, action):\n", + "\n", + "def is_nash(self, action_profile, tol=None):\n", + "\n", + "def mclennan_tourky(g, init=None, epsilon=1e-3, max_iter=200,\n", + "\n", + "def _best_response_selection(x, g, indptr=None):\n", + "\n", + "def _is_epsilon_nash(x, g, epsilon, indptr=None):\n", + "\n", + "def _get_action_profile(x, indptr):\n", + "\n", + "def _flatten_action_profile(action_profile, indptr):\n", + "\n", + "def blotto_game(h, t, rho, mu=0, random_state=None):\n", + "\n", + "def _populate_blotto_payoff_arrays(payoff_arrays, actions, values):\n", + "\n", + "def ranking_game(n, steps=10, random_state=None):\n", + "\n", + "def _populate_ranking_payoff_arrays(payoff_arrays, scores, costs):\n", + "\n", + "def sgc_game(k):\n", + "\n", + "def _populate_sgc_payoff_arrays(payoff_arrays):\n", + "\n", + "def tournament_game(n, k, random_state=None):\n", + "\n", + "def _populate_tournament_payoff_array0(payoff_array, k, indices, indptr):\n", + "\n", + "def _populate_tournament_payoff_array1(payoff_array, k):\n", + "\n", + "def unit_vector_game(n, avoid_pure_nash=False, random_state=None):\n", + "\n", + "def gth_solve(A, overwrite=False, use_jit=True):\n", + "\n", + "def _gth_solve_jit(A, out):\n", + "\n", + "def _csr_matrix_indices(S):\n", + "\n", + "def random_tournament_graph(n, random_state=None):\n", + "\n", + "def _populate_random_tournament_row_col(n, r, row, col):\n", + "\n", + "def _find_scc(self):\n", + "\n", + "def _condensation_lil(self):\n", + "\n", + "def _find_sink_scc(self):\n", + "\n", + "def _compute_period(self):\n", + "\n", + "def subgraph(self, nodes):\n", + "\n", + "def rank_est(A, atol=1e-13, rtol=0):\n", + "\n", + "def hamilton_filter(data, h, *args):\n", + "\n", + "def sa_indices(num_states, num_actions):\n", + "\n", + "def _generate_sample_paths(P_cdfs, init_states, random_values, out):\n", + "\n", + "def _generate_sample_paths_sparse(P_cdfs1d, indices, indptr, init_states,\n", + "\n", + "def mc_sample_path(P, init=0, sample_size=1000, random_state=None):\n", + "\n", + "def get_index(self, value):\n", + "\n", + "def _get_index(self, value):\n", + "\n", + "def _compute_stationary(self):\n", + "\n", + "def simulate_indices(self, ts_length, init=None, num_reps=None,\n", + "\n", + "def simulate(self, ts_length, init=None, num_reps=None, random_state=None):\n", + "\n", + "def update_values(self):\n", + "\n", + "def stationary_values(self, method='doubling'):\n", + "\n", + "def compute_sequence(self, x0, ts_length=None, method='doubling',\n", + "\n", + "def pure_nash_brute_gen(g, tol=None):\n", + "\n", + "def qnwequi(n, a, b, kind=\"N\", equidist_pp=None, random_state=None):\n", + "\n", + "def qnwnorm(n, mu=None, sig2=None, usesqrtm=False):\n", + "\n", + "def qnwlogn(n, mu=None, sig2=None):\n", + "\n", + "def qnwunif(n, a, b):\n", + "\n", + "def quadrect(f, n, a, b, kind='lege', *args, **kwargs):\n", + "\n", + "def qnwgamma(n, a=1.0, b=1.0, tol=3e-14):\n", + "\n", + "def _make_multidim_func(one_d_func, n, *args):\n", + "\n", + "def _qnwcheb1(n, a, b):\n", + "\n", + "def _qnwlege1(n, a, b):\n", + "\n", + "def _qnwnorm1(n):\n", + "\n", + "def _qnwsimp1(n, a, b):\n", + "\n", + "def _qnwtrap1(n, a, b):\n", + "\n", + "def _qnwbeta1(n, a=1.0, b=1.0):\n", + "\n", + "def _qnwgamma1(n, a=1.0, b=1.0, tol=3e-14):\n", + "\n", + "def vertex_enumeration_gen(g, qhull_options=None):\n", + "\n", + "def _vertex_enumeration_gen(labelings_bits_tup, equations_tup, trans_recips):\n", + "\n", + "def _ints_arr_to_bits(ints_arr, out):\n", + "\n", + "def _get_mixed_actions(labeling_bits, equation_tup, trans_recips):\n", + "\n", + "def gridmake(*arrays):\n", + "\n", + "def _gridmake2(x1, x2):\n", + "\n", + "def probvec(m, k, random_state=None, parallel=True):\n", + "\n", + "def _probvec(r, out):\n", + "\n", + "def sample_without_replacement(n, k, num_trials=None, random_state=None):\n", + "\n", + "def _sample_without_replacement(n, r, out):\n", + "\n", + "def draw(cdf, size=None):\n", + "\n", + " def draw_impl(cdf, size):\n", + "\n", + " def draw_impl(cdf, size):\n", + "\n", + "def cartesian(nodes, order='C'):\n", + "\n", + "def mlinspace(a, b, nums, order='C'):\n", + "\n", + "def _repeat_1d(x, K, out):\n", + "\n", + "def simplex_grid(m, n):\n", + "\n", + "def simplex_index(x, m, n):\n", + "\n", + "def num_compositions(m, n):\n", + "\n", + "def set_params(self):\n", + "\n", + "def impulse_response(self, impulse_length=30):\n", + "\n", + "def spectral_density(self, two_pi=True, res=1200):\n", + "\n", + "def autocovariance(self, num_autocov=16):\n", + "\n", + "def simulation(self, ts_length=90, random_state=None):\n", + "\n", + "def compute_steadystate(self, nnc=2):\n", + "\n", + "def compute_sequence(self, x0, ts_length=None, Pay=None):\n", + "\n", + "def irf(self, ts_length=100, shock=None):\n", + "\n", + "def canonical(self):\n", + "\n", + "def whitener_lss(self):\n", + "\n", + "def prior_to_filtered(self, y):\n", + "\n", + "def filtered_to_forecast(self):\n", + "\n", + "def stationary_values(self, method='doubling'):\n", + "\n", + "def stationary_coefficients(self, j, coeff_type='ma'):\n", + "\n", + "def lemke_howson(g, init_pivot=0, max_iter=10**6, capping=None,\n", + "\n", + "def _lemke_howson_capping(payoff_matrices, tableaux, bases, init_pivot,\n", + "\n", + "def _initialize_tableaux(payoff_matrices, tableaux, bases):\n", + "\n", + "def _lemke_howson_tbl(tableaux, bases, init_pivot, max_iter):\n", + "\n", + "def _pivoting(tableau, pivot, pivot_row):\n", + "\n", + "def _get_mixed_actions(tableaux, bases):\n", + "\n", + "def var_quadratic_sum(A, C, H, beta, x0):\n", + "\n", + "def m_quadratic_sum(A, B, max_it=50):\n", + "\n", + "def rouwenhorst(n, ybar, sigma, rho):\n", + "\n", + " def row_build_mat(n, p, q):\n", + "\n", + "def tauchen(rho, sigma_u, m=3, n=7):\n", + "\n", + "def nelder_mead(fun, x0, bounds=np.array([[], []]).T, args=(), tol_f=1e-10,\n", + "\n", + "def _nelder_mead_algorithm(fun, vertices, bounds=np.array([[], []]).T,\n", + "\n", + "def _initialize_simplex(x0, bounds):\n", + "\n", + "def _check_params(ρ, χ, γ, σ, bounds, n):\n", + "\n", + "def _check_bounds(x, bounds):\n", + "\n", + "def _neg_bounded_fun(fun, bounds, x, args=()):\n", + "\n", + "def solve_discrete_lyapunov(A, B, max_it=50, method=\"doubling\"):\n", + "\n", + "def solve_discrete_riccati(A, B, Q, R, N=None, tolerance=1e-10, max_iter=500,\n", + "\n", + "def next_k_array(a):\n", + "\n", + "def k_array_rank(a):\n", + "\n", + "def k_array_rank_jit(a):\n", + "\n", + "def _numba_linalg_solve(a, b):\n", + "\n", + "def comb_jit(N, k):\n", + "\n", + "def _integrate_fixed_trajectory(self, h, T, step, relax):\n", + "\n", + "def _integrate_variable_trajectory(self, h, g, tol, step, relax):\n", + "\n", + "def _initialize_integrator(self, t0, y0, integrator, **kwargs):\n", + "\n", + "def compute_residual(self, traj, ti, k=3, ext=2):\n", + "\n", + "def solve(self, t0, y0, h=1.0, T=None, g=None, tol=None,\n", + "\n", + "def interpolate(self, traj, ti, k=3, der=0, ext=2):\n", + "\n", + "def lorenz_curve(y):\n", + "\n", + "def gini_coefficient(y):\n", + "\n", + "def shorrocks_index(A):\n", + "\n", + "def q(self, val):\n", + "\n", + "def draw(self, k=1, random_state=None):\n", + "\n", + "def random_markov_chain(n, k=None, sparse=False, random_state=None):\n", + "\n", + "def random_stochastic_matrix(n, k=None, sparse=False, format='csr',\n", + "\n", + "def _random_stochastic_matrix(m, n, k=None, sparse=False, format='csr',\n", + "\n", + "def random_discrete_dp(num_states, num_actions, beta=None,\n", + "\n", + "def d_operator(self, P):\n", + "\n", + "def b_operator(self, P):\n", + "\n", + "def robust_rule(self, method='doubling'):\n", + "\n", + "def robust_rule_simple(self, P_init=None, max_iter=80, tol=1e-8):\n", + "\n", + "def F_to_K(self, F, method='doubling'):\n", + "\n", + "def K_to_F(self, K, method='doubling'):\n", + "\n", + "def compute_deterministic_entropy(self, F, K, x0):\n", + "\n", + "def evaluate_F(self, F):\n", + "\n", + "def process_input_line(self, line, store_history=True):\n", + "\n", + "def process_image(self, decorator):\n", + "\n", + "def process_input(self, data, input_prompt, lineno):\n", + "\n", + "def process_output(self, data, output_prompt,\n", + "\n", + "def process_pure_python(self, content):\n", + "\n", + "def process_pure_python2(self, content):\n", + "\n", + "def simulate_linear_model(A, x0, v, ts_length):\n", + "\n", + "def simulate(self, ts_length=100, random_state=None):\n", + "\n", + "def replicate(self, T=10, num_reps=100, random_state=None):\n", + "\n", + "def moment_sequence(self):\n", + "\n", + "def stationary_distributions(self, max_iter=200, tol=1e-5):\n", + "\n", + "def geometric_sums(self, beta, x_t):\n", + "\n", + "def impulse_response(self, j=5):\n", + "\n", + "def searchsorted(a, v):\n", + "\n", + "def brent_max(func, a, b, args=(), xtol=1e-5, maxiter=500):\n", + "\n", + " def f(x):\n", + "\n", + "def mean(self):\n", + "\n", + "def var(self):\n", + "\n", + "def skew(self):\n", + "\n", + "def pdf(self):\n", + "\n", + "def _equilibrium_payoffs_abreu_sannikov(rpg, tol=1e-12, max_iter=500,\n", + "\n", + "def _best_dev_gains(rpg):\n", + "\n", + "def _R(delta, nums_actions, payoff_arrays, best_dev_gains, points,\n", + "\n", + "def _find_C(C, points, vertices, equations, extended_payoff, IC, tol):\n", + "\n", + "def _intersect(C, n, weights, IC, pt0, pt1, tol):\n", + "\n", + "def _update_u(u, W):\n", + "\n", + "def equilibrium_payoffs(self, method=None, options=None):\n", + "\n", + "def random_game(nums_actions, random_state=None):\n", + "\n", + "def covariance_game(nums_actions, rho, random_state=None):\n", + "\n", + "def random_pure_actions(nums_actions, random_state=None):\n", + "\n", + "def random_mixed_actions(nums_actions, random_state=None):\n", + "\n", + "def fetch_nb_dependencies(files, repo=REPO, raw=RAW, branch=BRANCH, folder=FOLDER, overwrite=False, verbose=True):\n", + "\n", + "def nnash(A, B1, B2, R1, R2, Q1, Q2, S1, S2, W1, W2, M1, M2,\n", + "\n", + "def _results(r):\n", + "\n", + "def newton(func, x0, fprime, args=(), tol=1.48e-8, maxiter=50,\n", + "\n", + "def newton_secant(func, x0, args=(), tol=1.48e-8, maxiter=50,\n", + "\n", + "def _bisect_interval(a, b, fa, fb):\n", + "\n", + "def bisect(f, a, b, args=(), xtol=_xtol,\n", + "\n", + "def brentq(f, a, b, args=(), xtol=_xtol,\n", + "\n", + "def compute_fixed_point(T, v, error_tol=1e-3, max_iter=50, verbose=2,\n", + "\n", + "def _compute_fixed_point_ig(T, v, max_iter, verbose, print_skip, is_approx_fp,\n", + "\n", + "def _initialize_tableaux_ig(X, Y, tableaux, bases):\n", + "\n", + "def get_participants(self, namespace, room):\n", + "\n", + "def connect(self, sid, namespace):\n", + "\n", + "def pre_disconnect(self, sid, namespace):\n", + "\n", + "def disconnect(self, sid, namespace):\n", + "\n", + "def enter_room(self, sid, namespace, room):\n", + "\n", + "def leave_room(self, sid, namespace, room):\n", + "\n", + "def close_room(self, room, namespace):\n", + "\n", + "def get_rooms(self, sid, namespace):\n", + "\n", + "def trigger_callback(self, sid, namespace, id, data):\n", + "\n", + "def _generate_ack_id(self, sid, namespace, callback):\n", + "\n", + "def _get_logger(self):\n", + "\n", + "def on(self, event, handler=None, namespace=None):\n", + "\n", + " def connect_handler(sid, environ):\n", + "\n", + " def message_handler(sid, msg):\n", + "\n", + " def set_handler(handler):\n", + "\n", + "def register_namespace(self, namespace_handler):\n", + "\n", + "def enter_room(self, sid, room, namespace=None):\n", + "\n", + "def leave_room(self, sid, room, namespace=None):\n", + "\n", + "def rooms(self, sid, namespace=None):\n", + "\n", + "def get_session(self, sid, namespace=None):\n", + "\n", + "def save_session(self, sid, session, namespace=None):\n", + "\n", + "def session(self, sid, namespace=None):\n", + "\n", + " def on_connect(sid, environ):\n", + "\n", + " def on_message(sid, msg):\n", + "\n", + " def __init__(self, server, sid, namespace):\n", + "\n", + " def __enter__(self):\n", + "\n", + " def __exit__(self, *args):\n", + "\n", + "def start_background_task(self, target, *args, **kwargs):\n", + "\n", + "def _emit_internal(self, sid, event, data, namespace=None, id=None):\n", + "\n", + "def _send_packet(self, sid, pkt):\n", + "\n", + "def _handle_connect(self, sid, namespace):\n", + "\n", + "def _handle_disconnect(self, sid, namespace):\n", + "\n", + "def _handle_event(self, sid, namespace, id, data):\n", + "\n", + "def _trigger_event(self, event, namespace, *args):\n", + "\n", + "def _handle_eio_connect(self, sid, environ):\n", + "\n", + "def _handle_eio_message(self, sid, data):\n", + "\n", + "def _handle_eio_disconnect(self, sid):\n", + "\n", + "def register_namespace(self, namespace_handler):\n", + "\n", + "def emit(self, event, data=None, namespace=None, callback=None):\n", + "\n", + "def send(self, data, namespace=None, callback=None):\n", + "\n", + "def call(self, event, data=None, namespace=None, timeout=60):\n", + "\n", + " def event_callback(*args):\n", + "\n", + "def disconnect(self):\n", + "\n", + "def _handle_eio_disconnect(self):\n", + "\n", + "def encode(self):\n", + "\n", + "def decode(self, encoded_packet):\n", + "\n", + "def reconstruct_binary(self, attachments):\n", + "\n", + "def _deconstruct_binary(self, data):\n", + "\n", + "def _data_is_binary(self, data):\n", + "\n", + "def trigger_event(self, event, *args):\n", + "\n", + "def emit(self, event, data=None, room=None, skip_sid=None, namespace=None,\n", + "\n", + "def send(self, data, room=None, skip_sid=None, namespace=None,\n", + "\n", + "def enter_room(self, sid, room, namespace=None):\n", + "\n", + "def leave_room(self, sid, room, namespace=None):\n", + "\n", + "def rooms(self, sid, namespace=None):\n", + "\n", + "def get_session(self, sid, namespace=None):\n", + "\n", + "def save_session(self, sid, session, namespace=None):\n", + "\n", + "def send(self, data, room=None, skip_sid=None, namespace=None,\n", + "\n", + "def should_set_tablename(cls):\n", + "\n", + "def login_required(view):\n", + "\n", + " def wrapped_view(**kwargs):\n", + "\n", + "def load_logged_in_user():\n", + "\n", + "def register():\n", + "\n", + "def login():\n", + "\n", + "def index():\n", + "\n", + "def get_post(id, check_author=True):\n", + "\n", + "def create():\n", + "\n", + "def update(id):\n", + "\n", + "def delete(id):\n", + "\n", + "def parse_version(v):\n", + "\n", + "def get_bind(self, mapper=None, clause=None):\n", + "\n", + "def pages(self):\n", + "\n", + "def next(self, error_out=False):\n", + "\n", + "def get_or_404(self, ident, description=None):\n", + "\n", + "def first_or_404(self, description=None):\n", + "\n", + "def paginate(self, page=None, per_page=None, error_out=True, max_per_page=None, count=True):\n", + "\n", + "def create_scoped_session(self, options=None):\n", + "\n", + "def create_session(self, options):\n", + "\n", + "def make_declarative_base(self, model, metadata=None):\n", + "\n", + "def init_app(self, app):\n", + "\n", + " def shutdown_session(response_or_exc):\n", + "\n", + "def apply_driver_hacks(self, app, sa_url, options):\n", + "\n", + "def make_connector(self, app=None, bind=None):\n", + "\n", + "def get_engine(self, app=None, bind=None):\n", + "\n", + "def get_app(self, reference_app=None):\n", + "\n", + "def get_tables_for_bind(self, bind=None):\n", + "\n", + "def get_binds(self, app=None):\n", + "\n", + "def reflect(self, bind='__all__', app=None):\n", + "\n", + "def create_app(test_config=None):\n", + "\n", + "def volatility(weights, cov_matrix, gamma=0):\n", + "\n", + "def negative_cvar(weights, returns, s=10000, beta=0.95, random_state=None):\n", + "\n", + "def mean_historical_return(prices, frequency=252):\n", + "\n", + "def ema_historical_return(prices, frequency=252, span=500):\n", + "\n", + "def max_sharpe(self, risk_free_rate=0.02):\n", + "\n", + "def min_volatility(self):\n", + "\n", + "def custom_objective(self, objective_function, *args):\n", + "\n", + "def efficient_risk(self, target_risk, risk_free_rate=0.02, market_neutral=False):\n", + "\n", + "def efficient_return(self, target_return, market_neutral=False):\n", + "\n", + "def portfolio_performance(self, verbose=False, risk_free_rate=0.02):\n", + "\n", + "def clean_weights(self, cutoff=1e-4, rounding=5):\n", + "\n", + "def _make_valid_bounds(self, test_bounds):\n", + "\n", + "def portfolio(weights, latest_prices, min_allocation=0.01, total_portfolio_value=10000):\n", + "\n", + "def min_cvar(self, s=10000, beta=0.95, random_state=None):\n", + "\n", + "def sample_cov(prices, frequency=252):\n", + "\n", + "def semicovariance(prices, benchmark=0, frequency=252):\n", + "\n", + "def _pair_exp_cov(X, Y, span=180):\n", + "\n", + "def exp_cov(prices, span=180, frequency=252):\n", + "\n", + "def min_cov_determinant(prices, frequency=252, random_state=None):\n", + "\n", + "def format_and_annualise(self, raw_cov_array):\n", + "\n", + "def shrunk_covariance(self, delta=0.2):\n", + "\n", + "def ledoit_wolf(self):\n", + "\n", + "def oracle_approximating(self):\n", + "\n", + "def shrink(self):\n", + "\n", + "def shrink(self):\n", + "\n", + "def min_volatility(self):\n", + "\n", + "def max_sharpe(self):\n", + "\n", + "def efficient_frontier(self, points):\n", + "\n", + "def emit(event, *args, **kwargs):\n", + "\n", + " def handle_my_custom_event(json):\n", + "\n", + "def send(message, **kwargs):\n", + "\n", + "def join_room(room, sid=None, namespace=None):\n", + "\n", + " def on_join(data):\n", + "\n", + "def leave_room(room, sid=None, namespace=None):\n", + "\n", + " def on_leave(data):\n", + "\n", + "def close_room(room, namespace=None):\n", + "\n", + "def rooms(sid=None, namespace=None):\n", + "\n", + "def disconnect(sid=None, namespace=None, silent=False):\n", + "\n", + " def receive_message(msg):\n", + "\n", + "def on(self, message, namespace=None):\n", + "\n", + " def handle_my_custom_event(json):\n", + "\n", + " def decorator(handler):\n", + "\n", + " def _handler(sid, *args):\n", + "\n", + "def on_error(self, namespace=None):\n", + "\n", + " def chat_error_handler(e):\n", + "\n", + " def decorator(exception_handler):\n", + "\n", + "def on_error_default(self, exception_handler):\n", + "\n", + " def error_handler(e):\n", + "\n", + "def on_event(self, message, handler, namespace=None):\n", + "\n", + " def on_foo_event(json):\n", + "\n", + "def emit(self, event, *args, **kwargs):\n", + "\n", + " def ping():\n", + "\n", + "def send(self, data, json=False, namespace=None, room=None,\n", + "\n", + "def run(self, app, host=None, port=None, **kwargs):\n", + "\n", + " def run_server():\n", + "\n", + " def run_server():\n", + "\n", + "def stop(self):\n", + "\n", + "def start_background_task(self, target, *args, **kwargs):\n", + "\n", + "def trigger_event(self, event, *args):\n", + "\n", + "def emit(self, event, data=None, room=None, include_self=True,\n", + "\n", + "def send(self, data, room=None, include_self=True, namespace=None,\n", + "\n", + "def close_room(self, room, namespace=None):\n", + "\n", + "def background_thread():\n", + "\n", + "def on_failure(self, exc, task_id, args, kwargs, einfo):\n", + "\n", + "def on_success(self, retval, task_id, args, kwargs):\n", + "\n", + "def record_event(self, event: Event) -> None:\n", + "\n", + "def user_write_events(self) -> List[str]:\n", + "\n", + "def user_view_events(self) -> List[str]:\n", + "\n", + "def validate_new_email(email):\n", + "\n", + "def get_project_pod_spec(volume_mounts,\n", + "\n", + "def get_object(self):\n", + "\n", + "def initialize_context(self, request: HttpRequest, *args, **kwargs) -> None:\n", + "\n", + "def get_shm_volumes():\n", + "\n", + "def last_job_statuses(self) -> List[str]:\n", + "\n", + "def has_running_jobs(self) -> bool:\n", + "\n", + "def get_internal_header(request: HttpRequest) -> str:\n", + "\n", + "def logs_sidecars_experiments(experiment_name: str,\n", + "\n", + "def logs_sidecars_jobs(job_uuid: str,\n", + "\n", + "def logs_sidecars_builds(job_uuid: str,\n", + "\n", + "def is_checked(self) -> bool:\n", + "\n", + "def is_delayed(self) -> bool:\n", + "\n", + "def connect(self):\n", + "\n", + "def on_channel_open(self, channel):\n", + "\n", + "def setup_exchange(self, exchange_name):\n", + "\n", + "def setup_queue(self, queue_name):\n", + "\n", + "def on_queue_declareok(self, method_frame):\n", + "\n", + "def on_consumer_cancelled(self, method_frame):\n", + "\n", + "def acknowledge_message(self, delivery_tag):\n", + "\n", + "def on_message(self, unused_channel, basic_deliver, properties, body):\n", + "\n", + "def stop_consuming(self):\n", + "\n", + "def open_channel(self):\n", + "\n", + "def run(self):\n", + "\n", + "def stop(self):\n", + "\n", + "def render_mail_template(subject_template, body_template, context):\n", + "\n", + "def send_mass_template_mail(subject_template, body_template, recipients, context=None):\n", + "\n", + "def send_mass_user_template_mail(subject_template, body_template, users, context):\n", + "\n", + "def checkout_commit(repo_path: str,\n", + "\n", + "def create_tarfile(files: List[str], tar_path: str) -> None:\n", + "\n", + "def check() -> Result:\n", + "\n", + "def get_suggestions(self, iteration_config=None):\n", + "\n", + "def _maximize(self):\n", + "\n", + "def dag(self) -> Tuple[Dict, Dict]:\n", + "\n", + " def get_downstream(op):\n", + "\n", + "def get_countdown(self, retries) -> int:\n", + "\n", + "def get_run_params(self) -> Dict:\n", + "\n", + "def can_transition(self, status_from: str, status_to: str) -> bool:\n", + "\n", + "def dag(self) -> Tuple[Dict, Dict]:\n", + "\n", + " def get_downstream(op_run):\n", + "\n", + "def check_concurrency(self) -> bool:\n", + "\n", + "def check_upstream_trigger(self) -> bool:\n", + "\n", + "def schedule_start(self) -> bool:\n", + "\n", + "def start(self) -> None:\n", + "\n", + "def get_experiment_image_info(experiment: 'Experiment') -> Tuple[str, str]:\n", + "\n", + "def get_job_image_info(project: 'Project', job: Any) -> Tuple[str, str]:\n", + "\n", + "def get_notebook_image_info(project: 'Project', job: Any) -> Tuple[str, str]:\n", + "\n", + "def create_iteration(self, num_suggestions):\n", + "\n", + "def update_iteration(self):\n", + "\n", + "def get_n_config_to_keep(self, n_suggestions, bracket_iteration):\n", + "\n", + "def get_n_config_to_keep_for_iteration(self, iteration, bracket_iteration):\n", + "\n", + "def get_n_resources_for_iteration(self, iteration, bracket_iteration):\n", + "\n", + "def get_suggestions(self, iteration_config=None):\n", + "\n", + "def should_reschedule(self, iteration, bracket_iteration):\n", + "\n", + "def should_reduce_configs(self, iteration, bracket_iteration):\n", + "\n", + "def validate_resource(resource) -> None:\n", + "\n", + "def get_init_container(self,\n", + "\n", + "def path(self) -> str:\n", + "\n", + "def last_commit(self) -> Tuple:\n", + "\n", + "def validate_stores_secrets_keys(stores_secrets):\n", + "\n", + "def get_stores_secrets_volumes(cls, stores_secrets):\n", + "\n", + "def get_stores_secrets_command_args(cls, stores_secrets):\n", + "\n", + "def make_token(cls, ephemeral_token: 'RedisEphemeralTokens') -> str:\n", + "\n", + "def check_token(self, token: 'RedisEphemeralTokens') -> bool:\n", + "\n", + "def max_compute(self, y_max, bounds, n_warmup=100000, n_iter=250):\n", + "\n", + "def get_ordering(self, request, queryset, view):\n", + "\n", + "def get_init_container(self,\n", + "\n", + "def get_activation_key(self, user):\n", + "\n", + "def send_activation_email(self, user):\n", + "\n", + "def create_inactive_user(self, form):\n", + "\n", + "def validate_key(self, activation_key):\n", + "\n", + "def get_user(self, username):\n", + "\n", + "def get(self, request, *args, **kwargs):\n", + "\n", + "def get_pod_container(self,\n", + "\n", + " def get_ports():\n", + "\n", + "def get_sidecar_container(self, volume_mounts):\n", + "\n", + "def get_task_pod_spec(self,\n", + "\n", + "def validate_username(username):\n", + "\n", + "def _prepare(cls, context: Dict) -> Dict:\n", + "\n", + "def copy_experiment(experiment):\n", + "\n", + "def record(self,\n", + "\n", + "def generate(job,\n", + "\n", + "def get_suggestions(self, iteration_config=None):\n", + "\n", + "def get_serializer(self, *args, **kwargs):\n", + "\n", + "def logs_handle_experiment_job(experiment_name: str,\n", + "\n", + "def logs_handle_job(job_uuid: str,\n", + "\n", + "def logs_handle_build_job(job_uuid: str,\n", + "\n", + "def create_iteration(self, num_suggestions=0):\n", + "\n", + "def get_reduced_configs(self):\n", + "\n", + "def reduce_configs(self):\n", + "\n", + "def all_experiment_groups(self):\n", + "\n", + "def all_jobs(self):\n", + "\n", + "def all_build_jobs(self):\n", + "\n", + "def all_notebook_jobs(self):\n", + "\n", + "def all_tensorboard_jobs(self):\n", + "\n", + "def all_experiments(self):\n", + "\n", + "def all_group_experiments(self):\n", + "\n", + "def get_dag(nodes, downstream_fn) -> Tuple[Dict, Dict]:\n", + "\n", + "def get_independent_nodes(dag):\n", + "\n", + "def get_orphan_nodes(dag):\n", + "\n", + "def has_dependencies(node, dag):\n", + "\n", + "def sort_topologically(dag):\n", + "\n", + "def parse_negation_operation(operation: str) -> Tuple[bool, str]:\n", + "\n", + "def parse_comparison_operation(operation: str) -> Tuple[Optional[str], str]:\n", + "\n", + "def parse_datetime_operation(operation: str) -> 'QueryOpSpec':\n", + "\n", + "def parse_scalar_operation(operation: str) -> 'QueryOpSpec':\n", + "\n", + "def parse_expression(expression: str) -> Tuple[str, str]:\n", + "\n", + "def split_query(query: str) -> List[str]:\n", + "\n", + "def tokenize_query(query: str) -> Dict[str, Iterable]:\n", + "\n", + "def parse_field(field: str) -> Tuple[str, Optional[str]]:\n", + "\n", + "def set_op_upstreams(op_run, op):\n", + "\n", + "def set_topological_dag_upstreams(dag, ops, op_runs, runs_by_ops):\n", + "\n", + "def create_pipeline_run(pipeline, context_by_op):\n", + "\n", + "def k8s_events_handle_experiment_job_statuses(self: 'celery_app.task', payload: Dict) -> None:\n", + "\n", + "def k8s_events_handle_job_statuses(self: 'celery_app.task', payload: Dict) -> None:\n", + "\n", + "def k8s_events_handle_plugin_job_statuses(self: 'celery_app.task', payload: Dict) -> None:\n", + "\n", + "def k8s_events_handle_build_job_statuses(self: 'celery_app.task', payload: Dict) -> None:\n", + "\n", + "def get_sidecar_container(job_container_name,\n", + "\n", + "def handle_exception(self, exc):\n", + "\n", + "def has_project_permissions(user: 'User', project: 'Project', request_method: str) -> bool:\n", + "\n", + "def experiment_group_pre_delete(sender, **kwargs):\n", + "\n", + "def experiment_group_post_delete(sender, **kwargs):\n", + "\n", + "def get_asset_url(module: str, path: str) -> str:\n", + "\n", + "def get_init_container(self,\n", + "\n", + "def get_init_container(self,\n", + "\n", + "def create_iteration(self, num_suggestions):\n", + "\n", + "def update_iteration(self):\n", + "\n", + "def update_iteration_num_suggestions(self, num_suggestions):\n", + "\n", + "def validate_config(self, config):\n", + "\n", + "def get_event_action(cls) -> Optional[str]:\n", + "\n", + "def create_build_job(user, project, config, code_reference, configmap_refs=None, secret_refs=None):\n", + "\n", + "def scan(stream, Loader=Loader):\n", + "\n", + "def parse(stream, Loader=Loader):\n", + "\n", + "def compose(stream, Loader=Loader):\n", + "\n", + "def compose_all(stream, Loader=Loader):\n", + "\n", + "def load(stream, Loader=None):\n", + "\n", + "def load_all(stream, Loader=None):\n", + "\n", + "def emit(events, stream=None, Dumper=Dumper,\n", + "\n", + "def serialize(node, stream=None, Dumper=Dumper, **kwds):\n", + "\n", + "def dump(data, stream=None, Dumper=Dumper, **kwds):\n", + "\n", + "def safe_dump_all(documents, stream=None, **kwds):\n", + "\n", + "def safe_dump(data, stream=None, **kwds):\n", + "\n", + "def add_implicit_resolver(tag, regexp, first=None,\n", + "\n", + "def add_path_resolver(tag, path, kind=None, Loader=Loader, Dumper=Dumper):\n", + "\n", + "def to_yaml(cls, dumper, data):\n", + "\n", + "def serialize_all(nodes, stream=None, Dumper=Dumper,\n", + "\n", + "def something(TokenClass):\n", + "\n", + " def callback(lexer, match, context):\n", + "\n", + "def set_indent(TokenClass, implicit=False):\n", + "\n", + " def callback(lexer, match, context):\n", + "\n", + "def parse_block_scalar_empty_line(IndentTokenClass, ContentTokenClass):\n", + "\n", + " def callback(lexer, match, context):\n", + "\n", + "def parse_plain_scalar_indent(TokenClass):\n", + "\n", + " def callback(lexer, match, context):\n", + "\n", + "def score(count_bigram, count1, count2, n_words):\n", + "\n", + "def process_tokens(words, normalize_plurals=True):\n", + "\n", + "def get_color_func(self, word):\n", + "\n", + "def random_color_func(word=None, font_size=None, position=None,\n", + "\n", + "def get_single_color_func(color):\n", + "\n", + " def single_color_func(word=None, font_size=None, position=None,\n", + "\n", + "def process_text(self, text):\n", + "\n", + "def generate_from_text(self, text):\n", + "\n", + "def recolor(self, random_state=None, color_func=None, colormap=None):\n", + "\n", + "def to_file(self, filename):\n", + "\n", + "def _get_bolean_mask(self, mask):\n", + "\n", + "def _draw_contour(self, img):\n", + "\n", + "def check_election_status(self, config):\n", + "\n", + "def _partition(entity, sep):\n", + "\n", + "def _rpartition(entity, sep):\n", + "\n", + "def parse_userinfo(userinfo):\n", + "\n", + "def parse_ipv6_literal_host(entity, default_port):\n", + "\n", + "def parse_host(entity, default_port=DEFAULT_PORT):\n", + "\n", + "def _parse_options(opts, delim):\n", + "\n", + "def split_hosts(hosts, default_port=DEFAULT_PORT):\n", + "\n", + "def parse_uri(uri, default_port=DEFAULT_PORT, validate=True, warn=False):\n", + "\n", + "def _with_primary(max_staleness, selection):\n", + "\n", + "def _no_primary(max_staleness, selection):\n", + "\n", + "def select(max_staleness, selection):\n", + "\n", + "def create_event(self, state, server, agentConfig):\n", + "\n", + " def get_state_description(state):\n", + "\n", + "def timeout(timeout):\n", + "\n", + " def decorator(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def find_pids(self, name, search_string, exact_match, ignore_ad=True):\n", + "\n", + "def psutil_wrapper(self, process, method, accessors, try_sudo, *args, **kwargs):\n", + "\n", + "def _process_service_check(self, name, nb_procs, bounds, tags):\n", + "\n", + "def _filter_by_user(self, user, pids):\n", + "\n", + "def _dt_to_wmi(self, dt):\n", + "\n", + "def _msg_text(self):\n", + "\n", + "def is_after(self, ts):\n", + "\n", + "def _wmi_to_ts(self, wmi_ts):\n", + "\n", + "def _tags(self, tags, event_code):\n", + "\n", + "def close(self, cursor_id, address):\n", + "\n", + "def _get_health_status(self, url, ssl_params, timeout):\n", + "\n", + "def stop(check, env):\n", + "\n", + "def check(self, instance):\n", + "\n", + "def create_generic_instances(self, instances):\n", + "\n", + "def _create_istio_mesh_instance(self, instance):\n", + "\n", + "def _create_process_mixer_instance(self, instance):\n", + "\n", + "def get_apps_json(self, url, timeout, auth, acs_url, ssl_verify, tags, group):\n", + "\n", + "def py3(check):\n", + "\n", + "def from_instance(instance, default_ca_certs=None):\n", + "\n", + "def update_version_module(check_name, old_ver, new_ver):\n", + "\n", + "def get_agent_requirement_line(check, version):\n", + "\n", + "def update_agent_requirements(req_file, check, newline):\n", + "\n", + "def _walk(top):\n", + "\n", + "def _yarn_cluster_metrics(self, rm_address, instance, addl_tags):\n", + "\n", + "def _yarn_app_metrics(self, rm_address, instance, app_tags, addl_tags):\n", + "\n", + "def _yarn_node_metrics(self, rm_address, instance, addl_tags):\n", + "\n", + "def _yarn_scheduler_metrics(self, rm_address, instance, addl_tags, queue_blacklist):\n", + "\n", + "def _yarn_capacity_scheduler_metrics(self, metrics_json, addl_tags, queue_blacklist):\n", + "\n", + "def _set_yarn_metrics_from_json(self, tags, metrics_json, yarn_metrics):\n", + "\n", + "def _get_value_from_json(self, dict_path, metrics_json):\n", + "\n", + "def _set_metric(self, metric_name, metric_type, value, tags=None, device_name=None):\n", + "\n", + "def _rest_request_to_json(self, url, instance, object_path, tags, *args, **kwargs):\n", + "\n", + "def _join_url_dir(self, url, *args):\n", + "\n", + "def _get_url_base(self, url):\n", + "\n", + "def _get_service_port(self, instance):\n", + "\n", + "def _create_cadvisor_prometheus_instance(self, instance):\n", + "\n", + "def _is_container_metric(labels):\n", + "\n", + "def _is_pod_metric(labels):\n", + "\n", + "def _get_container_id(self, labels):\n", + "\n", + "def _get_entity_id_if_container_metric(self, labels):\n", + "\n", + "def _get_pod_uid(self, labels):\n", + "\n", + "def _is_pod_host_networked(self, pod_uid):\n", + "\n", + "def _get_pod_by_metric_label(self, labels):\n", + "\n", + "def _sum_values_by_context(metric, uid_from_labels):\n", + "\n", + "def _process_container_metric(self, type, metric_name, metric, scraper_config):\n", + "\n", + "def _process_pod_rate(self, metric_name, metric, scraper_config):\n", + "\n", + "def _process_usage_metric(self, m_name, metric, cache, scraper_config):\n", + "\n", + "def _process_limit_metric(self, m_name, metric, cache, scraper_config, pct_m_name=None):\n", + "\n", + "def container_fs_usage_bytes(self, metric, scraper_config):\n", + "\n", + "def container_fs_limit_bytes(self, metric, scraper_config):\n", + "\n", + "def _report_replica_set_state(self, state, clean_server_name, replset_name):\n", + "\n", + "def hostname_for_event(self, clean_server_name):\n", + "\n", + "def create_event(self, last_state, state, clean_server_name, replset_name):\n", + "\n", + "def _build_metric_list_to_collect(self, additional_metrics):\n", + "\n", + "def _get_metrics_to_collect(self, instance_key, additional_metrics):\n", + "\n", + "def _resolve_metric(self, original_metric_name, metrics_to_collect, prefix=\"\"):\n", + "\n", + "def _normalize(self, metric_name, submit_method, prefix):\n", + "\n", + "def _authenticate(self, database, username, password, use_x509, server_name, service_check_tags):\n", + "\n", + "def _parse_uri(cls, server, sanitize_username=False):\n", + "\n", + "def _collect_indexes_stats(self, instance, db, tags):\n", + "\n", + "def check(self, instance):\n", + "\n", + " def total_seconds(td):\n", + "\n", + "def get_normal_connection(config):\n", + "\n", + "def get_ssl_connection(config):\n", + "\n", + "def check_run(check, env, rate, times, pause, delay, log_level, as_json, break_point):\n", + "\n", + "def get_user_identity(cls, instance_config):\n", + "\n", + "def get_auth_scope(cls, instance_config):\n", + "\n", + "def get_neutron_endpoint(cls, json_resp):\n", + "\n", + "def get_nova_endpoint(cls, json_resp, nova_api_version=None):\n", + "\n", + "def _make_request_with_auth_fallback(self, url, headers=None, params=None):\n", + "\n", + "def get_network_stats(self, tags):\n", + "\n", + "def _parse_uptime_string(self, uptime):\n", + "\n", + "def ensure_auth_scope(self, instance):\n", + "\n", + "def get_local_hypervisor(self):\n", + "\n", + "def get_all_projects(self, scope):\n", + "\n", + "def get_scoped_project(self, project_auth_scope):\n", + "\n", + "def get_my_hostname(self, split_hostname_on_first_period=False):\n", + "\n", + "def get_external_host_tags(self):\n", + "\n", + "def check(self, instance):\n", + "\n", + "def _get_and_count_containers(self, custom_cgroups=False, healthchecks=False):\n", + "\n", + "def _get_tags(self, entity=None, tag_type=None):\n", + "\n", + "def _extract_tag_value(self, entity, tag_name):\n", + "\n", + "def _is_container_excluded(self, container):\n", + "\n", + "def _send_container_healthcheck_sc(self, containers_by_id):\n", + "\n", + "def _report_container_count(self, containers_by_id):\n", + "\n", + "def _report_volume_count(self):\n", + "\n", + "def _report_net_metrics(self, container, tags):\n", + "\n", + "def _get_events(self):\n", + "\n", + "def _create_dd_event(self, events, image, c_tags, priority='Normal'):\n", + "\n", + "def _report_disk_stats(self):\n", + "\n", + "def _format_disk_metrics(self, metrics):\n", + "\n", + "def _calc_percent_disk_stats(self, stats):\n", + "\n", + "def _get_cgroup_from_proc(self, cgroup, pid, filename):\n", + "\n", + "def _parse_cgroup_file(self, stat_file):\n", + "\n", + "def _parse_blkio_metrics(self, stats):\n", + "\n", + "def _crawl_container_pids(self, container_dict, custom_cgroups=False):\n", + "\n", + "def start(ctx, check, env, agent, dev, base, env_vars):\n", + "\n", + "def _make_request(self, url, headers, params=None):\n", + "\n", + "def get_projects(self):\n", + "\n", + "def _get_user_identity(user):\n", + "\n", + "def _get_neutron_endpoint(cls, json_resp):\n", + "\n", + "def _get_nova_endpoint(cls, json_resp):\n", + "\n", + "def _get_valid_endpoint(resp, name, entry_type):\n", + "\n", + "def dep():\n", + "\n", + "def info(endpoint):\n", + "\n", + "def parse(ctx, endpoint, check, here):\n", + "\n", + "def _add_to_bulk(self, bulkobj):\n", + "\n", + "def _add_to_bulk(self, bulkobj):\n", + "\n", + "def _add_to_bulk(self, bulkobj):\n", + "\n", + "def load_cert_chain(self, certfile, keyfile=None):\n", + "\n", + "def wrap_socket(self, sock, server_side=False,\n", + "\n", + "def parse_metric_family(buf):\n", + "\n", + "def multidict(ordered_pairs):\n", + "\n", + "def read_packages(reqs_file):\n", + "\n", + "def write_packages(self, reqs_file):\n", + "\n", + "def add_package(self, check_name, package):\n", + "\n", + "def _update_container_metrics(self, instance, subcontainer, kube_labels):\n", + "\n", + "def _update_pods_metrics(self, instance, pods):\n", + "\n", + "def _update_kube_events(self, instance, pods_list, event_items):\n", + "\n", + "def refresh_leader_status(self, instance):\n", + "\n", + "def _read_rrd(self, rrd_path, hostname, device_name, tags):\n", + "\n", + "def _fetch_rrd_meta(self, connection, rrd_path_root, whitelist, field_names, tags):\n", + "\n", + " def _in_whitelist(rrd):\n", + "\n", + "def _format_metric_name(self, m_name, cfunc):\n", + "\n", + "def calculate_perf_100nsec_timer(previous, current, property_name):\n", + "\n", + "def calculate_perf_counter_bulk_count(previous, current, property_name):\n", + "\n", + "def calculate_perf_counter_100ns_queuelen_type(previous, current, property_name):\n", + "\n", + "def _server_known(cls, host, port):\n", + "\n", + "def _set_server_known(cls, host, port):\n", + "\n", + "def _get_instance_metrics(self, key, db, database_size_metrics, collect_default_db):\n", + "\n", + "def _get_bgw_metrics(self, key, db):\n", + "\n", + "def _get_archiver_metrics(self, key, db):\n", + "\n", + "def _get_replication_metrics(self, key, db):\n", + "\n", + "def _get_activity_metrics(self, key, db):\n", + "\n", + "def _build_relations_config(self, yamlconfig):\n", + "\n", + "def get_connection(self, key, host, port, user, password, dbname, ssl, connect_fct, tags, use_cached=True):\n", + "\n", + "def _get_custom_queries(self, db, tags, custom_queries, programming_error):\n", + "\n", + "def process_stats(self, stats, prefix, metric_categories, nested_tags, tags, recursion_level=0):\n", + "\n", + "def _to_micros(dur):\n", + "\n", + "def _validate_event_listeners(option, listeners):\n", + "\n", + "def register(listener):\n", + "\n", + "def event_listeners(self):\n", + "\n", + "def publish_command_start(self, command, database_name,\n", + "\n", + "def publish_command_success(self, duration, reply, command_name,\n", + "\n", + "def publish_command_failure(self, duration, failure, command_name,\n", + "\n", + "def publish_server_heartbeat_started(self, connection_id):\n", + "\n", + "def publish_server_heartbeat_succeeded(self, connection_id, duration,\n", + "\n", + "def publish_server_heartbeat_failed(self, connection_id, duration, reply):\n", + "\n", + "def publish_server_opened(self, server_address, topology_id):\n", + "\n", + "def publish_server_closed(self, server_address, topology_id):\n", + "\n", + "def publish_server_description_changed(self, previous_description,\n", + "\n", + "def publish_topology_opened(self, topology_id):\n", + "\n", + "def publish_topology_closed(self, topology_id):\n", + "\n", + "def publish_topology_description_changed(self, previous_description,\n", + "\n", + "def _get_postqueue_stats(self, postfix_config_dir, tags):\n", + "\n", + "def integrations(since, to, write, force):\n", + "\n", + "def _collect_stats(self, db, instance_tags):\n", + "\n", + "def _get_connect_kwargs(self, host, port, user, password, database_url):\n", + "\n", + "def _get_connection(self, key, host='', port='', user='', password='', database_url='', tags=None, use_cached=True):\n", + "\n", + "def seconds_until_renew(self):\n", + "\n", + "def _make_error(index, code, errmsg, operation):\n", + "\n", + "def _merge_legacy(run, full_result, result, index):\n", + "\n", + "def _merge_command(run, full_result, results):\n", + "\n", + "def add(self, original_index, operation):\n", + "\n", + "def add_insert(self, document):\n", + "\n", + "def add_replace(self, selector, replacement, upsert=False,\n", + "\n", + "def add_delete(self, selector, limit, collation=None):\n", + "\n", + "def gen_ordered(self):\n", + "\n", + "def gen_unordered(self):\n", + "\n", + "def execute_command(self, sock_info, generator, write_concern):\n", + "\n", + "def execute_no_results(self, sock_info, generator):\n", + "\n", + "def execute_legacy(self, sock_info, generator, write_concern):\n", + "\n", + "def execute(self, write_concern):\n", + "\n", + "def update_one(self, update):\n", + "\n", + "def replace_one(self, replacement):\n", + "\n", + "def remove_one(self):\n", + "\n", + "def remove(self):\n", + "\n", + "def find(self, selector, collation=None):\n", + "\n", + "def execute(self, write_concern=None):\n", + "\n", + "def select_servers(self,\n", + "\n", + "def select_server(self,\n", + "\n", + "def on_change(self, server_description):\n", + "\n", + "def get_primary(self):\n", + "\n", + "def _get_replica_set_members(self, selector):\n", + "\n", + "def request_check_all(self, wait_time=5):\n", + "\n", + "def reset_server_and_request_check(self, address):\n", + "\n", + "def close(self):\n", + "\n", + "def _reset_server(self, address):\n", + "\n", + "def _request_check(self, address):\n", + "\n", + "def _update_servers(self):\n", + "\n", + "def _error_message(self, selector):\n", + "\n", + "def init_instance(self, key):\n", + "\n", + "def set_mor(self, key, name, mor):\n", + "\n", + "def get_mor(self, key, name):\n", + "\n", + "def set_metrics(self, key, name, metrics):\n", + "\n", + "def mors(self, key):\n", + "\n", + "def mors_batch(self, key, batch_size):\n", + "\n", + "def purge(self, key, ttl):\n", + "\n", + "def parse_metric(metric, metric_mapping=METRIC_TREE):\n", + "\n", + "def parse_histogram(metric, histogram):\n", + "\n", + "def put(self, data, **kwargs):\n", + "\n", + "def delete(self, file_id):\n", + "\n", + "def find_one(self, filter=None, *args, **kwargs):\n", + "\n", + "def exists(self, document_or_id=None, **kwargs):\n", + "\n", + "def open_upload_stream(self, filename, chunk_size_bytes=None,\n", + "\n", + "def upload_from_stream_with_id(self, file_id, filename, source,\n", + "\n", + "def open_download_stream(self, file_id):\n", + "\n", + "def download_to_stream(self, file_id, destination):\n", + "\n", + "def delete(self, file_id):\n", + "\n", + "def open_download_stream_by_name(self, filename, revision=-1):\n", + "\n", + "def ls(checks):\n", + "\n", + "def _fetch_url_data(self, url, username, password, verify, custom_headers):\n", + "\n", + "def _fetch_socket_data(self, parsed_url):\n", + "\n", + "def _update_data_dict(self, data_dict, back_or_front):\n", + "\n", + "def _should_process(self, data_dict, collect_aggregates_only):\n", + "\n", + "def _tag_from_regex(self, tags_regex, service_name):\n", + "\n", + "def _normalize_status(status):\n", + "\n", + "def _process_event(self, data, url, services_incl_filter=None, services_excl_filter=None, custom_tags=None):\n", + "\n", + "def apply_single_tag_set(tag_set, selection):\n", + "\n", + " def tags_match(server_tags):\n", + "\n", + "def apply_tag_sets(tag_sets, selection):\n", + "\n", + "def metadata(check):\n", + "\n", + "def _build_credentials_tuple(mech, source, user, passwd, extra):\n", + "\n", + "def _parse_scram_response(response):\n", + "\n", + "def _authenticate_scram_sha1(credentials, sock_info):\n", + "\n", + "def _authenticate_gssapi(credentials, sock_info):\n", + "\n", + "def _authenticate_plain(credentials, sock_info):\n", + "\n", + "def _authenticate_cram_md5(credentials, sock_info):\n", + "\n", + "def _authenticate_x509(credentials, sock_info):\n", + "\n", + "def _authenticate_mongo_cr(credentials, sock_info):\n", + "\n", + "def authenticate(credentials, sock_info):\n", + "\n", + "def parse_metric_family(self, response, scraper_config):\n", + "\n", + "def _text_filter_input(self, input_gen, scraper_config):\n", + "\n", + "def scrape_metrics(self, scraper_config):\n", + "\n", + "def process(self, scraper_config, metric_transformers=None):\n", + "\n", + "def process_metric(self, metric, scraper_config, metric_transformers=None):\n", + "\n", + "def poll(self, scraper_config, headers=None):\n", + "\n", + "def submit_openmetric(self, metric_name, metric, scraper_config, hostname=None):\n", + "\n", + "def _get_hostname(self, hostname, sample, scraper_config):\n", + "\n", + "def _submit_gauges_from_histogram(self, metric_name, metric, scraper_config, hostname=None):\n", + "\n", + "def parse_stat(self, buf):\n", + "\n", + "def parse_mntr(self, buf):\n", + "\n", + "def _osd_pct_used(self, health):\n", + "\n", + "def add_son_manipulator(self, manipulator):\n", + "\n", + " def method_overwritten(instance, method):\n", + "\n", + "def incoming_manipulators(self):\n", + "\n", + "def incoming_copying_manipulators(self):\n", + "\n", + "def outgoing_manipulators(self):\n", + "\n", + "def outgoing_copying_manipulators(self):\n", + "\n", + "def get_collection(self, name, codec_options=None, read_preference=None,\n", + "\n", + "def _collection_default_options(self, name, **kargs):\n", + "\n", + "def create_collection(self, name, codec_options=None,\n", + "\n", + "def _apply_incoming_manipulators(self, son, collection):\n", + "\n", + "def _apply_incoming_copying_manipulators(self, son, collection):\n", + "\n", + "def _fix_incoming(self, son, collection):\n", + "\n", + "def _fix_outgoing(self, son, collection):\n", + "\n", + "def _command(self, sock_info, command, slave_ok=False, value=1, check=True,\n", + "\n", + "def command(self, command, value=1, check=True,\n", + "\n", + "def _list_collections(self, sock_info, slave_okay, criteria=None):\n", + "\n", + "def collection_names(self, include_system_collections=True):\n", + "\n", + "def drop_collection(self, name_or_collection):\n", + "\n", + "def current_op(self, include_all=False):\n", + "\n", + "def error(self):\n", + "\n", + "def previous_error(self):\n", + "\n", + "def _legacy_add_user(self, name, password, read_only, **kwargs):\n", + "\n", + "def add_user(self, name, password=None, read_only=None, **kwargs):\n", + "\n", + "def remove_user(self, name):\n", + "\n", + "def authenticate(self, name=None, password=None,\n", + "\n", + "def logout(self):\n", + "\n", + "def eval(self, code, *args):\n", + "\n", + "def list(self):\n", + "\n", + "def transform_incoming(self, son, collection):\n", + "\n", + "def transform_incoming(self, son, collection):\n", + "\n", + " def transform_value(value):\n", + "\n", + " def transform_dict(object):\n", + "\n", + "def run_command(command, capture=None, check=False, encoding='utf-8', shell=False, env=None):\n", + "\n", + "def _hdfs_namenode_metrics(self, beans, metrics, tags):\n", + "\n", + "def _set_metric(self, metric_name, metric_type, value, tags=None):\n", + "\n", + "def _rest_request_to_json(self, instance, url, object_path, query_params, tags=None):\n", + "\n", + "def _join_url_dir(cls, url, *args):\n", + "\n", + "def _maybe_add_read_preference(spec, read_preference):\n", + "\n", + "def _convert_write_result(operation, command, result):\n", + "\n", + "def _gen_find_command(coll, spec, projection, skip, limit, batch_size,\n", + "\n", + "def _gen_get_more_command(cursor_id, coll, batch_size, max_await_time_ms):\n", + "\n", + "def __last_error(namespace, args):\n", + "\n", + "def __pack_message(operation, data):\n", + "\n", + "def insert(collection_name, docs, check_keys,\n", + "\n", + "def update(collection_name, upsert, multi,\n", + "\n", + "def query(options, collection_name, num_to_skip,\n", + "\n", + "def delete(collection_name, spec, safe,\n", + "\n", + "def kill_cursors(cursor_ids):\n", + "\n", + "def _do_batched_write_command(namespace, operation, command,\n", + "\n", + " def send_message():\n", + "\n", + "def as_command(self):\n", + "\n", + "def get_message(self, set_slave_ok, is_mongos, use_cmd=False):\n", + "\n", + "def as_command(self):\n", + "\n", + "def get_message(self, dummy0, dummy1, use_cmd=False):\n", + "\n", + "def legacy_write(self, request_id, msg, max_doc_size, acknowledged, docs):\n", + "\n", + "def write_command(self, request_id, msg, docs):\n", + "\n", + "def _start(self, request_id, docs):\n", + "\n", + "def _succeed(self, request_id, reply, duration):\n", + "\n", + "def _fail(self, request_id, failure, duration):\n", + "\n", + "def _machine_bytes():\n", + "\n", + "def from_datetime(cls, generation_time):\n", + "\n", + "def is_valid(cls, oid):\n", + "\n", + "def __generate(self):\n", + "\n", + "def __validate(self, oid):\n", + "\n", + "def _get_master_address(self, instance):\n", + "\n", + "def _get_request_url(self, instance, url):\n", + "\n", + "def _get_running_apps(self, instance, requests_config):\n", + "\n", + "def _standalone_init(self, spark_master_address, pre_20_mode, requests_config, tags):\n", + "\n", + "def _mesos_init(self, instance, master_address, requests_config, tags):\n", + "\n", + "def _yarn_init(self, rm_address, requests_config, tags):\n", + "\n", + "def _get_standalone_app_url(self, app_id, spark_master_address, requests_config, tags):\n", + "\n", + "def _yarn_get_running_spark_apps(self, rm_address, requests_config, tags):\n", + "\n", + "def _get_spark_app_ids(self, running_apps, requests_config, tags):\n", + "\n", + "def _spark_job_metrics(self, instance, running_apps, addl_tags, requests_config):\n", + "\n", + "def _spark_executor_metrics(self, instance, running_apps, addl_tags, requests_config):\n", + "\n", + "def _spark_rdd_metrics(self, instance, running_apps, addl_tags, requests_config):\n", + "\n", + "def _spark_streaming_statistics_metrics(self, instance, running_apps, addl_tags, requests_config):\n", + "\n", + "def _set_metric(self, metric_name, metric_type, value, tags=None):\n", + "\n", + "def _rest_request(self, url, object_path, service_name, requests_config, tags, *args, **kwargs):\n", + "\n", + "def _rest_request_to_json(self, address, object_path, service_name, requests_config, tags, *args, **kwargs):\n", + "\n", + "def _get_url_base(cls, url):\n", + "\n", + "def parse_capacity_tags(dn):\n", + "\n", + "def get_event_tags_from_dn(dn):\n", + "\n", + "def get_hostname_from_dn(dn):\n", + "\n", + "def get_attributes(obj):\n", + "\n", + "def check_metric_can_be_zero(metric_name, metric_value, json_attributes):\n", + "\n", + "def create(ctx, name, integration_type, location, non_interactive, quiet, dry_run):\n", + "\n", + "def freeze(o):\n", + "\n", + "def _decimal_to_128(value):\n", + "\n", + "def to_decimal(self):\n", + "\n", + "def from_bid(cls, value):\n", + "\n", + "def _compile_tag_re(self):\n", + "\n", + "def _get_server_type(doc):\n", + "\n", + "def all_hosts(self):\n", + "\n", + "def _create_gitlab_runner_prometheus_instance(self, instance, init_config):\n", + "\n", + "def _get_jmx_data(self, instance, jmx_address, tags):\n", + "\n", + "def _hdfs_datanode_metrics(self, beans, tags):\n", + "\n", + "def requirements(ctx):\n", + "\n", + "def _nest_payload(self, keys, payload):\n", + "\n", + "def _flatten_json(cls, metric_base, val, tags):\n", + "\n", + "def get_agent_tags(since, to):\n", + "\n", + "def run(ctx, args):\n", + "\n", + "def _normalize_server_url(self, server):\n", + "\n", + "def _get_es_version(self, config):\n", + "\n", + "def _join_url(self, base, url, admin_forwarder=False):\n", + "\n", + "def _get_urls(self, version, cluster_stats):\n", + "\n", + "def _get_data(self, url, config, send_sc=True):\n", + "\n", + "def _process_metric(self, data, metric, xtype, path, xform=None, tags=None, hostname=None):\n", + "\n", + "def reset(self):\n", + "\n", + "def is_reached(self, uid=None):\n", + "\n", + "def _get_broker_offsets(self, instance, topics):\n", + "\n", + "def _get_zk_path_children(self, zk_conn, zk_path, name_for_error):\n", + "\n", + "def _get_zk_consumer_offsets(self, zk_hosts_ports, consumer_groups=None, zk_prefix=''):\n", + "\n", + "def _get_kafka_consumer_offsets(self, instance, consumer_groups):\n", + "\n", + "def _validate_explicit_consumer_groups(cls, val):\n", + "\n", + "def _send_event(self, title, text, tags, event_type, aggregation_key, severity='info'):\n", + "\n", + "def display_package_changes(pre_packages, post_packages, indent=''):\n", + "\n", + "def resolve(checks, lazy, quiet):\n", + "\n", + "def pin(package, version, checks, marker, resolving, lazy, quiet):\n", + "\n", + "def freeze():\n", + "\n", + "def reload_env(check, env):\n", + "\n", + "def _create_gitlab_prometheus_instance(self, instance, init_config):\n", + "\n", + "def _submit_gauge(self, metric_name, val, metric, custom_tags=None, hostname=None):\n", + "\n", + "def _validate_tag_sets(tag_sets):\n", + "\n", + "def _validate_max_staleness(max_staleness):\n", + "\n", + "def document(self):\n", + "\n", + "def config(check):\n", + "\n", + "def queue_manager_stats(self, queue_manager, tags):\n", + "\n", + "def queue_stats(self, queue, tags):\n", + "\n", + "def get_version_string(check_name):\n", + "\n", + "def load_manifest(check_name):\n", + "\n", + "def parse_agent_req_file(contents):\n", + "\n", + "def _collect_dict(self, metric_type, field_metric_map, query, db, tags):\n", + "\n", + "def _get_pid_file_variable(self, db):\n", + "\n", + "def _get_slave_status(self, db, above_560, nonblocking):\n", + "\n", + "def _parse_general_counters(self, init_config):\n", + "\n", + "def _parse_job_specific_counters(self, init_config):\n", + "\n", + "def _get_running_app_ids(self, rm_address, auth, ssl_verify):\n", + "\n", + "def _mapreduce_job_metrics(self, running_apps, auth, ssl_verify, addl_tags):\n", + "\n", + "def _mapreduce_job_counters_metrics(self, running_jobs, auth, ssl_verify, addl_tags):\n", + "\n", + "def _mapreduce_task_metrics(self, running_jobs, auth, ssl_verify, addl_tags):\n", + "\n", + "def _set_metrics_from_json(self, metrics_json, metrics, tags):\n", + "\n", + "def _set_metric(self, metric_name, metric_type, value, tags=None, device_name=None):\n", + "\n", + "def _rest_request_to_json(self, address, auth, ssl_verify, object_path, service_name, tags=None, *args, **kwargs):\n", + "\n", + "def _psutil_config_to_stats(self, instance):\n", + "\n", + "def _register_psutil_metrics(self, stats, names_to_metric_types, tags=None):\n", + "\n", + "def get_container_ip(container_id_or_name):\n", + "\n", + "def as_doc(self):\n", + "\n", + "def clear(self):\n", + "\n", + "def get_last(self, type_, key):\n", + "\n", + "def _get_ca_certs_paths():\n", + "\n", + "def logos(check):\n", + "\n", + "def _parse_varnishstat(self, output, varnishstat_format, tags=None):\n", + "\n", + "def _parse_varnishadm(self, output, tags):\n", + "\n", + "def parse_metric_family(self, response):\n", + "\n", + "def _text_filter_input(self, input_gen):\n", + "\n", + "def get_metric_value_by_labels(messages, _metric, _m, metric_suffix):\n", + "\n", + "def _extract_metric_from_map(self, _m, messages, obj_map, obj_help):\n", + "\n", + "def scrape_metrics(self, endpoint):\n", + "\n", + "def process(self, endpoint, **kwargs):\n", + "\n", + "def process_metric(self, message, **kwargs):\n", + "\n", + "def poll(self, endpoint, pFormat=PrometheusFormat.PROTOBUF, headers=None):\n", + "\n", + "def _get_hostname(self, hostname, metric):\n", + "\n", + "def _submit_gauges_from_summary(self, name, metric, custom_tags=None, hostname=None):\n", + "\n", + "def get_auth_info(config=None):\n", + "\n", + "def get_changelog_types(pr_payload):\n", + "\n", + "def get_pr(pr_num, config=None, repo=DEFAULT_REPO, raw=False):\n", + "\n", + "def parse_pr_numbers(git_log_lines):\n", + "\n", + "def open(self):\n", + "\n", + "def tox_configure(config):\n", + "\n", + "def _is_collect_cx_state_runnable(self, proc_location):\n", + "\n", + "def _check_linux(self, instance):\n", + "\n", + "def _add_conntrack_stats_metrics(self, conntrack_path, tags):\n", + "\n", + "def _parse_linux_cx_state(self, lines, tcp_states, state_col, protocol=None, ip_version=None):\n", + "\n", + "def _parse_solaris_netstat(self, netstat_output):\n", + "\n", + "def _check_psutil(self, instance):\n", + "\n", + "def _cx_state_psutil(self, tags=None):\n", + "\n", + "def _cx_counters_psutil(self, tags=None):\n", + "\n", + "def _parse_protocol_psutil(self, conn):\n", + "\n", + "def run(self):\n", + "\n", + "def apply(self, func, args=(), kwds=dict()):\n", + "\n", + "def map(self, func, iterable, chunksize=None):\n", + "\n", + "def imap(self, func, iterable, chunksize=1):\n", + "\n", + "def imap_unordered(self, func, iterable, chunksize=1):\n", + "\n", + "def apply_async(self, func, args=(), kwds=dict(), callback=None):\n", + "\n", + "def map_async(self, func, iterable, chunksize=None, callback=None):\n", + "\n", + "def imap_async(self, func, iterable, chunksize=None, callback=None):\n", + "\n", + "def imap_unordered_async(self, func, iterable, chunksize=None, callback=None):\n", + "\n", + "def terminate(self):\n", + "\n", + "def _create_sequences(self, func, iterable, chunksize, collector=None):\n", + "\n", + "def process(self):\n", + "\n", + "def get(self, timeout=None):\n", + "\n", + "def wait(self, timeout=None):\n", + "\n", + "def _set_value(self, value):\n", + "\n", + "def _set_exception(self):\n", + "\n", + "def next(self, timeout=None):\n", + "\n", + "def _get_result(self, idx, timeout=None):\n", + "\n", + "def notify_ready(self, apply_result):\n", + "\n", + "def _get_result(self, idx, timeout=None):\n", + "\n", + "def notify_ready(self, apply_result):\n", + "\n", + "def command(sock, dbname, spec, slave_ok, is_mongos,\n", + "\n", + "def create_connection(self):\n", + "\n", + "def dumps(obj, *args, **kwargs):\n", + "\n", + "def loads(s, *args, **kwargs):\n", + "\n", + "def _json_convert(obj, json_options=DEFAULT_JSON_OPTIONS):\n", + "\n", + "def _parse_canonical_datetime(doc, json_options):\n", + "\n", + "def _parse_canonical_symbol(doc):\n", + "\n", + "def _parse_canonical_code(doc):\n", + "\n", + "def _parse_canonical_regex(doc):\n", + "\n", + "def _parse_canonical_dbref(doc):\n", + "\n", + "def _parse_canonical_dbpointer(doc):\n", + "\n", + "def _parse_canonical_int32(doc):\n", + "\n", + "def _parse_canonical_int64(doc):\n", + "\n", + "def _parse_canonical_double(doc):\n", + "\n", + "def _parse_canonical_decimal128(doc):\n", + "\n", + "def _parse_canonical_minkey(doc):\n", + "\n", + "def _parse_canonical_maxkey(doc):\n", + "\n", + "def _parse_credentials(username, password, database, options):\n", + "\n", + "def _parse_read_preference(options):\n", + "\n", + "def _parse_pool_options(options):\n", + "\n", + "def service_checks():\n", + "\n", + " def str_or_stars(i, length):\n", + "\n", + "def to_time(wmi_time):\n", + "\n", + " def int_or_none(s, start, end):\n", + "\n", + "def _format_tag_query(self, sampler, wmi_obj, tag_query):\n", + "\n", + "def _get_tag_query_tag(self, sampler, wmi_obj, tag_query):\n", + "\n", + "def _extract_metrics(self, wmi_sampler, tag_by, tag_queries, constant_tags):\n", + "\n", + "def _submit_metrics(self, metrics, metric_name_and_type_by_property):\n", + "\n", + "def _get_instance_key(self, host, namespace, wmi_class, other=None):\n", + "\n", + "def _get_wmi_sampler(self, instance_key, wmi_class, properties, tag_by=\"\", **kwargs):\n", + "\n", + "def _get_wmi_properties(self, instance_key, metrics, tag_queries):\n", + "\n", + "def _submit_rate(self, metric_name, val, metric, custom_tags=None, hostname=None):\n", + "\n", + "def _submit_monotonic_count(self, metric_name, val, metric, custom_tags=None, hostname=None):\n", + "\n", + "def parse_expvar_data(self, data, tags, metrics, max_metrics, namespace):\n", + "\n", + "def deep_get(self, content, keys, traversed_path=None):\n", + "\n", + "def partition_node(node):\n", + "\n", + "def validate_boolean_or_string(option, value):\n", + "\n", + "def validate_positive_integer(option, value):\n", + "\n", + "def validate_non_negative_integer(option, value):\n", + "\n", + "def validate_readable(option, value):\n", + "\n", + "def validate_string(option, value):\n", + "\n", + "def validate_positive_float(option, value):\n", + "\n", + "def validate_timeout_or_zero(option, value):\n", + "\n", + "def validate_auth_mechanism(option, value):\n", + "\n", + "def validate_uuid_representation(dummy, value):\n", + "\n", + "def validate_read_preference_tags(name, value):\n", + "\n", + "def validate_auth_mechanism_properties(option, value):\n", + "\n", + "def validate_document_class(option, value):\n", + "\n", + "def validate_is_document_type(option, value):\n", + "\n", + "def validate_appname_or_none(option, value):\n", + "\n", + "def validate_ok_for_replace(replacement):\n", + "\n", + "def validate_ok_for_update(update):\n", + "\n", + "def validate_unicode_decode_error_handler(dummy, value):\n", + "\n", + "def validate_tzinfo(dummy, value):\n", + "\n", + "def validate_auth_option(option, value):\n", + "\n", + "def validate(option, value):\n", + "\n", + "def get_validated_options(options, warn=True):\n", + "\n", + "def _parse_dict_string(self, string, key, default):\n", + "\n", + "def _check_key_lengths(self, conn, instance, tags):\n", + "\n", + "def _check_slowlog(self, instance, custom_tags):\n", + "\n", + "def _check_command_stats(self, conn, tags):\n", + "\n", + "def create_generic_instances(self, instances):\n", + "\n", + "def _create_core_dns_instance(self, instance):\n", + "\n", + "def clean(ctx, check, compiled_only, all_matches, force, verbose):\n", + "\n", + "def get(self, url, instance, service_check_tags, run_check=False):\n", + "\n", + "def to_dict(self):\n", + "\n", + " def transform_value(value):\n", + "\n", + "def _cache_credentials(self, source, credentials, connect=False):\n", + "\n", + "def _cached(self, dbname, coll, index):\n", + "\n", + "def _purge_index(self, database_name,\n", + "\n", + "def _server_property(self, attr_name):\n", + "\n", + "def address(self):\n", + "\n", + "def nodes(self):\n", + "\n", + "def _is_writable(self):\n", + "\n", + "def set_cursor_manager(self, manager_class):\n", + "\n", + "def _send_message_with_response(self, operation, read_preference=None,\n", + "\n", + "def _reset_on_error(self, server, func, *args, **kwargs):\n", + "\n", + "def close_cursor(self, cursor_id, address=None):\n", + "\n", + "def _close_cursor_now(self, cursor_id, address=None):\n", + "\n", + "def kill_cursors(self, cursor_ids, address=None):\n", + "\n", + "def drop_database(self, name_or_database):\n", + "\n", + "def get_default_database(self):\n", + "\n", + "def get_database(self, name=None, codec_options=None, read_preference=None,\n", + "\n", + "def fsync(self, **kwargs):\n", + "\n", + "def unlock(self):\n", + "\n", + "def check(self, instance):\n", + "\n", + "def _get_master_proc_by_name(self, name, tags):\n", + "\n", + "def batch_size(self, batch_size):\n", + "\n", + "def __send_message(self, operation):\n", + "\n", + "def _refresh(self):\n", + "\n", + "def next(self):\n", + "\n", + "def _exclude_disk(self, device, file_system, mount_point):\n", + "\n", + "def _list_devices(self, df_output):\n", + "\n", + "def _compile_tag_re(self):\n", + "\n", + "def fill(self, key, mor_dict):\n", + "\n", + "def size(self, key, resource_type):\n", + "\n", + "def pop(self, key, resource_type):\n", + "\n", + "def _ipaddress_match(ipname, host_ip):\n", + "\n", + "def _get_tls_object(self, ssl_params):\n", + "\n", + "def _get_instance_params(cls, instance):\n", + "\n", + "def _collect_monitor_metrics(self, conn, tags):\n", + "\n", + "def _perform_custom_queries(self, conn, custom_queries, tags, instance):\n", + "\n", + "def _extract_common_name(cls, dn):\n", + "\n", + "def _process_cluster_health_data(self, node_name, node_stats, tags):\n", + "\n", + "def _create_event(self, alert_type, msg_title, msg, server, tags=None):\n", + "\n", + "def _get_stats(self, url, instance):\n", + "\n", + "def __update_in_toto_layout_pubkeys(self):\n", + "\n", + "def download(self, target_relpath, download_in_toto_metadata=True):\n", + "\n", + "def check(self, instance):\n", + "\n", + "def prune(force):\n", + "\n", + "def _create_kubelet_prometheus_instance(self, instance):\n", + "\n", + "def perform_kubelet_query(self, url, verbose=True, timeout=10, stream=False):\n", + "\n", + "def _compute_pod_expiration_datetime():\n", + "\n", + "def _report_pods_running(self, pods, instance_tags):\n", + "\n", + "def _report_container_spec_metrics(self, pod_list, instance_tags):\n", + "\n", + "def _report_container_state_metrics(self, pod_list, instance_tags):\n", + "\n", + "def parse_quantity(string):\n", + "\n", + "def _raise_connection_failure(address, error):\n", + "\n", + "def _create_connection(address, options):\n", + "\n", + "def _configured_socket(address, options):\n", + "\n", + "def command(self, dbname, spec, slave_ok=False,\n", + "\n", + "def send_message(self, message, max_doc_size):\n", + "\n", + "def receive_message(self, operation, request_id):\n", + "\n", + "def legacy_write(self, request_id, msg, max_doc_size, with_last_error):\n", + "\n", + "def write_command(self, request_id, msg):\n", + "\n", + "def check_auth(self, all_credentials):\n", + "\n", + "def authenticate(self, credentials):\n", + "\n", + "def connect(self):\n", + "\n", + "def get_socket(self, all_credentials, checkout=False):\n", + "\n", + "def _get_socket_no_auth(self):\n", + "\n", + "def return_socket(self, sock_info):\n", + "\n", + "def _check(self, sock_info):\n", + "\n", + "def pattern_filter(items, whitelist=None, blacklist=None, key=None):\n", + "\n", + "def updated_topology_description(topology_description, server_description):\n", + "\n", + "def _check_has_primary(sds):\n", + "\n", + "def reset(self):\n", + "\n", + "def common_wire_version(self):\n", + "\n", + "def has_readable_server(self, read_preference=ReadPreference.PRIMARY):\n", + "\n", + "def get_os():\n", + "\n", + "def is_bsd(name=None):\n", + "\n", + "def is_unix(name=None):\n", + "\n", + "def get_subprocess_output(command, log, raise_on_empty_output=True, log_debug=True):\n", + "\n", + "def changes(since, out_file, eager):\n", + "\n", + "def changelog(since, to, write, force):\n", + "\n", + "def init_instance(self, key):\n", + "\n", + "def contains(self, key, counter_id):\n", + "\n", + "def set_metadata(self, key, metadata):\n", + "\n", + "def set_metric_ids(self, key, metric_ids):\n", + "\n", + "def get_metadata(self, key, counter_id):\n", + "\n", + "def manifest(fix, include_extras):\n", + "\n", + "def _get_py_loglevel(lvl):\n", + "\n", + "def init_logging():\n", + "\n", + "def tail(self, line_by_line=True, move_end=True):\n", + "\n", + "def environment_run(up, down, sleep=None, endpoints=None, conditions=None, env_vars=None, wrapper=None):\n", + "\n", + "def config_proxy_skip(proxies, uri, skip_proxy=False):\n", + "\n", + "def close(self):\n", + "\n", + "def send_message(self, message, all_credentials):\n", + "\n", + "def _split_message(self, message):\n", + "\n", + "def upserted_ids(self):\n", + "\n", + "def show(all_keys):\n", + "\n", + "def set_value(ctx, key, value):\n", + "\n", + "def close(self):\n", + "\n", + "def rewind(self):\n", + "\n", + "def _clone(self, deepcopy=True):\n", + "\n", + "def __die(self, synchronous=False):\n", + "\n", + "def __query_spec(self):\n", + "\n", + "def add_option(self, mask):\n", + "\n", + "def remove_option(self, mask):\n", + "\n", + "def limit(self, limit):\n", + "\n", + "def skip(self, skip):\n", + "\n", + "def max_time_ms(self, max_time_ms):\n", + "\n", + "def max_await_time_ms(self, max_await_time_ms):\n", + "\n", + "def max(self, spec):\n", + "\n", + "def min(self, spec):\n", + "\n", + "def sort(self, key_or_list, direction=None):\n", + "\n", + "def count(self, with_limit_and_skip=False):\n", + "\n", + "def distinct(self, key):\n", + "\n", + "def explain(self):\n", + "\n", + "def where(self, code):\n", + "\n", + "def collation(self, collation):\n", + "\n", + "def __send_message(self, operation):\n", + "\n", + "def _refresh(self):\n", + "\n", + "def next(self):\n", + "\n", + "def _deepcopy(self, x, memo=None):\n", + "\n", + "def trace_method(method):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def print_exception(self, msg):\n", + "\n", + "def _compute_needed_metrics(self, instance, available_metrics):\n", + "\n", + "def get_external_host_tags(self):\n", + "\n", + "def _is_excluded(obj, properties, regexes, include_only_marked):\n", + "\n", + "def _cache_morlist_raw(self, instance):\n", + "\n", + "def _process_mor_objects_queue_async(self, instance, mors):\n", + "\n", + "def _process_mor_objects_queue(self, instance):\n", + "\n", + "def _cache_metrics_metadata(self, instance):\n", + "\n", + "def _transform_value(self, instance, counter_id, value):\n", + "\n", + "def _collect_metrics_async(self, instance, query_specs):\n", + "\n", + "def collect_metrics(self, instance):\n", + "\n", + "def _check_db_exists(self, instance):\n", + "\n", + "def _make_metric_list_to_collect(self, instance, custom_metrics):\n", + "\n", + "def typed_metric(self, instance, cfg_inst, table, base_name, user_type, sql_type, column):\n", + "\n", + "def _get_access_info(self, instance, db_key, db_name=None):\n", + "\n", + "def _conn_key(self, instance, db_key, db_name=None):\n", + "\n", + "def _conn_string_odbc(self, db_key, instance=None, conn_key=None, db_name=None):\n", + "\n", + "def _conn_string_adodbapi(self, db_key, instance=None, conn_key=None, db_name=None):\n", + "\n", + "def get_cursor(self, instance, db_key, db_name=None):\n", + "\n", + "def get_sql_type(self, instance, counter_name):\n", + "\n", + "def do_perf_counter_check(self, instance):\n", + "\n", + "def do_stored_procedure_check(self, instance, proc):\n", + "\n", + "def proc_check_guard(self, instance, sql):\n", + "\n", + "def close_cursor(self, cursor):\n", + "\n", + "def close_db_connections(self, instance, db_key, db_name=None):\n", + "\n", + "def open_db_connections(self, instance, db_key, db_name=None):\n", + "\n", + "def fetch_metric(self, cursor, results, tags):\n", + "\n", + "def create_generic_instances(self, instances):\n", + "\n", + "def _create_kube_dns_instance(self, instance):\n", + "\n", + "def submit_as_gauge_and_monotonic_count(self, metric_suffix, metric, scraper_config):\n", + "\n", + "def _command(self, sock_info, command, slave_ok=False,\n", + "\n", + "def initialize_unordered_bulk_op(self, bypass_document_validation=False):\n", + "\n", + "def initialize_ordered_bulk_op(self, bypass_document_validation=False):\n", + "\n", + "def bulk_write(self, requests, ordered=True,\n", + "\n", + "def _insert(self, sock_info, docs, ordered=True, check_keys=True,\n", + "\n", + " def gen():\n", + "\n", + " def gen():\n", + "\n", + "def insert_one(self, document, bypass_document_validation=False):\n", + "\n", + "def insert_many(self, documents, ordered=True,\n", + "\n", + " def gen():\n", + "\n", + "def replace_one(self, filter, replacement, upsert=False,\n", + "\n", + "def update_one(self, filter, update, upsert=False,\n", + "\n", + "def delete_one(self, filter, collation=None):\n", + "\n", + "def delete_many(self, filter, collation=None):\n", + "\n", + "def find_one(self, filter=None, *args, **kwargs):\n", + "\n", + "def parallel_scan(self, num_cursors, **kwargs):\n", + "\n", + "def _count(self, cmd, collation=None):\n", + "\n", + "def count(self, filter=None, **kwargs):\n", + "\n", + "def create_indexes(self, indexes):\n", + "\n", + " def gen_indexes():\n", + "\n", + "def __create_index(self, keys, index_options):\n", + "\n", + "def create_index(self, keys, **kwargs):\n", + "\n", + "def ensure_index(self, key_or_list, cache_for=300, **kwargs):\n", + "\n", + "def drop_indexes(self):\n", + "\n", + "def drop_index(self, index_or_name):\n", + "\n", + "def reindex(self):\n", + "\n", + "def list_indexes(self):\n", + "\n", + "def options(self):\n", + "\n", + "def aggregate(self, pipeline, **kwargs):\n", + "\n", + "def rename(self, new_name, **kwargs):\n", + "\n", + "def distinct(self, key, filter=None, **kwargs):\n", + "\n", + "def map_reduce(self, map, reduce, out, full_response=False, **kwargs):\n", + "\n", + "def inline_map_reduce(self, map, reduce, full_response=False, **kwargs):\n", + "\n", + "def __find_and_modify(self, filter, projection, sort, upsert=None,\n", + "\n", + "def find_one_and_replace(self, filter, replacement,\n", + "\n", + "def find_one_and_update(self, filter, update,\n", + "\n", + "def save(self, to_save, manipulate=True, check_keys=True, **kwargs):\n", + "\n", + "def insert(self, doc_or_docs, manipulate=True,\n", + "\n", + "def update(self, spec, document, upsert=False, manipulate=False,\n", + "\n", + "def remove(self, spec_or_id=None, multi=True, **kwargs):\n", + "\n", + "def find_and_modify(self, query={}, update=None,\n", + "\n", + "def from_native(cls, regex):\n", + "\n", + "def _get_int(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_float(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_object(data, position, obj_end, opts, dummy):\n", + "\n", + "def _get_array(data, position, obj_end, opts, element_name):\n", + "\n", + "def _get_binary(data, position, obj_end, opts, dummy1):\n", + "\n", + "def _get_oid(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_boolean(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_date(data, position, dummy0, opts, dummy1):\n", + "\n", + "def _get_code(data, position, obj_end, opts, element_name):\n", + "\n", + "def _get_code_w_scope(data, position, obj_end, opts, element_name):\n", + "\n", + "def _get_ref(data, position, obj_end, opts, element_name):\n", + "\n", + "def _get_timestamp(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_int64(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _get_decimal128(data, position, dummy0, dummy1, dummy2):\n", + "\n", + "def _element_to_dict(data, position, obj_end, opts):\n", + "\n", + "def _elements_to_dict(data, position, obj_end, opts):\n", + "\n", + "def gen_list_name():\n", + "\n", + "def _make_c_string_check(string):\n", + "\n", + "def _make_c_string(string):\n", + "\n", + "def _encode_dbref(name, value, check_keys, opts):\n", + "\n", + "def _encode_list(name, value, check_keys, opts):\n", + "\n", + "def _encode_text(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_binary(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_uuid(name, value, dummy, opts):\n", + "\n", + "def _encode_bool(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_datetime(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_regex(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_int(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_timestamp(name, value, dummy0, dummy1):\n", + "\n", + "def _encode_long(name, value, dummy0, dummy1):\n", + "\n", + "def _name_value_to_bson(name, value, check_keys, opts):\n", + "\n", + "def _element_to_bson(key, value, check_keys, opts):\n", + "\n", + "def _dict_to_bson(doc, check_keys, opts, top_level=True):\n", + "\n", + "def _millis_to_datetime(millis, opts):\n", + "\n", + "def decode_all(data, codec_options=DEFAULT_CODEC_OPTIONS):\n", + "\n", + "def decode_iter(data, codec_options=DEFAULT_CODEC_OPTIONS):\n", + "\n", + "def decode_file_iter(file_obj, codec_options=DEFAULT_CODEC_OPTIONS):\n", + "\n", + "def is_valid(bson):\n", + "\n", + "def encode(cls, document, check_keys=False,\n", + "\n", + "def decode(self, codec_options=DEFAULT_CODEC_OPTIONS):\n", + "\n", + "def subprocess_output(command, raise_on_empty_output):\n", + "\n", + "def _index_list(key_or_list, direction=None):\n", + "\n", + "def _unpack_response(response,\n", + "\n", + "def _check_command_response(response, msg=None, allowable_errors=None,\n", + "\n", + "def _first_batch(sock_info, db, coll, query, ntoreturn,\n", + "\n", + "def _check_write_command_response(results):\n", + "\n", + "def _fields_list_to_dict(fields, option_name):\n", + "\n", + "def _handle_exception():\n", + "\n", + "def _create_kubernetes_state_prometheus_instance(self, instance):\n", + "\n", + "def _condition_to_service_check(self, sample, sc_name, mapping, tags=None):\n", + "\n", + "def _condition_to_tag_check(self, sample, base_sc_name, mapping, scraper_config, tags=None):\n", + "\n", + "def _format_tag(self, name, value, scraper_config):\n", + "\n", + "def _label_to_tag(self, name, labels, scraper_config, tag_name=None):\n", + "\n", + "def kube_pod_status_phase(self, metric, scraper_config):\n", + "\n", + "def kube_cronjob_next_schedule_time(self, metric, scraper_config):\n", + "\n", + "def kube_node_status_condition(self, metric, scraper_config):\n", + "\n", + "def kube_node_status_ready(self, metric, scraper_config):\n", + "\n", + "def kube_node_status_network_unavailable(self, metric, scraper_config):\n", + "\n", + "def kube_node_spec_unschedulable(self, metric, scraper_config):\n", + "\n", + "def kube_resourcequota(self, metric, scraper_config):\n", + "\n", + "def kube_limitrange(self, metric, scraper_config):\n", + "\n", + "def count_objects_by_tags(self, metric, scraper_config):\n", + "\n", + "def get_pod_by_uid(uid, podlist):\n", + "\n", + "def is_static_pending_pod(pod):\n", + "\n", + "def is_excluded(self, cid, pod_uid=None):\n", + "\n", + "def cert_pair(self):\n", + "\n", + "def headers(self, url):\n", + "\n", + "def configure_scraper(self, scraper_config):\n", + "\n", + "def files_changed():\n", + "\n", + "def get_commits_since(check_name, target_tag=None):\n", + "\n", + "def git_show_file(path, ref):\n", + "\n", + "def git_commit(targets, message, force=False, sign=False):\n", + "\n", + "def git_tag(tag_name, push=False):\n", + "\n", + "def git_tag_list(pattern=None):\n", + "\n", + "def git_ls_files(filename):\n", + "\n", + "def _make_counter_path(self, machine_name, counter_name, instance_name, counters):\n", + "\n", + "def gauge(self, *args, **kwargs):\n", + "\n", + "def check(self, instance):\n", + "\n", + "def _parse_line(self, line):\n", + "\n", + "def create_event(self, timestamp, event_type, hostname, fields, tags=None):\n", + "\n", + "def create_snmp_engine(self, mibs_path):\n", + "\n", + "def get_auth_data(cls, instance):\n", + "\n", + "def get_context_data(cls, instance):\n", + "\n", + "def get_transport_target(cls, instance, timeout, retries):\n", + "\n", + "def _check(self, instance):\n", + "\n", + "def report_raw_metrics(self, metrics, results, tags):\n", + "\n", + "def report_table_metrics(self, metrics, results, tags):\n", + "\n", + "def get_index_tags(self, index, results, index_tags, column_tags):\n", + "\n", + "def submit_metric(self, name, snmp_value, forced_type, tags=None):\n", + "\n", + "def set_trace(self, frame=None):\n", + "\n", + "def round_trip_time(self):\n", + "\n", + "def collect_networks_metrics(self, tags, network_ids, exclude_network_id_rules):\n", + "\n", + "def _parse_uptime_string(self, uptime):\n", + "\n", + "def init_api(self, instance_config, custom_tags):\n", + "\n", + "def detect_cadvisor(kubelet_url, cadvisor_port):\n", + "\n", + "def process_cadvisor(self, instance, cadvisor_url, pod_list, pod_list_utils):\n", + "\n", + "def _publish_raw_metrics(self, metric, dat, tags, is_pod, depth=0):\n", + "\n", + "def stats_for_version(version):\n", + "\n", + "def pshard_stats_for_version(version):\n", + "\n", + "def health_stats_for_version(version):\n", + "\n", + "def ready(ctx, quiet):\n", + "\n", + "def changes(ctx, check, dry_run):\n", + "\n", + "def tag(check, version, push, dry_run):\n", + "\n", + "def make(ctx, check, version, initial_release, skip_sign, sign_only):\n", + "\n", + "def changelog(ctx, check, version, old_version, initial, quiet, dry_run):\n", + "\n", + "def build(check, sdist):\n", + "\n", + "def upload(ctx, check, sdist, dry_run):\n", + "\n", + "def metrics(self, name):\n", + "\n", + "def service_checks(self, name):\n", + "\n", + "def events(self):\n", + "\n", + "def assert_metric_has_tag(self, metric_name, tag, count=None, at_least=1):\n", + "\n", + "def assert_metric(self, name, value=None, tags=None, count=None, at_least=1, hostname=None, metric_type=None):\n", + "\n", + "def assert_service_check(self, name, status=None, tags=None, count=None, at_least=1, hostname=None, message=None):\n", + "\n", + "def metrics_asserted_pct(self):\n", + "\n", + "def _process_response(cls, response):\n", + "\n", + "def get_items_stats(key, value):\n", + "\n", + "def get_slabs_stats(key, value):\n", + "\n", + "def _check_aliveness(self, instance, base_url, vhosts, custom_tags, auth=None, ssl_verify=True):\n", + "\n", + "def _grid_in_property(field_name, docstring, read_only=False,\n", + "\n", + " def getter(self):\n", + "\n", + " def setter(self, value):\n", + "\n", + "def _grid_out_property(field_name, docstring):\n", + "\n", + " def getter(self):\n", + "\n", + "def __flush_data(self, data):\n", + "\n", + "def __flush_buffer(self):\n", + "\n", + "def __flush(self):\n", + "\n", + "def close(self):\n", + "\n", + "def write(self, data):\n", + "\n", + "def readchunk(self):\n", + "\n", + "def read(self, size=-1):\n", + "\n", + "def seek(self, pos, whence=_SEEK_SET):\n", + "\n", + "def provider(self, value):\n", + "\n", + "def connection(self):\n", + "\n", + "def connection_key(self):\n", + "\n", + "def formatted_filters(self):\n", + "\n", + "def sample(self):\n", + "\n", + "def _get_property_calculator(self, counter_type):\n", + "\n", + "def _format_property_values(self, previous, current):\n", + "\n", + "def get_connection(self):\n", + "\n", + "def _format_filter(filters, and_props=[]):\n", + "\n", + " def build_where_clause(fltr):\n", + "\n", + "def _parse_results(self, raw_results, includes_qualifiers):\n", + "\n", + "def _check_with_socket(self, sock_info, metadata=None):\n", + "\n", + "def agent_reqs():\n", + "\n", + "def _log_deprecation(self, deprecation_key):\n", + "\n", + "def convert_to_underscore_separated(self, name):\n", + "\n", + "def _normalize_tags_type(self, tags, device_name=None, metric_name=None):\n", + "\n", + "def normalize(self, metric, prefix=None, fix_case=False):\n", + "\n", + "def _normalize_tags_type(self, tags, device_name=None, metric_name=None):\n", + "\n", + "def _to_bytes(self, data):\n", + "\n", + "def from_instance(instance):\n", + "\n", + "def download(self, replace=False):\n", + "\n", + "def contents(self):\n", + "\n", + "def README(self):\n", + "\n", + "def meta(self):\n", + "\n", + "def citation(self):\n", + "\n", + "def to_numpy(self):\n", + "\n", + "def to_pandas(self):\n", + "\n", + "def to_dataframe(self):\n", + "\n", + "def labels(self):\n", + "\n", + "def files(self):\n", + "\n", + "def data(self):\n", + "\n", + " def read(path):\n", + "\n", + "def target(self):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, labels):\n", + "\n", + "def finalize(self):\n", + "\n", + "def sha256sum(path, blocksize=65536):\n", + "\n", + "def draw_best_fit(X, y, ax, estimator='linear', **kwargs):\n", + "\n", + "def fit_select_best(X, y):\n", + "\n", + "def fit_linear(X, y):\n", + "\n", + "def fit_quadratic(X, y):\n", + "\n", + "def draw_identity_line(ax=None, dynamic=True, **kwargs):\n", + "\n", + " def callback(ax):\n", + "\n", + "def confusion_matrix(model, X, y, ax=None, classes=None, sample_weight=None,\n", + "\n", + "def score(self, X, y):\n", + "\n", + "def draw(self):\n", + "\n", + "def pca_decomposition(X, y=None, ax=None, features=None, scale=True,\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def precision_recall_curve(model, X, y, X_test=None, y_test=None, ax=None, train_size=0.8,\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def score(self, X, y=None):\n", + "\n", + "def draw(self):\n", + "\n", + "def _draw_binary(self):\n", + "\n", + "def _draw_multiclass(self):\n", + "\n", + "def _draw_pr_curve(self, recall, precision, label=None):\n", + "\n", + "def _draw_ap_score(self, score, label=None):\n", + "\n", + "def _get_y_scores(self, X):\n", + "\n", + "def balanced_binning_reference(y, ax=None, target='Frequency', bins=4, **kwargs):\n", + "\n", + "def draw(self, y, **kwargs):\n", + "\n", + "def fit(self, y, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def download_all(data_home=None, replace=False):\n", + "\n", + "def cleanup_all(data_home=None):\n", + "\n", + "def class_balance(y_train, y_test=None, ax=None, labels=None, **kwargs):\n", + "\n", + "def fit(self, y_train, y_test=None):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def _validate_target(self, y):\n", + "\n", + "def get_model_name(model):\n", + "\n", + "def has_ndarray_int_columns(features, X):\n", + "\n", + "def is_monotonic(a, increasing=True):\n", + "\n", + "def div_safe( numerator, denominator ):\n", + "\n", + "def prop_to_size(vals, mi=0.0, ma=5.0, power=0.5, log=False):\n", + "\n", + "def slugify(text):\n", + "\n", + "def distortion_score(X, labels, metric='euclidean'):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self):\n", + "\n", + "def savefig(viz, name, gallery=GALLERY):\n", + "\n", + "def poof(self, outdir=None, ext=\".pdf\", **kwargs):\n", + "\n", + "def fit_transform_poof(self, X, y=None, outpath=None, **kwargs):\n", + "\n", + "def umap(X, y=None, ax=None, classes=None,\n", + "\n", + "def make_transformer(self, umap_kwargs={}):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, points, target=None, **kwargs):\n", + "\n", + "def explained_variance_visualizer(X, y=None, ax=None, scale=True, \n", + "\n", + "def roc_auc(model, X, y=None, ax=None, **kwargs):\n", + "\n", + "def score(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def _get_y_scores(self, X):\n", + "\n", + "def _score_micro_average(self, y, y_pred, classes, n_classes):\n", + "\n", + "def _score_macro_average(self, n_classes):\n", + "\n", + "def is_estimator(model):\n", + "\n", + "def is_gridsearch(estimator):\n", + "\n", + "def is_dataframe(obj):\n", + "\n", + "def is_series(obj):\n", + "\n", + "def is_structured_array(obj):\n", + "\n", + "def prediction_error(model, X, y=None, ax=None, alpha=0.75, **kwargs):\n", + "\n", + "def residuals_plot(model,\n", + "\n", + "def score(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, y, y_pred):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def hax(self):\n", + "\n", + "def fit(self, X, y, **kwargs):\n", + "\n", + "def score(self, X, y=None, train=False, **kwargs):\n", + "\n", + "def draw(self, y_pred, residuals, train=False, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def discrimination_threshold(model, X, y, ax=None, n_trials=50, cv=0.1,\n", + "\n", + "def fit(self, X, y, **kwargs):\n", + "\n", + "def _split_fit_score_trial(self, X, y, idx=0):\n", + "\n", + "def draw(self):\n", + "\n", + "def _check_quantiles(self, val):\n", + "\n", + "def _check_cv(self, val, random_state=None):\n", + "\n", + "def _check_exclude(self, val):\n", + "\n", + "def decisionviz(model,\n", + "\n", + "def find_text_color(base_color, dark_color=\"black\", light_color=\"white\", coef_choice=0):\n", + "\n", + "def feature_importances(model, X, y=None, ax=None, labels=None,\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def _find_classes_param(self):\n", + "\n", + "def _get_xlabel(self):\n", + "\n", + "def target_color_type(y):\n", + "\n", + "def _layout(self):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def draw(self, x, y, xlabel=None, ylabel=None):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def _index_into(self, idx, data):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def visualize_model(X, y, estimator, path, **kwargs):\n", + "\n", + "def cv_scores(model, X, y, ax=None, cv=None, scoring=None, **kwargs):\n", + "\n", + "def fit(self, X, y, **kwargs):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def kendalltau(X):\n", + "\n", + "def rank1d(X, y=None, ax=None, algorithm='shapiro', features=None,\n", + "\n", + "def rank2d(X, y=None, ax=None, algorithm='pearson', features=None,\n", + "\n", + "def transform(self, X, **kwargs):\n", + "\n", + "def rank(self, X, algorithm=None):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def score(self, X, y, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def missing_bar(X, y=None, ax=None, classes=None, width=0.5, color='black', **kwargs):\n", + "\n", + "def draw(self, X, y, **kwargs):\n", + "\n", + "def draw_stacked_bar(self, nan_col_counts):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def feature_correlation(X, y, ax=None, method='pearson',\n", + "\n", + "def fit(self, X, y, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self):\n", + "\n", + "def _create_labels_for_features(self, X):\n", + "\n", + "def _select_features_to_plot(self, X):\n", + "\n", + "def feature_analysis(fname=\"feature_analysis.png\"):\n", + "\n", + "def regression(fname=\"regression.png\"):\n", + "\n", + "def ax(self):\n", + "\n", + "def size(self):\n", + "\n", + "def poof(self, outpath=None, clear_figure=False, **kwargs):\n", + "\n", + "def set_title(self, title=None):\n", + "\n", + "def generate_subplots(self):\n", + "\n", + "def predict(self, X, y):\n", + "\n", + "def load_corpus(path):\n", + "\n", + "def get_data_home(path=None):\n", + "\n", + "def find_dataset_path(dataset, data_home=None, fname=None, ext=\".csv.gz\", raises=True):\n", + "\n", + "def dataset_exists(dataset, data_home=None):\n", + "\n", + "def dataset_archive(dataset, signature, data_home=None, ext=\".zip\"):\n", + "\n", + "def cleanup_dataset(dataset, data_home=None, ext=\".zip\"):\n", + "\n", + "def fit_transform_poof(self, X, y=None, **kwargs):\n", + "\n", + "def fit(self, X, y=None, **fit_params):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def color_palette(palette=None, n_colors=None):\n", + "\n", + "def set_color_codes(palette=\"accent\"):\n", + "\n", + "def color_sequence(palette=None, n_colors=None):\n", + "\n", + "def as_hex(self):\n", + "\n", + "def as_rgb(self):\n", + "\n", + "def plot(self, size=1):\n", + "\n", + "def _make_path(self, path, name):\n", + "\n", + "def plot_manifold_embedding(self, algorithm=\"lle\", path=\"images\"):\n", + "\n", + "def download_data(url, signature, data_home=None, replace=False, extract=True):\n", + "\n", + "def set_aesthetic(palette=\"yellowbrick\", font=\"sans-serif\", font_scale=1,\n", + "\n", + "def _axes_style(style=None, rc=None):\n", + "\n", + "def set_style(style=None, rc=None):\n", + "\n", + "def _set_context(context=None, font_scale=1, rc=None):\n", + "\n", + "def set_palette(palette, n_colors=None, color_codes=False):\n", + "\n", + "def dispersion(words, corpus, y=None, ax=None, colors=None, colormap=None,\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, points, target=None, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def manifold(self, transformer):\n", + "\n", + "def fit_transform(self, X, y=None):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def draw(self, X, y=None):\n", + "\n", + "def finalize(self):\n", + "\n", + "def _determine_target_color_type(self, y):\n", + "\n", + "def rfecv(model, X, y, ax=None, step=1, groups=None, cv=None,\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def scatterviz(X,\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, X, y, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def gridsearch_color_plot(model, x_param, y_param, X=None, y=None, ax=None,\n", + "\n", + "def filter_missing(X, y=None):\n", + "\n", + "def filter_missing_X_and_y(X, y):\n", + "\n", + "def warn_if_nans_exist(X):\n", + "\n", + "def count_rows_with_nans(X):\n", + "\n", + "def fit(self, X, y):\n", + "\n", + "def missing_dispersion(X, y=None, ax=None, classes=None, alpha=0.5, marker=\"|\", **kwargs):\n", + "\n", + "def get_nan_locs(self, **kwargs):\n", + "\n", + "def draw(self, X, y, **kwargs):\n", + "\n", + "def draw_multi_dispersion_chart(self, nan_locs):\n", + "\n", + "def param_projection(cv_results, x_param, y_param, metric='mean_test_score'):\n", + "\n", + "def param_projection(self, x_param, y_param, metric):\n", + "\n", + "def __threshold(self, ymx_i):\n", + "\n", + "def find_knee(self, ):\n", + "\n", + "def plot_knee_normalized(self, ):\n", + "\n", + "def plot_knee(self, ):\n", + "\n", + "def fit(self, X, y, **kwargs):\n", + "\n", + "def score(self, X, y, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def _find_alphas_param(self):\n", + "\n", + "def _find_errors_param(self):\n", + "\n", + "def fit(self, X, y, **args):\n", + "\n", + "def draw(self):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def _handle_universal(self, X):\n", + "\n", + "def _handle_treebank(self, X):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def tsne(X, y=None, ax=None, decompose='svd', decompose_by=50, classes=None,\n", + "\n", + "def make_transformer(self, decompose='svd', decompose_by=50, tsne_kwargs={}):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def get_version(path=VERSION_PATH):\n", + "\n", + "def get_requires(path=REQUIRE_PATH):\n", + "\n", + "def get_description_type(path=PKG_DESCRIBE):\n", + "\n", + "def learning_curve(model, X, y, ax=None, groups=None,\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def parallel_coordinates(X, y, ax=None, features=None, classes=None,\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self, X, y, **kwargs):\n", + "\n", + "def draw_instances(self, X, y, **kwargs):\n", + "\n", + "def draw_classes(self, X, y, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def validation_curve(model, X, y, param_name, param_range, ax=None, logx=False,\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def classes_(self):\n", + "\n", + "def fit(self, X, y=None, **kwargs):\n", + "\n", + "def _load_dataset(name, data_home=None, return_dataset=False):\n", + "\n", + "def _load_corpus(name, data_home=None):\n", + "\n", + "def resolve_colors(n_colors=None, colormap=None, colors=None):\n", + "\n", + "def colors(self, value):\n", + "\n", + "def memoized(fget):\n", + "\n", + " def fget_memoized(self):\n", + "\n", + "def anscombe():\n", + "\n", + "def radviz(X, y=None, ax=None, features=None, classes=None,\n", + "\n", + "def normalize(X):\n", + "\n", + "def draw(self, X, y, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def percentile_index(a, q):\n", + "\n", + "def validate_string_param(s, valid, param_name=\"param\"):\n", + "\n", + "def intercluster_distance(model, X, y=None, ax=None,\n", + "\n", + "def lax(self):\n", + "\n", + "def transformer(self):\n", + "\n", + "def cluster_centers_(self):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self):\n", + "\n", + "def _score_clusters(self, X, y=None):\n", + "\n", + "def _get_cluster_sizes(self):\n", + "\n", + "def _make_size_legend(self):\n", + "\n", + "def manual_legend(g, labels, colors, **legend_kwargs):\n", + "\n", + "def freqdist(X, y=None, ax=None, color=None, N=50, **kwargs):\n", + "\n", + "def count(self, X):\n", + "\n", + "def fit(self, X, y=None):\n", + "\n", + "def draw(self, **kwargs):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def classification_report(model, X, y=None, ax=None, classes=None,\n", + "\n", + "def score(self, X, y=None, **kwargs):\n", + "\n", + "def draw(self):\n", + "\n", + "def finalize(self, **kwargs):\n", + "\n", + "def _deprecated_getitem_method(name, attrs):\n", + "\n", + " def __getitem__(self, key):\n", + "\n", + "def skip_http_error(statuses):\n", + "\n", + " def fetch():\n", + "\n", + " def decorator(func):\n", + "\n", + " def wrapper(*args, **kwargs):\n", + "\n", + "def _symbols2assets(self, symbols):\n", + "\n", + "def get_bars(self, assets, data_frequency, bar_count=500):\n", + "\n", + " def fetch(symbol):\n", + "\n", + "def _symbol_trades(self, symbols):\n", + "\n", + " def fetch(symbol):\n", + "\n", + "def record(self, *args, **kwargs):\n", + "\n", + "def symbols(self, *args, **kwargs):\n", + "\n", + "def history(self, bar_count, frequency, field, ffill=True):\n", + "\n", + "def _calculate_order_value_amount(self, asset, value):\n", + "\n", + "def set_do_not_order_list(self, restricted_list, on_error='fail'):\n", + "\n", + "def translate(script):\n", + "\n", + "def make_eventrule(date_rule, time_rule, cal, half_days=True):\n", + "\n", + "def build_sector_fundamentals(sector):\n", + "\n", + "def make_pipeline(context):\n", + "\n", + "def my_record_vars(context, data):\n", + "\n", + "def retrieve_all(self, sids, default_none=False):\n", + "\n", + "def retrieve_asset(self, sid, default_none=False):\n", + "\n", + "def retrieve_equities(self, sids):\n", + "\n", + "def asymmetric_round_price_to_penny(price, prefer_round_down,\n", + "\n", + "def can_trade(self, assets):\n", + "\n", + " def fetch(asset):\n", + "\n", + "def is_stale(self, assets):\n", + "\n", + "def _get_current_minute(self):\n", + "\n", + "def api_method(f):\n", + "\n", + " def wrapped(*args, **kwargs):\n", + "\n", + "def make_pipeline(context):\n", + "\n", + "def parallelize(mapfunc, workers=None):\n", + "\n", + " def wrapper(args_list):\n", + "\n", + "def load_df_from_file(file_path, sep=\",\", header=0):\n", + "\n", + "def serialize_to_file(obj, file_name, append=False):\n", + "\n", + "def savez_two_column(matrix, row_offset, file_name, append=False):\n", + "\n", + "def sorted_product_set(array_a, array_b):\n", + "\n", + "def set_low_quality_matches_(self, matches, all_matches, match_quality_matrix):\n", + "\n", + "def eval_detection_voc(pred_boxlists, gt_boxlists, iou_thresh=0.5, use_07_metric=False):\n", + "\n", + "def calc_detection_voc_prec_rec(gt_boxlists, pred_boxlists, iou_thresh=0.5):\n", + "\n", + "def calc_detection_voc_ap(prec, rec, use_07_metric=False):\n", + "\n", + "def add_gt_proposals(self, proposals, targets):\n", + "\n", + "def forward_for_single_feature_map(self, anchors, objectness, box_regression):\n", + "\n", + "def forward(self, anchors, objectness, box_regression, targets=None):\n", + "\n", + "def _dropout_sparse_coo_matrix(sparse_matrix, rate,\n", + "\n", + "def shuffle_sparse_coo_matrix(sparse_matrix, dropout_rate=0.0,\n", + "\n", + "def play(network):\n", + "\n", + "def run_game(load_file, selfplay_dir=None, holdout_dir=None,\n", + "\n", + "def main(argv):\n", + "\n", + "def resize_matrix(usv, num_rows, num_cols):\n", + "\n", + "def normalize_matrix(matrix):\n", + "\n", + "def _get_sorted_inputs(filename):\n", + "\n", + "def _trim_and_decode(ids, subtokenizer):\n", + "\n", + " def input_generator():\n", + "\n", + " def input_fn():\n", + "\n", + "def translate_text(estimator, subtokenizer, txt):\n", + "\n", + " def input_fn():\n", + "\n", + "def pad_vocabulary(self, vocab, pad):\n", + "\n", + "def segment(self, line):\n", + "\n", + "def detokenize(self, inputs, delim=' '):\n", + "\n", + "def forward(self, x):\n", + "\n", + "def upload_benchmark_run(self, dataset_name, table_name, run_id):\n", + "\n", + "def upload_metric(self, dataset_name, table_name, run_id):\n", + "\n", + "def bleu_wrapper(ref_filename, hyp_filename, case_sensitive=False):\n", + "\n", + "def play_match(black_model, white_model, games, sgf_dir):\n", + "\n", + "def main(argv):\n", + "\n", + "def main():\n", + "\n", + "def encode(self, reference_boxes, proposals):\n", + "\n", + "def decode(self, rel_codes, boxes):\n", + "\n", + "def launch_eval_job(tag, m1_path, m2_path, job_name, completions):\n", + "\n", + "def launch_eval_job(m1_path, m2_path, job_name,\n", + "\n", + "def same_run_eval(black_num=0, white_num=0, completions=4):\n", + "\n", + "def _append_pairs(new_pairs):\n", + "\n", + "def add_top_pairs(dry_run=False, pair_now=False):\n", + "\n", + "def zoo_loop(sgf_dir=None, max_jobs=40):\n", + "\n", + "def cleanup(api_instance=None):\n", + "\n", + "def make_pairs_for_model(model_num=0):\n", + "\n", + "def convert_coco_stuff_mat(data_dir, out_dir):\n", + "\n", + "def get_mg_path(model_run, model_num):\n", + "\n", + "def make_single_array(ds, batch_size=8*1024):\n", + "\n", + "def _histogram_move_keys_by_game(sess, ds, batch_size=8*1024):\n", + "\n", + "def _game_keys_as_array(ds):\n", + "\n", + "def _delete_rows(args):\n", + "\n", + "def set_fresh_watermark(game_queue, count_from, window_size,\n", + "\n", + "def get_unparsed_moves_from_last_n_games(games, games_nr, n,\n", + "\n", + "def count_elements_in_dataset(ds, batch_size=1*1024, parallel_batch=8):\n", + "\n", + "def create(self):\n", + "\n", + "def games_by_time(self, start_game, end_game):\n", + "\n", + " def parse(r):\n", + "\n", + "def delete_row_range(self, format_str, start_game, end_game):\n", + "\n", + "def trim_games_since(self, t, max_games=500000):\n", + "\n", + "def bleakest_moves(self, start_game, end_game):\n", + "\n", + " def parse(r):\n", + "\n", + "def require_fresh_games(self, number_fresh):\n", + "\n", + "def wait_for_fresh_games(self, poll_interval=15.0):\n", + "\n", + "def read_wait_cell(self):\n", + "\n", + "def count_moves_in_game_range(self, game_begin, game_end):\n", + "\n", + "def moves_from_games(self, start_game, end_game, moves, shuffle,\n", + "\n", + "def moves_from_last_n_games(self, n, moves, shuffle,\n", + "\n", + "def _write_move_counts(self, sess, h):\n", + "\n", + " def gen():\n", + "\n", + "def update_move_counts(self, start_game, end_game, interval=1000):\n", + "\n", + "def get_filenames(is_training, data_dir):\n", + "\n", + "def _parse_example_proto(example_serialized):\n", + "\n", + "def parse_record(raw_record, is_training, dtype):\n", + "\n", + "def input_fn(is_training, data_dir, batch_size, num_epochs=1, num_gpus=None,\n", + "\n", + "def _get_block_sizes(resnet_size):\n", + "\n", + "def imagenet_model_fn(features, labels, mode, params):\n", + "\n", + "def gnmt_print(*args, **kwargs):\n", + "\n", + "def init_lstm_(lstm, init_weight=0.1):\n", + "\n", + "def setup_seeds(master_seed, epochs, device):\n", + "\n", + "def barrier():\n", + "\n", + "def get_rank():\n", + "\n", + "def get_world_size():\n", + "\n", + "def setup_logging(log_file=os.devnull):\n", + "\n", + " def __init__(self, rank):\n", + "\n", + " def filter(self, record):\n", + "\n", + "def set_device(cuda, local_rank):\n", + "\n", + "def init_distributed(cuda):\n", + "\n", + "def log_env_info():\n", + "\n", + "def debug_tensor(tensor, name):\n", + "\n", + "def reduce(self, op):\n", + "\n", + "def build_dataset(dataset_list, transforms, dataset_catalog, is_train=True):\n", + "\n", + "def to_image_list(tensors, size_divisible=0):\n", + "\n", + "def forward(self, features, proposals, targets=None):\n", + "\n", + "def get_inference_input():\n", + "\n", + "def model_fn(features, labels, mode, params):\n", + "\n", + " def eval_metrics_host_call_fn(policy_output, value_output, pi_tensor, policy_cost,\n", + "\n", + "def model_inference_fn(features, training, params):\n", + "\n", + " def mg_activation(inputs):\n", + "\n", + " def residual_inner(inputs):\n", + "\n", + " def mg_res_layer(inputs):\n", + "\n", + " def mg_squeeze_excitation_layer(inputs):\n", + "\n", + "def tpu_model_inference_fn(features):\n", + "\n", + " def custom_getter(getter, name, *args, **kwargs):\n", + "\n", + "def bootstrap():\n", + "\n", + "def export_model(model_path):\n", + "\n", + "def freeze_graph_tpu(model_path):\n", + "\n", + "def initialize_weights(self, save_file):\n", + "\n", + "def parse_helpfull_output(help_output, regex=FLAG_HELP_RE_PY):\n", + "\n", + "def filter_flags(parsed_flags, valid_flags):\n", + "\n", + " def valid_argv(argv):\n", + "\n", + "def prepare_subprocess_cmd(subprocess_cmd):\n", + "\n", + "def run(cmd):\n", + "\n", + "def checked_run(cmd):\n", + "\n", + "def process_record_dataset(dataset, is_training, batch_size, shuffle_buffer,\n", + "\n", + "def get_synth_input_fn(height, width, num_channels, num_classes):\n", + "\n", + " def learning_rate_fn(global_step):\n", + "\n", + " def poly_rate_fn(global_step):\n", + "\n", + "def resnet_model_fn(features, labels, mode, model_class,\n", + "\n", + " def exclude_batch_norm(name):\n", + "\n", + "def per_device_batch_size(batch_size, num_gpus):\n", + "\n", + "def resnet_main(seed, flags, model_function, input_function, shape=None):\n", + "\n", + " def formatter(x):\n", + "\n", + " def input_fn_train():\n", + "\n", + " def input_fn_eval():\n", + "\n", + "def compute_ratings(data=None):\n", + "\n", + " def ilsr_data(d):\n", + "\n", + "def suggest_pairs(top_n=10, per_n=3, ignore_before=300):\n", + "\n", + "def time_recommendation(move_num, seconds_per_move=5, time_limit=15 * 60,\n", + "\n", + "def suggest_move(self, position):\n", + "\n", + "def play_move(self, c):\n", + "\n", + "def pick_move(self):\n", + "\n", + "def forward(self, inputs, hidden, context, context_len):\n", + "\n", + "def init_hidden(self, hidden):\n", + "\n", + "def package_hidden(self):\n", + "\n", + "def forward(self, inputs, context, inference=False):\n", + "\n", + "def log_deferred(op, log_id, every_n=1, first_n=None):\n", + "\n", + "def cache_url(url, model_dir=None, progress=True):\n", + "\n", + "def split_heads(self, x):\n", + "\n", + "def combine_heads(self, x):\n", + "\n", + "def call(self, x, y, bias, cache=None):\n", + "\n", + "def _save_vocab_file(vocab_file, subtoken_list):\n", + "\n", + "def _load_vocab_file(vocab_file, reserved_tokens=None):\n", + "\n", + "def _native_to_unicode(s):\n", + "\n", + "def _unicode_to_native(s):\n", + "\n", + "def _split_string_to_tokens(text):\n", + "\n", + "def _escape_token(token, alphabet):\n", + "\n", + "def _unescape_token(token):\n", + "\n", + " def match(m):\n", + "\n", + "def _count_tokens(files, file_byte_limit=1e6):\n", + "\n", + "def _split_token_to_subtokens(token, subtoken_dict, max_subtoken_length):\n", + "\n", + " def bisect(min_val, max_val):\n", + "\n", + "def _generate_alphabet_dict(iterable, reserved_tokens=None):\n", + "\n", + "def _filter_and_bucket_subtokens(subtoken_counts, min_count):\n", + "\n", + "def encode(self, raw_string, add_eos=False):\n", + "\n", + "def _token_to_subtoken_ids(self, token):\n", + "\n", + "def decode(self, subtokens):\n", + "\n", + "def _subtoken_ids_to_tokens(self, subtokens):\n", + "\n", + "def batch_run_many(player, positions, batch_size=100):\n", + "\n", + "def forward(self, x, boxes):\n", + "\n", + "def get_caller(stack_index=2, root_dir=None):\n", + "\n", + "def _mlperf_print(key, value=None, benchmark=None, stack_offset=0,\n", + "\n", + "def generate(model_num):\n", + "\n", + "def detect_model_num(string):\n", + "\n", + "def detect_model_name(string):\n", + "\n", + "def batch_norm(inputs, training, data_format):\n", + "\n", + "def fixed_padding(inputs, kernel_size, data_format):\n", + "\n", + "def conv2d_fixed_padding(inputs, filters, kernel_size, strides, data_format):\n", + "\n", + "def _bottleneck_block_v1(inputs, filters, training, projection_shortcut,\n", + "\n", + "def block_layer(inputs, filters, bottleneck, block_fn, blocks, strides,\n", + "\n", + " def projection_shortcut(inputs):\n", + "\n", + "def _custom_dtype_getter(self, getter, name, shape=None, dtype=DEFAULT_DTYPE,\n", + "\n", + "def init_rng(self):\n", + "\n", + "def distribute_batches(self, indices):\n", + "\n", + "def reshuffle_batches(self, indices, rng):\n", + "\n", + "def forward(self, images, features, targets=None):\n", + "\n", + "def smooth_l1_loss(input, target, beta=1. / 9, size_average=True):\n", + "\n", + "def eval_policy(eval_positions):\n", + "\n", + "def dbg(*objects, file=sys.stderr, flush=True, **kwargs):\n", + "\n", + "def ensure_dir_exists(directory):\n", + "\n", + "def parse_game_result(result):\n", + "\n", + "def iter_chunks(chunk_size, iterator):\n", + "\n", + "def timer(message):\n", + "\n", + "def logged_timer(message):\n", + "\n", + "def find_file(path, filename, max_depth=5):\n", + "\n", + "def get_raw_files(raw_dir, data_source):\n", + "\n", + "def txt_line_iterator(path):\n", + "\n", + "def compile_files(raw_dir, raw_files, tag):\n", + "\n", + "def write_file(writer, filename):\n", + "\n", + "def shard_filename(path, tag, shard_num, total_shards):\n", + "\n", + "def shuffle_records(fname):\n", + "\n", + "def dict_to_example(dictionary):\n", + "\n", + "def all_exist(filepaths):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def encode(self, inputs, attention_bias):\n", + "\n", + "def decode(self, targets, encoder_outputs, attention_bias):\n", + "\n", + "def _get_symbols_to_logits_fn(self, max_decode_length):\n", + "\n", + " def symbols_to_logits_fn(ids, i, cache):\n", + "\n", + "def predict(self, encoder_outputs, encoder_decoder_attention_bias):\n", + "\n", + "def _create_row_col_indices(ratings_df):\n", + "\n", + "def _preprocess_movie_lens(ratings_df):\n", + "\n", + "def getAnnIds(self, imgIds=[], catIds=[], areaRng=[], iscrowd=None):\n", + "\n", + "def getCatIds(self, catNms=[], supNms=[], catIds=[]):\n", + "\n", + "def getImgIds(self, imgIds=[], catIds=[]):\n", + "\n", + "def loadAnns(self, ids=[]):\n", + "\n", + "def loadCats(self, ids=[]):\n", + "\n", + "def loadImgs(self, ids=[]):\n", + "\n", + "def showAnns(self, anns):\n", + "\n", + "def loadRes(self, resFile):\n", + "\n", + "def annToRLE(self, ann):\n", + "\n", + "def annToMask(self, ann):\n", + "\n", + "def forward(self, images, targets=None):\n", + "\n", + "def sparse_svd(sparse_matrix, num_values, max_iter):\n", + "\n", + "def call(self, x):\n", + "\n", + "def linear(self, x):\n", + "\n", + "def iterate(self, src, tgt, update=True, training=True):\n", + "\n", + "def feed_data(self, data_loader, training=True):\n", + "\n", + "def preallocate(self, data_loader, training):\n", + "\n", + "def optimize(self, data_loader):\n", + "\n", + "def evaluate(self, data_loader):\n", + "\n", + "def load(self, filename):\n", + "\n", + "def save(self, identifier=None, is_best=False, save_all=False):\n", + "\n", + " def write_checkpoint(state, filename):\n", + "\n", + "def keep_only_positive_boxes(boxes):\n", + "\n", + "def forward(self, features, proposals, targets=None):\n", + "\n", + "def get_95_percentile_bleak(games_nr, n_back=500):\n", + "\n", + "def update_flagfile(flags_path, new_threshold):\n", + "\n", + "def _minigui_report_search_status(self, leaves):\n", + "\n", + "def parse_args():\n", + "\n", + " def exclusive_group(group, name, default, help):\n", + "\n", + "def main():\n", + "\n", + "def validate_holdout_selfplay():\n", + "\n", + "def validate_pro():\n", + "\n", + "def get_group_gn(dim, dim_per_gp, num_groups):\n", + "\n", + "def make_fc(dim_in, hidden_dim, use_gn=False):\n", + "\n", + "def resize(self, size, *args, **kwargs):\n", + "\n", + "def transpose(self, method):\n", + "\n", + "def crop(self, box):\n", + "\n", + "def parse_args():\n", + "\n", + " def exclusive_group(group, name, default, help):\n", + "\n", + "def main():\n", + "\n", + "def convert_to_strings(self, sequences, sizes=None):\n", + "\n", + "def process_strings(self, sequences, remove_repetitions=False):\n", + "\n", + "def wer(self, s1, s2):\n", + "\n", + "def decode(self, probs, sizes=None):\n", + "\n", + "def forward(self, x, boxes):\n", + "\n", + "def prepare_boxlist(self, boxes, scores, image_shape):\n", + "\n", + "def filter_results(self, boxlist, num_classes):\n", + "\n", + "def _determine_chunk_to_make(write_dir):\n", + "\n", + "def fill_and_wait_models(bufsize=EXAMPLES_PER_GENERATION,\n", + "\n", + "def make_chunk_for(output_dir=LOCAL_DIR,\n", + "\n", + "def parallel_fill(self, games, threads=8):\n", + "\n", + "def update(self, new_games):\n", + "\n", + "def make_tf_example(features, pi, value):\n", + "\n", + "def write_tf_examples(filename, tf_examples, serialize=True):\n", + "\n", + "def batch_parse_tf_example(batch_size, example_batch):\n", + "\n", + "def read_tf_records(batch_size, tf_records, num_repeats=1,\n", + "\n", + "def get_input_tensors(batch_size, tf_records, num_repeats=1,\n", + "\n", + "def make_dataset_from_selfplay(data_extracts):\n", + "\n", + "def forward(self, features, proposals, targets=None):\n", + "\n", + "def past_stop_threshold(stop_threshold, eval_metric):\n", + "\n", + "def forward(self, images, features, targets=None):\n", + "\n", + "def synchronize():\n", + "\n", + "def all_gather(data):\n", + "\n", + "def reduce_dict(input_dict, average=True):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def greedy_search(self, batch_size, initial_input, initial_context=None):\n", + "\n", + "def beam_search(self, batch_size, initial_input, initial_context=None):\n", + "\n", + "def evaluate(dataset, predictions, output_folder, **kwargs):\n", + "\n", + "def cat(tensors, dim=0):\n", + "\n", + "def validate_examples(example_file):\n", + "\n", + " def test_example(raw):\n", + "\n", + "def get_train_hooks(name_list, **kwargs):\n", + "\n", + "def get_examples_per_second_hook(every_n_steps=100,\n", + "\n", + "def get_logging_metric_hook(benchmark_log_dir=None,\n", + "\n", + "def parse_rec(filename):\n", + "\n", + "def voc_eval(detpath,\n", + "\n", + "def build_collate_fn(batch_first=False, parallel=True, sort=False):\n", + "\n", + " def collate_seq(seq):\n", + "\n", + " def parallel_collate(seqs):\n", + "\n", + " def single_collate(src_seqs):\n", + "\n", + "def sort_by_length(self):\n", + "\n", + "def unsort(self, array):\n", + "\n", + "def filter_data(self, min_len, max_len):\n", + "\n", + "def process_data(self, fname, tokenizer, max_size):\n", + "\n", + "def sort_by_length(self):\n", + "\n", + "def filter_data(self, min_len, max_len):\n", + "\n", + "def process_raw_data(self, fname, max_size):\n", + "\n", + "def filter_raw_data(self, min_len, max_len):\n", + "\n", + "def heatmaps_to_keypoints(maps, rois):\n", + "\n", + "def build_tensor_serving_input_receiver_fn(shape, dtype=tf.float32,\n", + "\n", + " def serving_input_receiver_fn():\n", + "\n", + "def _within_box(points, boxes):\n", + "\n", + "def begin(self):\n", + "\n", + "def vis_keypoints(img, kps, kp_thresh=2, alpha=0.7):\n", + "\n", + "def build_transform(self):\n", + "\n", + "def run_on_opencv_image(self, image):\n", + "\n", + "def compute_prediction(self, original_image):\n", + "\n", + "def select_top_predictions(self, predictions):\n", + "\n", + "def compute_colors_for_labels(self, labels):\n", + "\n", + "def overlay_boxes(self, image, predictions):\n", + "\n", + "def overlay_mask(self, image, predictions):\n", + "\n", + "def create_mask_montage(self, image, predictions):\n", + "\n", + "def overlay_class_names(self, image, predictions):\n", + "\n", + "def _collect_cpu_info(run_info):\n", + "\n", + "def _collect_gpu_info(run_info):\n", + "\n", + "def log_estimator_evaluation_result(self, eval_results):\n", + "\n", + "def log_metric(self, name, value, unit=None, global_step=None, extras=None):\n", + "\n", + "def log_run_info(self, model_name):\n", + "\n", + "def read_existing_paths(bt_table):\n", + "\n", + "def canonical_name(sgf_name):\n", + "\n", + "def read_games(glob, existing_paths):\n", + "\n", + "def write_eval_records(bt_table, game_data, last_game):\n", + "\n", + "def main(unusedargv):\n", + "\n", + "def initialize_from_checkpoint(state):\n", + "\n", + "def get_golden_chunk_records():\n", + "\n", + "def rl_loop():\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def replay_position(position, result):\n", + "\n", + "def is_koish(board, c):\n", + "\n", + "def is_eyeish(board, c):\n", + "\n", + "def is_move_legal(self, move):\n", + "\n", + "def all_legal_moves(self):\n", + "\n", + "def score(self):\n", + "\n", + "def parse_sgf_to_examples(sgf_path):\n", + "\n", + "def find_and_filter_sgf_files(base_dir, min_year=None, komi=None):\n", + "\n", + "def get_model_paths(model_dir):\n", + "\n", + "def handle_node(pos, node):\n", + "\n", + "def replay_sgf(sgf_contents):\n", + "\n", + "def decode(self, inputs, context, inference=False):\n", + "\n", + "def generate(self, inputs, context, beam_size):\n", + "\n", + "def build_eval_path(self, epoch, iteration):\n", + "\n", + "def run(self, calc_bleu=True, epoch=None, iteration=None, eval_path=None,\n", + "\n", + "def evaluate(self, epoch, iteration, summary):\n", + "\n", + "def run_detokenizer(self, eval_path):\n", + "\n", + "def run_sacrebleu(self, detok_eval_path, reference_path):\n", + "\n", + "def configure(project=LOGGING_PROJECT):\n", + "\n", + "def align_and_update_state_dicts(model_state_dict, loaded_state_dict):\n", + "\n", + "def compute_update_ratio(weight_tensors, before_weights, after_weights):\n", + "\n", + "def train(*tf_records: \"Records to train on\"):\n", + "\n", + " def _input_fn(params):\n", + "\n", + " def _input_fn(params):\n", + "\n", + " def _input_fn():\n", + "\n", + "def main(argv):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def grouper(n, iterable):\n", + "\n", + "def subsample():\n", + "\n", + "def evaluate():\n", + "\n", + " def short_str(v):\n", + "\n", + "def minimize():\n", + "\n", + " def one_hot(n, i):\n", + "\n", + "def download_from_url(path, url):\n", + "\n", + "def project_masks_on_boxes(segmentation_masks, proposals, discretization_size):\n", + "\n", + "def _decode_crop_and_flip(image_buffer, num_channels):\n", + "\n", + "def _central_crop(image, crop_height, crop_width):\n", + "\n", + "def _mean_image_subtraction(image, means, num_channels):\n", + "\n", + "def _smallest_size_at_least(height, width, resize_min):\n", + "\n", + "def _aspect_preserving_resize(image, resize_min):\n", + "\n", + "def _resize_image(image, height, width):\n", + "\n", + "def preprocess_image(image_buffer, output_height, output_width,\n", + "\n", + "def _shape_list(tensor):\n", + "\n", + "def _flatten_beam_dim(tensor):\n", + "\n", + "def _unflatten_beam_dim(tensor, batch_size, beam_size):\n", + "\n", + "def _gather_beams(nested, beam_indices, batch_size, new_beam_size):\n", + "\n", + "def _gather_topk_beams(nested, score_or_log_prob, batch_size, beam_size):\n", + "\n", + "def search(self, initial_ids, initial_cache):\n", + "\n", + "def _create_initial_state(self, initial_ids, initial_cache):\n", + "\n", + "def _continue_search(self, state):\n", + "\n", + "def _search_step(self, state):\n", + "\n", + "def _grow_alive_seq(self, state):\n", + "\n", + "def _get_new_alive_state(self, new_seq, new_log_probs, new_cache):\n", + "\n", + "def _get_new_finished_state(self, state, new_seq, new_log_probs):\n", + "\n", + "def reset_parameters(self, init_weight):\n", + "\n", + "def set_mask(self, context_len, context):\n", + "\n", + "def calc_score(self, att_query, att_keys):\n", + "\n", + "def get_decoder_self_attention_bias(length):\n", + "\n", + "def get_padding(x, padding_value=0):\n", + "\n", + "def get_padding_bias(x):\n", + "\n", + "def _add_result(self, dict_entry, entry, dt, start_time):\n", + "\n", + "def _sorted_results(self, results_dicts):\n", + "\n", + "def get_compliance(self, filename):\n", + "\n", + "def verify_and_extract_time(self, log_file, division, result_name):\n", + "\n", + "def make_gtp_instance(load_file, cgos_mode=False, kgs_mode=False,\n", + "\n", + "def main(argv):\n", + "\n", + "def validate(*tf_records):\n", + "\n", + " def _input_fn(params):\n", + "\n", + " def _input_fn():\n", + "\n", + "def main(argv):\n", + "\n", + "def setup_custom_environment(custom_module_path):\n", + "\n", + "def get_models():\n", + "\n", + "def get_hour_dirs(root=None):\n", + "\n", + "def game_counts(n_back=20):\n", + "\n", + "def boxlist_nms(boxlist, nms_thresh, max_proposals=-1, score_field=\"scores\"):\n", + "\n", + "def remove_small_boxes(boxlist, min_size):\n", + "\n", + "def boxlist_iou(boxlist1, boxlist2):\n", + "\n", + "def cat_boxlist(bboxes):\n", + "\n", + "def _loc_vec(self, loc):\n", + "\n", + "def forward(self, ploc, plabel, gloc, glabel):\n", + "\n", + "def set_grads(params, params_with_grad):\n", + "\n", + "def set_weights(params, new_params):\n", + "\n", + "def initialize_model(self, model):\n", + "\n", + "def step(self, loss, optimizer, scheduler, update=True):\n", + "\n", + "def step(self, loss, optimizer, scheduler, update=True):\n", + "\n", + "def _parse_example(serialized_example):\n", + "\n", + "def _filter_max_length(example, max_length=256):\n", + "\n", + "def _get_example_length(example):\n", + "\n", + "def _batch_examples(dataset, batch_size, max_length):\n", + "\n", + " def example_to_bucket_id(example_input, example_target):\n", + "\n", + " def window_size_fn(bucket_id):\n", + "\n", + " def batching_fn(bucket_id, grouped_dataset):\n", + "\n", + "def train_input_fn(params):\n", + "\n", + "def eval_input_fn(params):\n", + "\n", + "def reduce_loss_dict(loss_dict):\n", + "\n", + "def parse_dtype_info(flags):\n", + "\n", + "def calc_iou_tensor(box1, box2):\n", + "\n", + "def scale_back_batch(self, bboxes_in, scores_in):\n", + "\n", + "def _generate_anchors(base_size, scales, aspect_ratios):\n", + "\n", + "def from_flat(flat):\n", + "\n", + "def to_flat(coord):\n", + "\n", + "def from_sgf(sgfc):\n", + "\n", + "def from_gtp(gtpc):\n", + "\n", + "def to_gtp(coord):\n", + "\n", + "def findContours(*args, **kwargs):\n", + "\n", + "def maybe_add_child(self, fcoord):\n", + "\n", + "def add_virtual_loss(self, up_to):\n", + "\n", + "def backup_value(self, value, up_to):\n", + "\n", + "def is_done(self):\n", + "\n", + "def children_as_pi(self, squash=False):\n", + "\n", + "def mvp_gg(self):\n", + "\n", + "def _convert_args(handler, args):\n", + "\n", + "def add_cmd_handler(self, handler_obj):\n", + "\n", + "def _pad_tensors_to_same_length(x, y):\n", + "\n", + "def padded_cross_entropy_loss(logits, labels, smoothing, vocab_size):\n", + "\n", + "def _convert_to_eval_metric(metric_fn):\n", + "\n", + " def problem_metric_fn(*args):\n", + "\n", + "def get_eval_metrics(logits, labels, params):\n", + "\n", + "def padded_accuracy(logits, labels):\n", + "\n", + "def padded_accuracy_topk(logits, labels, k):\n", + "\n", + "def padded_sequence_accuracy(logits, labels):\n", + "\n", + "def padded_neg_log_perplexity(logits, labels, vocab_size):\n", + "\n", + "def bleu_score(logits, labels):\n", + "\n", + "def _get_ngrams_with_counter(segment, max_order):\n", + "\n", + "def compute_bleu(reference_corpus, translation_corpus, max_order=4,\n", + "\n", + "def rouge_2_fscore(logits, labels):\n", + "\n", + "def rouge_n(eval_sentences, ref_sentences, n=2):\n", + "\n", + "def rouge_l_fscore(predictions, labels):\n", + "\n", + "def parse_args():\n", + "\n", + "def download_and_extract(path, url, input_filename, target_filename):\n", + "\n", + "def main(unused_argv):\n", + "\n", + "def parse_comment_node(comment):\n", + "\n", + "def subsample(self, proposals, targets):\n", + "\n", + "def forward(self, inputs, lengths):\n", + "\n", + "def wait(aws):\n", + "\n", + "def get_subdirs(parent_path):\n", + "\n", + "def forward(self, x, boxes):\n", + "\n", + "def augment_audio_with_sox(path, sample_rate, tempo, gain):\n", + "\n", + "def load_randomly_augmented_audio(path, sample_rate=16000, tempo_range=(0.85, 1.15),\n", + "\n", + "def model_fn(features, labels, mode, params):\n", + "\n", + "def get_learning_rate(learning_rate, hidden_size, learning_rate_warmup_steps):\n", + "\n", + "def get_train_op(loss, params):\n", + "\n", + "def translate_and_compute_bleu(estimator, subtokenizer, bleu_source, bleu_ref):\n", + "\n", + "def evaluate_and_log_bleu(estimator, bleu_writer, bleu_source, bleu_ref):\n", + "\n", + "def add_membership(self, member, role=github.GithubObject.NotSet):\n", + "\n", + "def add_to_repos(self, repo):\n", + "\n", + "def set_repo_permission(self, repo, permission):\n", + "\n", + "def edit(self, name, description=github.GithubObject.NotSet, permission=github.GithubObject.NotSet, privacy=github.GithubObject.NotSet):\n", + "\n", + "def get_members(self, role=github.GithubObject.NotSet):\n", + "\n", + "def get_repos(self):\n", + "\n", + "def has_in_members(self, member):\n", + "\n", + "def has_in_repos(self, repo):\n", + "\n", + "def NEW_DEBUG_FRAME(self, requestHeader):\n", + "\n", + "def DEBUG_ON_RESPONSE(self, statusCode, responseHeader, data):\n", + "\n", + "def as_issue(self):\n", + "\n", + "def create_comment(self, body, commit_id, path, position):\n", + "\n", + "def create_review_comment(self, body, commit_id, path, position):\n", + "\n", + "def create_issue_comment(self, body):\n", + "\n", + "def create_review(self, commit=github.GithubObject.NotSet, body=None, event=github.GithubObject.NotSet, comments=github.GithubObject.NotSet):\n", + "\n", + "def delete_review_request(self, reviewers=github.GithubObject.NotSet, team_reviewers=github.GithubObject.NotSet):\n", + "\n", + "def edit(self, title=github.GithubObject.NotSet, body=github.GithubObject.NotSet, state=github.GithubObject.NotSet, base=github.GithubObject.NotSet):\n", + "\n", + "def get_review_comment(self, id):\n", + "\n", + "def get_review_comments(self, since=github.GithubObject.NotSet):\n", + "\n", + "def get_single_review_comments(self, id):\n", + "\n", + "def get_commits(self):\n", + "\n", + "def get_files(self):\n", + "\n", + "def get_issue_comment(self, id):\n", + "\n", + "def get_issue_comments(self):\n", + "\n", + "def get_review(self, id):\n", + "\n", + "def get_reviews(self):\n", + "\n", + "def get_review_requests(self):\n", + "\n", + "def get_labels(self):\n", + "\n", + "def remove_from_labels(self, label):\n", + "\n", + "def set_labels(self, *labels):\n", + "\n", + "def is_merged(self):\n", + "\n", + "def merge(self, commit_message=github.GithubObject.NotSet, commit_title=github.GithubObject.NotSet, merge_method=github.GithubObject.NotSet, sha=github.GithubObject.NotSet):\n", + "\n", + "def repository(self):\n", + "\n", + "def as_pull_request(self):\n", + "\n", + "def add_to_assignees(self, *assignees):\n", + "\n", + "def create_comment(self, body):\n", + "\n", + "def edit(self, title=github.GithubObject.NotSet, body=github.GithubObject.NotSet, assignee=github.GithubObject.NotSet, state=github.GithubObject.NotSet, milestone=github.GithubObject.NotSet, labels=github.GithubObject.NotSet, assignees=github.GithubObject.NotSet):\n", + "\n", + "def get_comments(self, since=github.GithubObject.NotSet):\n", + "\n", + "def get_events(self):\n", + "\n", + "def get_labels(self):\n", + "\n", + "def get_reactions(self):\n", + "\n", + "def create_reaction(self, reaction_type):\n", + "\n", + "def edit(self, title, state=github.GithubObject.NotSet, description=github.GithubObject.NotSet, due_on=github.GithubObject.NotSet):\n", + "\n", + "def add_to_public_members(self, public_member):\n", + "\n", + "def create_fork(self, repo):\n", + "\n", + "def create_hook(self, name, config, events=github.GithubObject.NotSet, active=github.GithubObject.NotSet):\n", + "\n", + "def create_team(self, name, repo_names=github.GithubObject.NotSet, permission=github.GithubObject.NotSet, privacy=github.GithubObject.NotSet):\n", + "\n", + "def delete_hook(self, id):\n", + "\n", + "def edit(self, billing_email=github.GithubObject.NotSet, blog=github.GithubObject.NotSet, company=github.GithubObject.NotSet, description=github.GithubObject.NotSet, email=github.GithubObject.NotSet, location=github.GithubObject.NotSet, name=github.GithubObject.NotSet):\n", + "\n", + "def get_events(self):\n", + "\n", + "def get_hook(self, id):\n", + "\n", + "def get_hooks(self):\n", + "\n", + "def get_members(self, filter_=github.GithubObject.NotSet,\n", + "\n", + "def get_projects(self, state=github.GithubObject.NotSet):\n", + "\n", + "def get_public_members(self):\n", + "\n", + "def get_outside_collaborators(self, filter_=github.GithubObject.NotSet):\n", + "\n", + "def remove_outside_collaborator(self, collaborator):\n", + "\n", + "def convert_to_outside_collaborator(self, member):\n", + "\n", + "def get_repo(self, name):\n", + "\n", + "def get_repos(self, type=github.GithubObject.NotSet):\n", + "\n", + "def get_team(self, id):\n", + "\n", + "def get_teams(self):\n", + "\n", + "def invite_user(self, user=github.GithubObject.NotSet, email=github.GithubObject.NotSet, role=github.GithubObject.NotSet, teams=github.GithubObject.NotSet):\n", + "\n", + "def has_in_public_members(self, public_member):\n", + "\n", + "def get_migrations(self):\n", + "\n", + "def get_user_push_restrictions(self):\n", + "\n", + "def get_team_push_restrictions(self):\n", + "\n", + "def name(self, value):\n", + "\n", + "def label(self, value):\n", + "\n", + "def delete_asset(self):\n", + "\n", + "def update_asset(self, name, label=\"\"):\n", + "\n", + "def update(self):\n", + "\n", + "def dismiss(self, message):\n", + "\n", + "def add_to_collaborators(self, collaborator, permission=github.GithubObject.NotSet):\n", + "\n", + "def get_collaborator_permission(self, collaborator):\n", + "\n", + "def compare(self, base, head):\n", + "\n", + "def create_git_blob(self, content, encoding):\n", + "\n", + "def create_git_commit(self, message, tree, parents, author=github.GithubObject.NotSet, committer=github.GithubObject.NotSet):\n", + "\n", + "def create_git_ref(self, ref, sha):\n", + "\n", + "def create_git_release(self, tag, name, message, draft=False, prerelease=False, target_commitish=github.GithubObject.NotSet):\n", + "\n", + "def create_git_tag(self, tag, message, object, type, tagger=github.GithubObject.NotSet):\n", + "\n", + "def create_git_tree(self, tree, base_tree=github.GithubObject.NotSet):\n", + "\n", + "def create_issue(self, title, body=github.GithubObject.NotSet, assignee=github.GithubObject.NotSet, milestone=github.GithubObject.NotSet, labels=github.GithubObject.NotSet, assignees=github.GithubObject.NotSet):\n", + "\n", + "def create_key(self, title, key, read_only=False):\n", + "\n", + "def create_label(self, name, color, description=github.GithubObject.NotSet):\n", + "\n", + "def create_milestone(self, title, state=github.GithubObject.NotSet, description=github.GithubObject.NotSet, due_on=github.GithubObject.NotSet):\n", + "\n", + "def create_project(self, name, body=github.GithubObject.NotSet):\n", + "\n", + "def create_pull(self, *args, **kwds):\n", + "\n", + "def create_source_import(self, vcs, vcs_url, vcs_username=github.GithubObject.NotSet, vcs_password=github.GithubObject.NotSet):\n", + "\n", + "def edit(self, name=None, description=github.GithubObject.NotSet, homepage=github.GithubObject.NotSet, private=github.GithubObject.NotSet, has_issues=github.GithubObject.NotSet, has_projects=github.GithubObject.NotSet, has_wiki=github.GithubObject.NotSet, has_downloads=github.GithubObject.NotSet, default_branch=github.GithubObject.NotSet, allow_squash_merge=github.GithubObject.NotSet, allow_merge_commit=github.GithubObject.NotSet, allow_rebase_merge=github.GithubObject.NotSet, archived=github.GithubObject.NotSet):\n", + "\n", + "def get_archive_link(self, archive_format, ref=github.GithubObject.NotSet):\n", + "\n", + "def get_assignees(self):\n", + "\n", + "def get_branch(self, branch):\n", + "\n", + "def get_branches(self):\n", + "\n", + "def get_collaborators(self, affiliation=github.GithubObject.NotSet):\n", + "\n", + "def get_comments(self):\n", + "\n", + "def get_commit(self, sha):\n", + "\n", + "def get_commits(self, sha=github.GithubObject.NotSet, path=github.GithubObject.NotSet, since=github.GithubObject.NotSet, until=github.GithubObject.NotSet, author=github.GithubObject.NotSet):\n", + "\n", + "def get_contents(self, path, ref=github.GithubObject.NotSet):\n", + "\n", + "def get_file_contents(self, path, ref=github.GithubObject.NotSet):\n", + "\n", + "def get_top_referrers(self):\n", + "\n", + "def get_top_paths(self):\n", + "\n", + "def get_views_traffic(self, per=github.GithubObject.NotSet):\n", + "\n", + "def create_file(self, path, message, content,\n", + "\n", + "def delete_file(self, path, message, sha,\n", + "\n", + "def get_dir_contents(self, path, ref=github.GithubObject.NotSet):\n", + "\n", + "def get_contributors(self, anon=github.GithubObject.NotSet):\n", + "\n", + "def get_download(self, id):\n", + "\n", + "def get_downloads(self):\n", + "\n", + "def get_forks(self):\n", + "\n", + "def get_git_blob(self, sha):\n", + "\n", + "def get_git_commit(self, sha):\n", + "\n", + "def get_git_ref(self, ref):\n", + "\n", + "def get_git_refs(self):\n", + "\n", + "def get_git_tag(self, sha):\n", + "\n", + "def get_git_tree(self, sha, recursive=github.GithubObject.NotSet):\n", + "\n", + "def get_issue(self, number):\n", + "\n", + "def get_issues(self, milestone=github.GithubObject.NotSet, state=github.GithubObject.NotSet, assignee=github.GithubObject.NotSet, mentioned=github.GithubObject.NotSet, labels=github.GithubObject.NotSet, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet, since=github.GithubObject.NotSet, creator=github.GithubObject.NotSet):\n", + "\n", + "def get_issues_event(self, id):\n", + "\n", + "def get_keys(self):\n", + "\n", + "def get_label(self, name):\n", + "\n", + "def get_languages(self):\n", + "\n", + "def get_license(self):\n", + "\n", + "def get_milestone(self, number):\n", + "\n", + "def get_milestones(self, state=github.GithubObject.NotSet, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet):\n", + "\n", + "def get_network_events(self):\n", + "\n", + "def get_pull(self, number):\n", + "\n", + "def get_pulls(self, state=github.GithubObject.NotSet, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet, base=github.GithubObject.NotSet, head=github.GithubObject.NotSet):\n", + "\n", + "def get_pulls_comments(self, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet, since=github.GithubObject.NotSet):\n", + "\n", + "def get_pulls_review_comments(self, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet, since=github.GithubObject.NotSet):\n", + "\n", + "def get_readme(self, ref=github.GithubObject.NotSet):\n", + "\n", + "def get_source_import(self):\n", + "\n", + "def get_stargazers(self):\n", + "\n", + "def get_stargazers_with_dates(self):\n", + "\n", + "def get_stats_contributors(self):\n", + "\n", + "def get_stats_commit_activity(self):\n", + "\n", + "def get_stats_code_frequency(self):\n", + "\n", + "def get_stats_participation(self):\n", + "\n", + "def get_stats_punch_card(self):\n", + "\n", + "def get_subscribers(self):\n", + "\n", + "def get_tags(self):\n", + "\n", + "def get_releases(self):\n", + "\n", + "def get_release(self, id):\n", + "\n", + "def get_topics(self):\n", + "\n", + "def get_watchers(self):\n", + "\n", + "def has_in_assignees(self, assignee):\n", + "\n", + "def has_in_collaborators(self, collaborator):\n", + "\n", + "def legacy_search_issues(self, state, keyword):\n", + "\n", + "def merge(self, base, head, commit_message=github.GithubObject.NotSet):\n", + "\n", + "def replace_topics(self, topics):\n", + "\n", + "def subscribe_to_hub(self, event, callback, secret=github.GithubObject.NotSet):\n", + "\n", + "def unsubscribe_from_hub(self, event, callback):\n", + "\n", + "def get_status(self):\n", + "\n", + "def get_archive_url(self):\n", + "\n", + "def unlock_repo(self, repo_name):\n", + "\n", + "def get_columns(self):\n", + "\n", + "def create_column(self, name):\n", + "\n", + "def add_to_emails(self, *emails):\n", + "\n", + "def add_to_following(self, following):\n", + "\n", + "def add_to_starred(self, starred):\n", + "\n", + "def add_to_watched(self, watched):\n", + "\n", + "def create_authorization(self, scopes=github.GithubObject.NotSet, note=github.GithubObject.NotSet, note_url=github.GithubObject.NotSet, client_id=github.GithubObject.NotSet, client_secret=github.GithubObject.NotSet, onetime_password=None):\n", + "\n", + "def create_gist(self, public, files, description=github.GithubObject.NotSet):\n", + "\n", + "def create_key(self, title, key):\n", + "\n", + "def create_repo(self, name, description=github.GithubObject.NotSet, homepage=github.GithubObject.NotSet,\n", + "\n", + "def edit(self, name=github.GithubObject.NotSet, email=github.GithubObject.NotSet, blog=github.GithubObject.NotSet, company=github.GithubObject.NotSet, location=github.GithubObject.NotSet, hireable=github.GithubObject.NotSet, bio=github.GithubObject.NotSet):\n", + "\n", + "def get_authorization(self, id):\n", + "\n", + "def get_authorizations(self):\n", + "\n", + "def get_followers(self):\n", + "\n", + "def get_following(self):\n", + "\n", + "def get_gists(self, since=github.GithubObject.NotSet):\n", + "\n", + "def get_issues(self, filter=github.GithubObject.NotSet, state=github.GithubObject.NotSet, labels=github.GithubObject.NotSet, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet, since=github.GithubObject.NotSet):\n", + "\n", + "def get_key(self, id):\n", + "\n", + "def get_notification(self, id):\n", + "\n", + "def get_notifications(self, all=github.GithubObject.NotSet, participating=github.GithubObject.NotSet, since=github.GithubObject.NotSet, before=github.GithubObject.NotSet):\n", + "\n", + "def get_organization_events(self, org):\n", + "\n", + "def get_orgs(self):\n", + "\n", + "def get_repos(self, visibility=github.GithubObject.NotSet, affiliation=github.GithubObject.NotSet, type=github.GithubObject.NotSet, sort=github.GithubObject.NotSet, direction=github.GithubObject.NotSet):\n", + "\n", + "def get_starred(self):\n", + "\n", + "def get_starred_gists(self):\n", + "\n", + "def has_in_following(self, following):\n", + "\n", + "def has_in_starred(self, starred):\n", + "\n", + "def has_in_subscriptions(self, subscription):\n", + "\n", + "def has_in_watched(self, watched):\n", + "\n", + "def mark_notifications_as_read(self, last_read_at=datetime.datetime.utcnow()):\n", + "\n", + "def remove_from_subscriptions(self, subscription):\n", + "\n", + "def remove_from_watched(self, watched):\n", + "\n", + "def accept_invitation(self, invitation):\n", + "\n", + "def create_migration(self, repos, lock_repositories=github.GithubObject.NotSet, exclude_attachments=github.GithubObject.NotSet):\n", + "\n", + "def get_repos(self):\n", + "\n", + "def edit(self, body):\n", + "\n", + "def edit(self, scopes=github.GithubObject.NotSet, add_scopes=github.GithubObject.NotSet, remove_scopes=github.GithubObject.NotSet, note=github.GithubObject.NotSet, note_url=github.GithubObject.NotSet):\n", + "\n", + "def get_cards(self, archived_state=github.GithubObject.NotSet):\n", + "\n", + "def create_card(self, note=github.GithubObject.NotSet,\n", + "\n", + "def create_comment(self, body, line=github.GithubObject.NotSet, path=github.GithubObject.NotSet, position=github.GithubObject.NotSet):\n", + "\n", + "def create_status(self, state, target_url=github.GithubObject.NotSet, description=github.GithubObject.NotSet, context=github.GithubObject.NotSet):\n", + "\n", + "def get_statuses(self):\n", + "\n", + "def get_combined_status(self):\n", + "\n", + "def delete(self):\n", + "\n", + "def get_protection(self):\n", + "\n", + "def edit_protection(self, strict=github.GithubObject.NotSet, contexts=github.GithubObject.NotSet, enforce_admins=github.GithubObject.NotSet, dismissal_users=github.GithubObject.NotSet, dismissal_teams=github.GithubObject.NotSet, dismiss_stale_reviews=github.GithubObject.NotSet, require_code_owner_reviews=github.GithubObject.NotSet, required_approving_review_count=github.GithubObject.NotSet, user_push_restrictions=github.GithubObject.NotSet, team_push_restrictions=github.GithubObject.NotSet):\n", + "\n", + "def get_required_status_checks(self):\n", + "\n", + "def edit_required_status_checks(self, strict=github.GithubObject.NotSet, contexts=github.GithubObject.NotSet):\n", + "\n", + "def get_required_pull_request_reviews(self):\n", + "\n", + "def edit_required_pull_request_reviews(self, dismissal_users=github.GithubObject.NotSet, dismissal_teams=github.GithubObject.NotSet, dismiss_stale_reviews=github.GithubObject.NotSet, require_code_owner_reviews=github.GithubObject.NotSet, required_approving_review_count=github.GithubObject.NotSet):\n", + "\n", + "def get_admin_enforcement(self):\n", + "\n", + "def get_user_push_restrictions(self):\n", + "\n", + "def get_team_push_restrictions(self):\n", + "\n", + "def edit_user_push_restrictions(self, *users):\n", + "\n", + "def edit_team_push_restrictions(self, *teams):\n", + "\n", + "def get_required_signatures(self):\n", + "\n", + "def edit(self, name, config, events=github.GithubObject.NotSet, add_events=github.GithubObject.NotSet, remove_events=github.GithubObject.NotSet, active=github.GithubObject.NotSet):\n", + "\n", + "def get_followers(self):\n", + "\n", + "def get_following(self):\n", + "\n", + "def get_keys(self):\n", + "\n", + "def get_public_events(self):\n", + "\n", + "def get_public_received_events(self):\n", + "\n", + "def get_received_events(self):\n", + "\n", + "def get_repos(self, type=github.GithubObject.NotSet, sort=github.GithubObject.NotSet,\n", + "\n", + "def get_subscriptions(self):\n", + "\n", + "def get_watched(self):\n", + "\n", + "def update_release(self, name, message, draft=False, prerelease=False,\n", + "\n", + "def upload_asset(self, path, label=\"\", content_type=\"\"):\n", + "\n", + "def get_assets(self):\n", + "\n", + "def edit(self, sha, force=github.GithubObject.NotSet):\n", + "\n", + "def rate_limiting(self):\n", + "\n", + "def rate_limiting_resettime(self):\n", + "\n", + "def get_rate_limit(self):\n", + "\n", + "def get_license(self, key=github.GithubObject.NotSet):\n", + "\n", + "def get_licenses(self):\n", + "\n", + "def get_user(self, login=github.GithubObject.NotSet):\n", + "\n", + "def get_organization(self, login):\n", + "\n", + "def get_organizations(self, since=github.GithubObject.NotSet):\n", + "\n", + "def get_repo(self, full_name_or_id, lazy=False):\n", + "\n", + "def get_repos(self, since=github.GithubObject.NotSet):\n", + "\n", + "def get_project(self, id):\n", + "\n", + "def get_gist(self, id):\n", + "\n", + "def search_users(self, query, sort=github.GithubObject.NotSet, order=github.GithubObject.NotSet, **qualifiers):\n", + "\n", + "def search_code(self, query, sort=github.GithubObject.NotSet, order=github.GithubObject.NotSet, highlight=False, **qualifiers):\n", + "\n", + "def search_commits(self, query, sort=github.GithubObject.NotSet, order=github.GithubObject.NotSet, **qualifiers):\n", + "\n", + "def search_topics(self, query, **qualifiers):\n", + "\n", + "def render_markdown(self, text, context=github.GithubObject.NotSet):\n", + "\n", + "def get_hook(self, name):\n", + "\n", + "def get_hooks(self):\n", + "\n", + "def get_gitignore_template(self, name):\n", + "\n", + "def create_from_raw_data(self, klass, raw_data, headers={}):\n", + "\n", + "def dump(self, obj, file, protocol=0):\n", + "\n", + "def create_jwt(self, expiration=60):\n", + "\n", + "def get_access_token(self, installation_id, user_id=None):\n", + "\n", + "def edit(self, name, color, description=github.GithubObject.NotSet):\n", + "\n", + "def get_content(self, content_type=github.GithubObject.NotSet):\n", + "\n", + "def create_fork(self):\n", + "\n", + "def edit(self, description=github.GithubObject.NotSet, files=github.GithubObject.NotSet):\n", + "\n", + "def get_comment(self, id):\n", + "\n", + "def get_comments(self):\n", + "\n", + "def is_starred(self):\n", + "\n", + "def send_KeyEvent(self, key, down):\n", + "\n", + "def send_PointerEvent(self, x, y, buttonmask=0):\n", + "\n", + "def send_ClientCutText(self, message):\n", + "\n", + "def set_env_info(self, env_state=None, env_id=None, episode_id=None, bump_past=None, fps=None):\n", + "\n", + "def from_ps(cls, client, dictionary, **kwargs):\n", + "\n", + "def attach_log_stream(self):\n", + "\n", + "def get(self, key):\n", + "\n", + " def get_value(dictionary, key):\n", + "\n", + "def rename_to_tmp_name(self):\n", + "\n", + "def build(cls, keys, down=None):\n", + "\n", + "def runtime_spec(self, id):\n", + "\n", + "def _manual_recv(self, method, body, headers={}):\n", + "\n", + "def exit_on_signal():\n", + "\n", + " def shutdown(signal, frame):\n", + "\n", + "def read_safe(self, size=None):\n", + "\n", + "def pop(self, n=None):\n", + "\n", + "def allocate(self, handles, initial=False, params={}):\n", + "\n", + "def configure(self, remotes=None,\n", + "\n", + "def cpu_times(self):\n", + "\n", + "def merge_infos(info1, info2):\n", + "\n", + "def _merge_observation(accum_observation, observation):\n", + "\n", + "def begin_recording(self):\n", + "\n", + "def record_message(self, msg, from_rewarder):\n", + "\n", + "def display_timestamps_pair_compact(time_m_2):\n", + "\n", + "def display_timestamps_pair(time_m_2):\n", + "\n", + "def modifiers_string(modifiers):\n", + "\n", + "def add_metadata(self, observation_n, info_n, available_at=None):\n", + "\n", + "def add_metadata(self, observation, info, available_at=None):\n", + "\n", + "def _print_if_needed(self):\n", + "\n", + "def split_buffer(stream, splitter=None, decoder=lambda a: a):\n", + "\n", + "def configure_logging(path=None):\n", + "\n", + "def get_client():\n", + "\n", + "def pop(self, n=None):\n", + "\n", + "def _get_writer(self, i):\n", + "\n", + "def _past_limit(self):\n", + "\n", + "def recvProxyData(self, data):\n", + "\n", + "def sendData(self, data):\n", + "\n", + "def CropObservations(env):\n", + "\n", + "def apply_vnc_actions(self, vnc_actions):\n", + "\n", + "def recv_rpc(self, context, payload):\n", + "\n", + "def get(self, *args, **kwargs):\n", + "\n", + "def send_env_text(self, text, episode_id):\n", + "\n", + "def build_log_presenters(service_names, monochrome):\n", + "\n", + " def no_color(text):\n", + "\n", + "def consume_queue(queue, cascade_stop):\n", + "\n", + "def setKey(self, key):\n", + "\n", + "def setPadding(self, pad):\n", + "\n", + "def setIV(self, IV):\n", + "\n", + "def __String_to_BitList(self, data):\n", + "\n", + "def __BitList_to_String(self, data):\n", + "\n", + "def __permutate(self, table, block):\n", + "\n", + "def __create_sub_keys(self):\n", + "\n", + "def encrypt(self, data, pad=None, padmode=None):\n", + "\n", + "def decrypt(self, data, pad=None, padmode=None):\n", + "\n", + "def setKey(self, key):\n", + "\n", + "def setMode(self, mode):\n", + "\n", + "def setPadding(self, pad):\n", + "\n", + "def setPadMode(self, mode):\n", + "\n", + "def setIV(self, IV):\n", + "\n", + "def decrypt(self, data, pad=None, padmode=None):\n", + "\n", + "def parse_payment_result(self, xml):\n", + "\n", + "def add_articles(self, articles):\n", + "\n", + "def add(self, media_type, media_file, title=None, introduction=None):\n", + "\n", + "def get(self, media_id):\n", + "\n", + " def _processor(res):\n", + "\n", + "def update_article(self, media_id, index, article):\n", + "\n", + "def update_articles(self, media_id, index, articles):\n", + "\n", + "def list_comment(self, msg_data_id, index=1, begin=0, count=50, type=0):\n", + "\n", + "def markelect_comment(self, msg_data_id, index, user_comment_id):\n", + "\n", + "def unmarkelect_comment(self, msg_data_id, index, user_comment_id):\n", + "\n", + "def delete_comment(self, msg_data_id, index, user_comment_id):\n", + "\n", + "def add_reply_comment(self, msg_data_id, index, user_comment_id, content):\n", + "\n", + "def delete_reply_comment(self, msg_data_id, index, user_comment_id):\n", + "\n", + "def get_provider_token(self, provider_secret):\n", + "\n", + "def get_suite_token(self, suite_id, suite_secret, suite_ticket):\n", + "\n", + "def get_login_info(self, auth_code, provider_access_token=None):\n", + "\n", + "def get_login_url(self, login_ticket, target, agentid=None, provider_access_token=None):\n", + "\n", + "def get_user_summary(self, begin_date, end_date):\n", + "\n", + "def get_user_cumulate(self, begin_date, end_date):\n", + "\n", + "def transfer(self, user_id, amount, desc, client_ip=None,\n", + "\n", + "def transfer_bankcard(self, true_name, bank_card_no, bank_code, amount, desc=None, out_trade_no=None):\n", + "\n", + "def query_bankcard(self, out_trade_no):\n", + "\n", + "def get(self, template_id_short):\n", + "\n", + "def apply_device_id(self, quantity, reason, poi_id=None, comment=None):\n", + "\n", + "def update_device(self, device_id=None, uuid=None, major=None,\n", + "\n", + "def bind_device_location(self, poi_id, device_id=None, uuid=None,\n", + "\n", + "def search_device(self, identifiers=None, apply_id=None,\n", + "\n", + "def update_page(self, page_id, title, description,\n", + "\n", + "def search_pages(self, page_ids=None, begin=0, count=10):\n", + "\n", + "def add_material(self, media_file, media_type='icon'):\n", + "\n", + "def bind_device_pages(self, page_ids, bind, append, device_id=None,\n", + "\n", + "def get_shake_info(self, ticket):\n", + "\n", + "def get_device_statistics(self, begin_date, end_date, device_id=None,\n", + "\n", + "def get_page_statistics(self, page_id, begin_date, end_date):\n", + "\n", + "def get_apply_status(self, apply_id):\n", + "\n", + "def apply_signing(self, plan_id, contract_code, contract_display_account, notify_url,\n", + "\n", + "def query_signing(self, contract_id=None, plan_id=None, contract_code=None, openid=None, version=\"1.0\"):\n", + "\n", + "def apply_deduct(self, body, total_fee, contract_id, notify_url, out_trade_no=None,\n", + "\n", + "def query_order(self, transaction_id=None, out_trade_no=None):\n", + "\n", + "def apply_cancel_signing(self, contract_id=None, plan_id=None, contract_code=None,\n", + "\n", + "def modify_product_status(self, standard, key, status):\n", + "\n", + "def get_product(self, standard, key):\n", + "\n", + "def list_product(self, offset=0, limit=10, status=None, key=None):\n", + "\n", + "def clear_product(self, standard, key):\n", + "\n", + "def send_message(self, device_type, device_id, user_id, content):\n", + "\n", + "def send_status_message(self, device_type, device_id, user_id, msg_type, device_status):\n", + "\n", + "def get_qrcode_url(self, ticket, data=None):\n", + "\n", + "def bind(self, ticket, device_id, user_id):\n", + "\n", + "def unbind(self, ticket, device_id, user_id):\n", + "\n", + "def get_qrcode(self, product_id=1):\n", + "\n", + "def authorize(self, devices, op_type=1):\n", + "\n", + "def create(self, user_id, name, department=None, position=None,\n", + "\n", + "def list(self, department_id, fetch_child=False, status=0, simple=False):\n", + "\n", + "def convert_to_openid(self, user_id, agent_id=None):\n", + "\n", + "def create(self, chat_id=None, name=None, owner=None, user_list=None):\n", + "\n", + "def send(self, chat_id, msg_type, **kwargs):\n", + "\n", + "def send_msg(self, chat_id, msg_type, **kwargs):\n", + "\n", + "def send_text(self, chat_id, content, safe=0):\n", + "\n", + "def _build_msg_content(self, msgtype='text', **kwargs):\n", + "\n", + "def show(self, ticket):\n", + "\n", + "def get_url(cls, ticket):\n", + "\n", + "def access_token(self):\n", + "\n", + "def create(self, card_data):\n", + "\n", + "def batch_add_locations(self, location_data):\n", + "\n", + "def create_qrcode(self, qrcode_data):\n", + "\n", + "def get_html(self, card_id):\n", + "\n", + "def consume_code(self, code, card_id=None):\n", + "\n", + "def decrypt_code(self, encrypt_code):\n", + "\n", + "def get_code(self, code, card_id=None, check_consume=True):\n", + "\n", + "def get_card_list(self, openid, card_id=None):\n", + "\n", + "def batch_get(self, offset=0, count=50, status_list=None):\n", + "\n", + "def get(self, card_id):\n", + "\n", + "def update_code(self, card_id, old_code, new_code):\n", + "\n", + "def invalid_code(self, code, card_id=None):\n", + "\n", + "def activate_membercard(self, membership_number, code, **kwargs):\n", + "\n", + "def update_membercard(self, code, card_id, **kwargs):\n", + "\n", + "def add_pay_giftcard(self, base_info, extra_info, is_membercard):\n", + "\n", + "def get_pay_giftcard(self, rule_id):\n", + "\n", + "def batch_get_pay_giftcard(self, effective=True, offset=0, count=10):\n", + "\n", + "def update_movie_ticket(self, code, ticket_class, show_time, duration,\n", + "\n", + "def checkin_boardingpass(self, code, passenger_name, seat_class,\n", + "\n", + "def update_luckymoney_balance(self, code, balance, card_id=None):\n", + "\n", + "def get_redirect_url(self, url, encrypt_code, card_id):\n", + "\n", + "def deposit_code(self, card_id, codes):\n", + "\n", + "def check_code(self, card_id, codes):\n", + "\n", + "def modify_stock(self, card_id, n):\n", + "\n", + "def get_activate_url(self, card_id, outer_str=None):\n", + "\n", + "def get_activate_info(self, activate_ticket):\n", + "\n", + "def set_activate_user_form(self, card_id, **kwargs):\n", + "\n", + "def get_jsapi_signature(self, prepay_id, timestamp=None, nonce_str=None):\n", + "\n", + "def get_jsapi_params(self, prepay_id, timestamp=None, nonce_str=None, jssdk=False):\n", + "\n", + "def fetch_access_token(self):\n", + "\n", + "def fetch_access_token(self):\n", + "\n", + "def update(self, id, name=None, parent_id=None, order=None):\n", + "\n", + "def get(self, id=None):\n", + "\n", + "def get_users(self, id, status=0, fetch_child=0, simple=True):\n", + "\n", + "def sync_user(self, url, token, encoding_aes_key, media_id, to_invite=True):\n", + "\n", + "def replace_party(self, url, token, encoding_aes_key, media_id):\n", + "\n", + "def invite(self, user=None, party=None, tag=None):\n", + "\n", + "def invite_user(self, url, token, encoding_aes_key, user_ids=None,\n", + "\n", + "def create(self, name):\n", + "\n", + "def get(self, user_id=None):\n", + "\n", + "def update(self, group_id, name):\n", + "\n", + "def move_user(self, user_id, group_id):\n", + "\n", + "def check_signature(token, signature, timestamp, nonce):\n", + "\n", + "def to_text(value, encoding='utf-8'):\n", + "\n", + "def to_binary(value, encoding='utf-8'):\n", + "\n", + "def timezone(zone):\n", + "\n", + "def get_querystring(uri):\n", + "\n", + "def add_data(self, *args):\n", + "\n", + "def signature(self):\n", + "\n", + "def list_shops(self, page_index=1, page_size=20):\n", + "\n", + "def get_shop(self, shop_id=0):\n", + "\n", + "def add_device(self, shop_id, ssid, password, bssid):\n", + "\n", + "def list_devices(self, shop_id=None, page_index=1, page_size=20):\n", + "\n", + "def get_qrcode_url(self, shop_id, img_id):\n", + "\n", + "def set_homepage(self, shop_id, template_id, url=None):\n", + "\n", + "def get_homepage(self, shop_id):\n", + "\n", + "def list_statistics(self, begin_date, end_date, shop_id=-1):\n", + "\n", + "def authorize_url(self, redirect_uri, state=None):\n", + "\n", + "def create(self, body, total_fee, auth_code, client_ip=None, out_trade_no=None, detail=None, attach=None,\n", + "\n", + "def create(self, name):\n", + "\n", + "def update(self, tag_id, name):\n", + "\n", + "def tag_user(self, tag_id, user_id):\n", + "\n", + "def get_user_tag(self, user_id):\n", + "\n", + "def get_tag_users(self, tag_id, first_user_id=None):\n", + "\n", + "def iter_tag_users(self, tag_id, first_user_id=None):\n", + "\n", + "def get_black_list(self, begin_openid=None):\n", + "\n", + "def get_wxa_code(self,\n", + "\n", + "def get_wxa_code_unlimited(self,\n", + "\n", + "def send_template_message(self, user_id, template_id, data, form_id, page=None, color=None, emphasis_keyword=None):\n", + "\n", + "def modify_domain(self, action, request_domain=(), wsrequest_domain=(), upload_domain=(), download_domain=()):\n", + "\n", + "def commit(self, template_id, ext_json, version, description):\n", + "\n", + "def submit_audit(self, item_list):\n", + "\n", + "def list_templates(self, offset=0, count=20):\n", + "\n", + "def add_template(self, template_short_id, keyword_id_list):\n", + "\n", + "def create_open(self, appid):\n", + "\n", + "def get_open(self, appid):\n", + "\n", + "def code_to_session(self, js_code):\n", + "\n", + "def search(self,\n", + "\n", + "def set(self,\n", + "\n", + "def get_jsapi_signature(self, noncestr, ticket, timestamp, url):\n", + "\n", + "def get_jsapi_ticket(self):\n", + "\n", + "def get_agent_jsapi_ticket(self):\n", + "\n", + "def apply(self, total_fee, refund_fee, out_refund_no, transaction_id=None,\n", + "\n", + "def query(self, refund_id=None, out_refund_no=None, transaction_id=None,\n", + "\n", + "def update(self, product_id, product_data):\n", + "\n", + "def add_stock(self, product_id, sku_info, quantity):\n", + "\n", + "def reduce_stock(self, product_id, sku_info, quantity):\n", + "\n", + "def update_express(self, template_id, delivery_template):\n", + "\n", + "def update_group_property(self, group_id, group_properties):\n", + "\n", + "def update_group_product(self, group_id, product_data):\n", + "\n", + "def update_shelf(self, shelf_id, shelf_data):\n", + "\n", + "def query_order(self, status=None, begintime=None, endtime=None):\n", + "\n", + "def set_delivery(self, order_id, delivery_data):\n", + "\n", + "def short_url(self, long_url):\n", + "\n", + "def download_bill(self, bill_date, bill_type='ALL', device_info=None):\n", + "\n", + "def download_fundflow(self, bill_date, account_type='Basic',\n", + "\n", + "def auto_code_to_openid(self, auth_code):\n", + "\n", + "def fetch_access_token(self):\n", + "\n", + "def parse_message(xml):\n", + "\n", + "def send_text(self, user_id, content, account=None):\n", + "\n", + "def send_image(self, user_id, media_id, account=None):\n", + "\n", + "def send_voice(self, user_id, media_id, account=None):\n", + "\n", + "def send_video(self, user_id, media_id, title=None,\n", + "\n", + "def send_music(self, user_id, url, hq_url, thumb_media_id,\n", + "\n", + "def send_articles(self, user_id, articles, account=None):\n", + "\n", + "def send_card(self, user_id, card_id, card_ext=None, account=None):\n", + "\n", + "def send_mini_program_page(self, user_id, miniprogrampage, account=None):\n", + "\n", + "def send_mass_text(self, group_or_users, content,\n", + "\n", + "def send_mass_video(self, group_or_users, media_id, title=None,\n", + "\n", + "def send_mass_article(self, group_or_users, media_id,\n", + "\n", + "def send_template(self, user_id, template_id, data, url=None, mini_program=None):\n", + "\n", + "def send_mass_card(self, group_or_users, card_id,\n", + "\n", + "def get_subscribe_authorize_url(self, scene, template_id, redirect_url, reserved=None):\n", + "\n", + "def send_subscribe_template(self, openid, template_id, scene, title, data, url=None):\n", + "\n", + "def add_account(self, account, nickname, password):\n", + "\n", + "def delete_account(self, account):\n", + "\n", + "def upload_headimg(self, account, media_file):\n", + "\n", + "def create_session(self, openid, account, text=None):\n", + "\n", + "def get_session_list(self, account):\n", + "\n", + "def get_records(self, start_time, end_time, msgid=1,\n", + "\n", + "def create_reply(reply, message=None, render=False):\n", + "\n", + "def deserialize_reply(xml, update_time=False):\n", + "\n", + "def render(self):\n", + "\n", + "def fetch_access_token(self):\n", + "\n", + "def _fetch_access_token(self, url, data):\n", + "\n", + "def get_pre_auth_url_m(self, redirect_uri):\n", + "\n", + "def query_auth(self, authorization_code):\n", + "\n", + "def get_authorizer_option(self, authorizer_appid, option_name):\n", + "\n", + "def get_client_by_authorization_code(self, authorization_code):\n", + "\n", + "def get_client_by_appid(self, authorizer_appid):\n", + "\n", + "def parse_message(self, msg, msg_signature, timestamp, nonce):\n", + "\n", + "def cache_component_verify_ticket(self, msg, signature, timestamp, nonce):\n", + "\n", + "def get_unauthorized(self, msg, signature, timestamp, nonce):\n", + "\n", + "def fetch_access_token(self, code):\n", + "\n", + "def get_user_info(self, openid=None, access_token=None, lang='zh_CN'):\n", + "\n", + "def authorize_url(self):\n", + "\n", + "def fetch_access_token(self, code):\n", + "\n", + "def refresh_access_token(self, refresh_token):\n", + "\n", + "def check_access_token(self, openid=None, access_token=None):\n", + "\n", + "def add(self, agent_id, media_type, media_file):\n", + "\n", + "def get_url(self, agent_id, media_id):\n", + "\n", + "def get(self, agent_id, media_id):\n", + "\n", + "def update_articles(self, agent_id, media_id, articles):\n", + "\n", + "def batchget(self, agent_id, media_type, offset=0, count=20):\n", + "\n", + "def create(self, agent_id, menu_data):\n", + "\n", + "def get_jsapi_ticket(self):\n", + "\n", + "def get_jsapi_card_ticket(self):\n", + "\n", + "def get_jsapi_card_params(self, card_ticket, card_type, **kwargs):\n", + "\n", + "def create_card(self, base_info, payee, invoice_type, detail=None):\n", + "\n", + "def get_auth_url(self, s_pappid, order_id, money, timestamp, source, ticket, auth_type, redirect_url=None):\n", + "\n", + "def set_auth_field(self, user_field, biz_field):\n", + "\n", + "def reject_insert(self, s_pappid, order_id, reason, redirect_url=None):\n", + "\n", + "def insert(self, order_id, card_id, appid, card_ext):\n", + "\n", + "def upload_pdf(self, pdf):\n", + "\n", + "def update_status(self, card_id, code, reimburse_status):\n", + "\n", + "def set_pay_mch(self, mchid, s_pappid):\n", + "\n", + "def update_reimburse(self, card_id, encrypt_code, reimburse_status):\n", + "\n", + "def batch_update_reimburse(self, openid, reimburse_status, invoice_list):\n", + "\n", + "def get_select_title_url(self, attach=None):\n", + "\n", + "def upload(self, media_type, media_file):\n", + "\n", + "def upload_video(self, media_id, title, description):\n", + "\n", + "def upload_image(self, media_file):\n", + "\n", + "def rsa_encrypt(data, pem, b64_encode=True):\n", + "\n", + "def rsa_decrypt(encrypted_data, pem, password=None):\n", + "\n", + "def send(self, user_id, total_amount, send_name, act_name,\n", + "\n", + "def query(self, out_trade_no, bill_type='MCHT'):\n", + "\n", + "def create(self, chat_id, name, owner, user_list):\n", + "\n", + "def update(self, chat_id, op_user, name=None, owner=None,\n", + "\n", + "def clear_notify(self, op_user, type, id):\n", + "\n", + "def send_text(self, sender, receiver_type, receiver_id, content):\n", + "\n", + "def send_single_text(self, sender, receiver, content):\n", + "\n", + "def send_group_text(self, sender, receiver, content):\n", + "\n", + "def send_image(self, sender, receiver_type, receiver_id, media_id):\n", + "\n", + "def send_single_image(self, sender, receiver, media_id):\n", + "\n", + "def send_group_image(self, sender, receiver, media_id):\n", + "\n", + "def send_file(self, sender, receiver_type, receiver_id, media_id):\n", + "\n", + "def send_single_file(self, sender, receiver, media_id):\n", + "\n", + "def send_group_file(self, sender, receiver, media_id):\n", + "\n", + "def send(self, user_id, stock_id, op_user_id=None, device_info=None,\n", + "\n", + "def query_stock(self, stock_id, op_user_id=None, device_info=None):\n", + "\n", + "def query_coupon(self, coupon_id, user_id,\n", + "\n", + "def add_user_action_sets(self, _type, name, description, version='v1.0'):\n", + "\n", + "def get_user_action_sets(self, user_action_set_id, version='v1.0'):\n", + "\n", + "def add_user_actions(self, actions=(), version='v1.0'):\n", + "\n", + "def get_ad_leads(self, start_date=None, end_date=None, filtering=(), page=1, page_size=100, version='v1.0'):\n", + "\n", + "def create(self, trade_type, body, total_fee, notify_url, client_ip=None,\n", + "\n", + "def close(self, out_trade_no):\n", + "\n", + "def get_appapi_params(self, prepay_id, timestamp=None, nonce_str=None):\n", + "\n", + "def reverse(self, transaction_id=None, out_trade_no=None):\n", + "\n", + "def get(self, user_id, lang='zh_CN'):\n", + "\n", + "def get_followers(self, first_user_id=None):\n", + "\n", + "def iter_followers(self, first_user_id=None):\n", + "\n", + "def get_group_id(self, user_id):\n", + "\n", + "def get_batch(self, user_list):\n", + "\n", + "def change_openid(self, from_appid, openid_list):\n", + "\n", + "def send(self, agent_id, user_ids, party_ids='',\n", + "\n", + "def send_text_card(self, agent_id, user_ids, title, description, url, btntxt='详情',\n", + "\n", + "def send_markdown(self, agent_id, user_ids, content, party_ids='', tag_ids=''):\n", + "\n", + "def multivariate_normal(x, mu, L):\n", + "\n", + "def make_optimize_tensor(self, model, session=None, var_list=None, **kwargs):\n", + "\n", + "def make_optimize_action(self, model, session=None, var_list=None, **kwargs):\n", + "\n", + "def minimize(self, model, session=None, var_list=None, feed_dict=None,\n", + "\n", + "def get_session(*args, **kwargs):\n", + "\n", + " def fill_kwargs(key, value):\n", + "\n", + "def _trace_filename(self):\n", + "\n", + "def make_optimize_tensor(self, model, session=None, var_list=None, **kwargs):\n", + "\n", + "def minimize(self, model, session=None, var_list=None, feed_dict=None, maxiter=1000,\n", + "\n", + "def compile(self, session=None):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def _init_variational_parameters(self, num_inducing, q_mu, q_sqrt, q_diag):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def compile(self, session=None):\n", + "\n", + "def initialize(self, session=None, force=False):\n", + "\n", + "def clear(self):\n", + "\n", + "def enquire_graph(self, graph=None):\n", + "\n", + "def enquire_session(self, session=None):\n", + "\n", + "def is_built_coherence(self, graph=None):\n", + "\n", + "def build(self):\n", + "\n", + "def tf_name_scope(self):\n", + "\n", + "def tf_pathname(self):\n", + "\n", + "def autobuild_decorate(func, caller):\n", + "\n", + "def _build_prior(self, prior_tensors):\n", + "\n", + "def _broadcasting_elementwise_op(op, a, b):\n", + "\n", + "def make_deprecated_class(oldname, NewClass):\n", + "\n", + " def __new__(cls, *args, **kwargs):\n", + "\n", + "def _validate_ard_shape(self, name, value, ARD=None):\n", + "\n", + "def on_separate_dims(self, other_kernel):\n", + "\n", + "def _slice(self, X, X2):\n", + "\n", + "def _slice_cov(self, cov):\n", + "\n", + "def _scaled_square_dist(self, X, X2):\n", + "\n", + "def K(self, X, X2=None, presliced=False):\n", + "\n", + "def K_r2(self, r2):\n", + "\n", + "def _J(self, theta):\n", + "\n", + "def on_separate_dimensions(self):\n", + "\n", + "def backward(self, y):\n", + "\n", + "def forward(self, x):\n", + "\n", + "def backward(self, y):\n", + "\n", + "def forward_tensor(self, x):\n", + "\n", + "def backward_tensor(self, y):\n", + "\n", + "def get_autoflow(cls, obj, name):\n", + "\n", + "def clear_autoflow(cls, obj, name=None):\n", + "\n", + "def compile(self, session=None):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def compile(self, session=None):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _parse(string):\n", + "\n", + "def _namedtuplify(mapping):\n", + "\n", + "def _read_config_file(path=None):\n", + "\n", + "def mvhermgauss(H: int, D: int):\n", + "\n", + "def mvnquad(func, means, covs, H: int, Din: int=None, Dout=None):\n", + "\n", + "def ndiagquad(funcs, H: int, Fmu, Fvar, logspace: bool=False, **Ys):\n", + "\n", + " def unify(f_list):\n", + "\n", + " def eval_func(f):\n", + "\n", + "def ndiag_mc(funcs, S: int, Fmu, Fvar, logspace: bool=False, epsilon=None, **Ys):\n", + "\n", + " def eval_func(func):\n", + "\n", + "def name_scope(name=None):\n", + "\n", + " def name_scope_wrapper_decorator(method):\n", + "\n", + " def name_scope_wrapper(*args, **kwargs):\n", + "\n", + "def params_as_tensors(method):\n", + "\n", + " def tensor_mode_wrapper(obj, *args, **kwargs):\n", + "\n", + "def params_as_tensors_for(*objs, convert=True):\n", + "\n", + "def gauss_kl(q_mu, q_sqrt, K=None, *, K_cholesky=None):\n", + "\n", + "def PCA_reduce(X, Q):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def _conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False):\n", + "\n", + " def single_gp_conditional(t):\n", + "\n", + "def _conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False):\n", + "\n", + "def _conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False):\n", + "\n", + "def _sample_conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False, num_samples=None):\n", + "\n", + "def independent_interdomain_conditional(Kmn, Kmm, Knn, f, *, full_cov=False, full_output_cov=False,\n", + "\n", + "def fully_correlated_conditional(Kmn, Kmm, Knn, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False):\n", + "\n", + "def fully_correlated_conditional_repeat(Kmn, Kmm, Knn, f, *, full_cov=False, full_output_cov=False, q_sqrt=None,\n", + "\n", + "def _mix_latent_gp(W, g_mu, g_var, full_cov, full_output_cov):\n", + "\n", + "def size(self):\n", + "\n", + "def tf_compilation_index(self):\n", + "\n", + "def _build_prior(self, unconstrained_tensor, constrained_tensor):\n", + "\n", + "def minimize(self,\n", + "\n", + "def _minimize(self, initial_val, loss_grad_func, equality_funcs,\n", + "\n", + "def _pack(cls, tensors):\n", + "\n", + "def _make_eval_func(self, tensors, session, feed_dict, fetches,\n", + "\n", + " def eval_func(x):\n", + "\n", + "def create_global_step(session: tf.Session) -> tf.Variable:\n", + "\n", + "def restore_session(session: tf.Session, checkpoint_dir: str,\n", + "\n", + "def get_default_saver(max_to_keep: int=3) -> tf.train.Saver:\n", + "\n", + "def update_optimiser(context, *args, **kwargs) -> None:\n", + "\n", + "def global_step(self) -> int:\n", + "\n", + "def with_condition(self, condition: Callable[[MonitorContext], bool]) -> 'MonitorTask':\n", + "\n", + "def with_exit_condition(self, exit_condition: Optional[bool]=True) -> 'MonitorTask':\n", + "\n", + "def start_monitoring(self) -> None:\n", + "\n", + "def stop_monitoring(self) -> None:\n", + "\n", + "def print_summary(self) -> None:\n", + "\n", + "def _on_iteration(self, *args, **kwargs) -> None:\n", + "\n", + "def _growing_step_sequence(interval_growth, max_interval, init_interval, start_level=None):\n", + "\n", + "def __lock_location(self) -> None:\n", + "\n", + "def __release_location(self) -> None:\n", + "\n", + "def _eval_summary(self, context: MonitorContext, feed_dict: Optional[Dict]=None) -> None:\n", + "\n", + "def make_grid(xx, yy):\n", + "\n", + "def elapsed(self):\n", + "\n", + "def watcher(self) -> Watcher:\n", + "\n", + "def with_settings(self,\n", + "\n", + "def run(self, context: ActionContext):\n", + "\n", + "def with_optimizer_tensor(self, tensor: Union[tf.Tensor, tf.Operation]) -> 'Optimization':\n", + "\n", + "def with_run_kwargs(self, **kwargs: Dict[str, Any]) -> 'Optimization':\n", + "\n", + "def optimizer_tensor(self) -> Union[tf.Tensor, tf.Operation]:\n", + "\n", + "def _conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False):\n", + "\n", + "def _conditional(Xnew, X, kern, f, *, full_cov=False, q_sqrt=None, white=False, full_output_cov=None):\n", + "\n", + "def _sample_conditional(Xnew, feat, kern, f, *, full_cov=False, full_output_cov=False, q_sqrt=None, white=False, num_samples=None):\n", + "\n", + "def base_conditional(Kmn, Kmm, Knn, f, *, full_cov=False, q_sqrt=None, white=False):\n", + "\n", + "def uncertain_conditional(Xnew_mu, Xnew_var, feat, kern, q_mu, q_sqrt, *,\n", + "\n", + "def _sample_mvn(mean, cov, cov_structure=None, num_samples=None):\n", + "\n", + "def _expand_independent_outputs(fvar, full_cov, full_output_cov):\n", + "\n", + "def _rollaxis_right(A, num_rolls):\n", + "\n", + "def inducingpoint_wrapper(feat, Z):\n", + "\n", + "def _cust_square_dist(A, B, sc):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def compute_qu(self):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def leading_transpose(tensor: tf.Tensor, perm: List[Union[int, type(...)]]) -> tf.Tensor:\n", + "\n", + "def normalize_num_type(num_type):\n", + "\n", + "def vec_to_tri(vectors, N):\n", + "\n", + " def int_shape(x):\n", + "\n", + " def vec_to_tri_vector(vector):\n", + "\n", + "def swap_dimensions(method):\n", + "\n", + " def wrapper(a_nd, b_dnn, swap=True):\n", + "\n", + "def _inverse_lower_triangular(M):\n", + "\n", + "def make_optimize_tensor(self, model, session=None, var_list=None):\n", + "\n", + "def _forward_gradients(ys, xs, d_xs):\n", + "\n", + "def _build_natgrad_step_op(self, model, q_mu_param, q_sqrt_param, xi_transform):\n", + "\n", + "def minimize(self, model, session=None, var_list=None, feed_dict=None,\n", + "\n", + "def _check_index_in_compilations(context: BaseContext, index: str):\n", + "\n", + "def struct(cls, type_name: int, data: np.ndarray, data_dtype: np.dtype = None, shape: Tuple = None):\n", + "\n", + "def _take_values(self, item: Node) -> DictBasicType:\n", + "\n", + "def _take_values(self, item: Parameter) -> DictBasicType:\n", + "\n", + "def _take_extras(self, item: Parameter) -> Optional[bool]:\n", + "\n", + "def _take_values(self, item: Parameterized) -> DictBasicType:\n", + "\n", + "def coders(self):\n", + "\n", + "def pathname(self):\n", + "\n", + "def _descendants(self):\n", + "\n", + "def _set_child(self, name, child):\n", + "\n", + "def _unset_child(self, name, child):\n", + "\n", + "def _set_parent(self, parent=None):\n", + "\n", + "def predict_f_samples(self, Xnew, num_samples):\n", + "\n", + "def predict_y(self, Xnew):\n", + "\n", + "def predict_density(self, Xnew, Ynew):\n", + "\n", + "def _build_likelihood(self):\n", + "\n", + "def _build_predict(self, Xnew, full_cov=False):\n", + "\n", + "def quadrature_expectation(p, obj1, obj2=None, num_gauss_hermite_points=None):\n", + "\n", + "def get_eval_func(obj, feature, slice=np.s_[...]):\n", + "\n", + "def _quadrature_expectation(p, obj1, feature1, obj2, feature2, num_gauss_hermite_points):\n", + "\n", + "def _quadrature_expectation(p, obj1, feature1, obj2, feature2, num_gauss_hermite_points):\n", + "\n", + "def expectation(p, obj1, obj2=None, nghp=None):\n", + "\n", + "def _expectation(p, kern, none1, none2, none3, nghp=None):\n", + "\n", + "def _expectation(p, kern, feat, none1, none2, nghp=None):\n", + "\n", + "def _expectation(p, mean, none, kern, feat, nghp=None):\n", + "\n", + "def _expectation(p, kern1, feat1, kern2, feat2, nghp=None):\n", + "\n", + " def get_squared_length_scales(kern):\n", + "\n", + " def get_cholesky_solve_terms(Z, C=C):\n", + "\n", + "def _expectation(p, kern, none1, none2, none3, nghp=None):\n", + "\n", + "def _expectation(p, kern, feat, none1, none2, nghp=None):\n", + "\n", + "def _expectation(p, kern, feat, mean, none, nghp=None):\n", + "\n", + "def _expectation(p, kern1, feat1, kern2, feat2, nghp=None):\n", + "\n", + "def _expectation(p, mean, none, kern, feat, nghp=None):\n", + "\n", + "def _expectation(p, constant_mean, none, kern, feat, nghp=None):\n", + "\n", + "def _expectation(p, linear_mean, none, kern, feat, nghp=None):\n", + "\n", + "def _expectation(p, mean, none1, none2, none3, nghp=None):\n", + "\n", + "def _expectation(p, mean1, none1, mean2, none2, nghp=None):\n", + "\n", + "def _expectation(p, mean1, none1, mean2, none2, nghp=None):\n", + "\n", + "def _expectation(p, mean1, none1, mean2, none2, nghp=None):\n", + "\n", + "def _expectation(p, mean1, none1, mean2, none2, nghp=None):\n", + "\n", + "def _expectation(p, kern, feat, none2, none3, nghp=None):\n", + "\n", + "def _expectation(p, mean, none, kern, feat, nghp=None):\n", + "\n", + "def _expectation(p, kern1, feat1, kern2, feat2, nghp=None):\n", + "\n", + "def _expectation(p, rbf_kern, feat1, lin_kern, feat2, nghp=None):\n", + "\n", + "def _expectation(p, lin_kern, feat1, rbf_kern, feat2, nghp=None):\n", + "\n", + "def _expectation(p, kern, none1, none2, none3, nghp=None):\n", + "\n", + "def _expectation(p, kern1, feat1, kern2, feat2, nghp=None):\n", + "\n", + "def _expectation(p, obj1, feat1, obj2, feat2, nghp=None):\n", + "\n", + "def sample(self, model, num_samples, epsilon,\n", + "\n", + " def logprob_grads():\n", + "\n", + " def map_body(_):\n", + "\n", + "def predict_mean_and_var(self, Fmu, Fvar):\n", + "\n", + "def predict_density(self, Fmu, Fvar, Y):\n", + "\n", + "def variational_expectations(self, Fmu, Fvar, Y):\n", + "\n", + "def _partition_and_stitch(self, args, func_name):\n", + "\n", + "def _make_phi(self, F):\n", + "\n", + "def predict_mean_and_var(self, Fmu, Fvar, epsilon=None):\n", + "\n", + "def predict_density(self, Fmu, Fvar, Y, epsilon=None):\n", + "\n", + "def variational_expectations(self, Fmu, Fvar, Y, epsilon=None):\n", + "\n", + "def _absorb_z_into_w(moment_index: int,\n", + "\n", + "def _potential_cross_whole_w(moment_index: int,\n", + "\n", + "def _potential_cross_partial_w(moment_index: int,\n", + "\n", + "def _single_cross_over_cz(moment_index: int,\n", + "\n", + "def _double_cross_over_cz(op: ops.Operation,\n", + "\n", + "def validate_probability(p: float, p_str: str) -> float:\n", + "\n", + "def phase_by(val: Any, phase_turns: float, qubit_index: int,\n", + "\n", + "def on_each(self, *targets: raw_types.Qid) -> op_tree.OP_TREE:\n", + "\n", + "def engine_from_environment() -> Engine:\n", + "\n", + "def plot_state_histogram(result: trial_result.TrialResult) -> np.ndarray:\n", + "\n", + "def sweep_to_proto_dict(sweep: Sweep, repetitions: int=1) -> Dict:\n", + "\n", + "def _to_zip_product(sweep: Sweep) -> Product:\n", + "\n", + "def _approx_eq_(self, other: Any, atol: float) -> bool:\n", + "\n", + "def _create_simulator_trial_result(self,\n", + "\n", + "def sample(self,\n", + "\n", + "def xor_nonlocal_decompose(qubits: Iterable[raw_types.Qid],\n", + "\n", + "def proper_repr(value: Any) -> str:\n", + "\n", + "def rabi_oscillations(sampler: sim.Sampler,\n", + "\n", + "def single_qubit_state_tomography(sampler: sim.Sampler,\n", + "\n", + "def two_qubit_state_tomography(sampler: sim.Sampler,\n", + "\n", + " def _measurement(two_qubit_circuit: circuits.Circuit) -> np.ndarray:\n", + "\n", + "def _two_qubit_clifford(q_0: devices.GridQubit, q_1: devices.GridQubit,\n", + "\n", + "def data(self) -> Sequence[Tuple[float, float]]:\n", + "\n", + "def plot(self, **plot_kwargs: Any) -> None:\n", + "\n", + "def data(self) -> Sequence[Tuple[int, float]]:\n", + "\n", + "def plot(self, **plot_kwargs: Any) -> None:\n", + "\n", + "def reflection_matrix_pow(reflection_matrix: np.ndarray, exponent: float):\n", + "\n", + "def match_global_phase(a: np.ndarray,\n", + "\n", + " def dephase(v):\n", + "\n", + "def targeted_left_multiply(left_matrix: np.ndarray,\n", + "\n", + "def targeted_conjugate_about(tensor: np.ndarray,\n", + "\n", + " def fractional_swap(target):\n", + "\n", + "def partial_trace(tensor: np.ndarray,\n", + "\n", + "def mul(lhs: Any, rhs: Any, default: Any = RaiseTypeErrorIfNotProvided) -> Any:\n", + "\n", + "def is_diagonal(matrix: np.ndarray, *, atol: float = 1e-8) -> bool:\n", + "\n", + "def slice_for_qubits_equal_to(target_qubit_axes: Sequence[int],\n", + "\n", + "def op_at_on(operation: ops.Operation,\n", + "\n", + "def num_qubits(self) -> Optional[int]:\n", + "\n", + "def matrix(self) -> np.ndarray:\n", + "\n", + "def box_draw_character(first: Optional[BoxDrawCharacterSet],\n", + "\n", + "def on(self,\n", + "\n", + " def decomposer(op):\n", + "\n", + "def decompose_once(val: Any,\n", + "\n", + "def decompose_once_with_qubits(val: Any,\n", + "\n", + "def explicit(fixed_qubits: Iterable[raw_types.Qid],\n", + "\n", + " def func(qubits):\n", + "\n", + "def sorted_by(key: Callable[[raw_types.Qid], Any]) -> 'QubitOrder':\n", + "\n", + "def map(self,\n", + "\n", + " def func(qubits):\n", + "\n", + "def _pad_digits(text: str) -> str:\n", + "\n", + " def handle_transition_at(k):\n", + "\n", + "def range(*args, prefix: str):\n", + "\n", + "def channel(val: Any,\n", + "\n", + "def has_channel(val: Any) -> bool:\n", + "\n", + "def two_qubit_matrix_to_operations(q0: ops.Qid,\n", + "\n", + "def _kak_decomposition_to_operations(q0: ops.Qid,\n", + "\n", + "def _is_trivial_angle(rad: float, atol: float) -> bool:\n", + "\n", + "def _parity_interaction(q0: ops.Qid,\n", + "\n", + "def _non_local_part(q0: ops.Qid,\n", + "\n", + "def simulate(sim_type: str,\n", + "\n", + " def measure_or_mixture(op):\n", + "\n", + "def _simulate_unitary(self, op: ops.Operation, data: _StateAndBuffer,\n", + "\n", + "def _simulate_measurement(self, op: ops.Operation, data: _StateAndBuffer,\n", + "\n", + "def _simulate_mixture(self, op: ops.Operation, data: _StateAndBuffer,\n", + "\n", + "def _parse_device(s: str) -> Tuple[List[GridQubit], Dict[str, Set[GridQubit]]]:\n", + "\n", + "def approx_eq(val: Any, other: Any, *, atol: Union[int, float] = 1e-8) -> bool:\n", + "\n", + "def _approx_eq_iterables(val: Any, other: Any, *,\n", + "\n", + " def get_iter(iterable):\n", + "\n", + "def _isclose(a: Any, b: Any, *, atol: Union[int, float]) -> bool:\n", + "\n", + "def complete_acquaintance_strategy(qubit_order: Sequence[ops.Qid],\n", + "\n", + "def set_io_qubits(qubit_count):\n", + "\n", + "def make_oracle(input_qubits, output_qubit, x_bits):\n", + "\n", + "def make_grover_circuit(input_qubits, output_qubit, oracle):\n", + "\n", + "def get_unhidden_ungenerated_python_files(directory: str) -> Iterable[str]:\n", + "\n", + "def create_virtual_env(venv_path: str,\n", + "\n", + "def run_estimate(unknown_gate, qnum, repetitions):\n", + "\n", + "def experiment(qnum, repetitions=100):\n", + "\n", + " def example_gate(phi):\n", + "\n", + "def _decompose_(self, qubits):\n", + "\n", + "def pow(val: Any,\n", + "\n", + "def sample(program: Union[circuits.Circuit, schedules.Schedule],\n", + "\n", + "def sample_sweep(program: Union[circuits.Circuit, schedules.Schedule],\n", + "\n", + "def moment_by_moment_schedule(device: Device, circuit: Circuit):\n", + "\n", + "def min_width(self) -> int:\n", + "\n", + "def min_height(self) -> int:\n", + "\n", + "def draw_curve(self,\n", + "\n", + "def render(self, width: int, height: int) -> List[str]:\n", + "\n", + "def mutable_block(self, x: int, y: int) -> Block:\n", + "\n", + "def set_col_min_width(self, x: int, min_width: int):\n", + "\n", + "def set_row_min_height(self, y: int, min_height: int):\n", + "\n", + "def render(self,\n", + "\n", + " def block(x: int, y: int) -> Block:\n", + "\n", + "def main():\n", + "\n", + "def map_qubits(self: TSelf_PauliStringGateOperation,\n", + "\n", + "def report_status_to_github(self,\n", + "\n", + "def get_changed_files(self) -> List[str]:\n", + "\n", + "def create(cls, duration: Union['Duration', timedelta]) -> 'Duration':\n", + "\n", + "def _create_array(self, arr: np.ndarray) -> int:\n", + "\n", + "def _free_array(self, handle: int):\n", + "\n", + "def _get_array(self, handle: int) -> np.ndarray:\n", + "\n", + "def save(self, path: Union[str, bytes, int]) -> None:\n", + "\n", + " def write(s: str) -> None:\n", + "\n", + "def is_native_ion_gate(gate: ops.Gate) -> bool:\n", + "\n", + "def convert_one(self, op: ops.Operation) -> ops.OP_TREE:\n", + "\n", + " def similar_singular(i, j):\n", + "\n", + " def overlaps_interval(op):\n", + "\n", + " def overlaps_qubits(op):\n", + "\n", + "def include(self, scheduled_operation: ScheduledOperation):\n", + "\n", + "def exclude(self, scheduled_operation: ScheduledOperation) -> bool:\n", + "\n", + "def to_circuit(self) -> Circuit:\n", + "\n", + "def acquaint_insides(swap_gate: ops.Gate,\n", + "\n", + "def acquaint_and_shift(parts: Tuple[List[ops.Qid], List[ops.Qid]],\n", + "\n", + "def circuit_to_pdf_using_qcircuit_via_tex(circuit: circuits.Circuit,\n", + "\n", + "def _group_similar(items: List[T],\n", + "\n", + "def _perp_eigendecompose(matrix: np.ndarray,\n", + "\n", + "def kak_canonicalize_vector(x: float, y: float, z: float) -> KakDecomposition:\n", + "\n", + " def shift(k, step):\n", + "\n", + " def negate(k1, k2):\n", + "\n", + " def swap(k1, k2):\n", + "\n", + " def canonical_shift(k):\n", + "\n", + " def sort():\n", + "\n", + "def update_mapping(mapping: Dict[ops.Qid, LogicalIndex],\n", + "\n", + "def update_mapping(self, mapping: Dict[ops.Qid, LogicalIndex],\n", + "\n", + "def write(self,\n", + "\n", + "def content_present(self, x: int, y: int) -> bool:\n", + "\n", + "def grid_line(self, x1: int, y1: int, x2: int, y2: int,\n", + "\n", + "def vertical_line(self,\n", + "\n", + "def horizontal_line(self,\n", + "\n", + "def transpose(self) -> 'TextDiagramDrawer':\n", + "\n", + "def width(self) -> int:\n", + "\n", + "def height(self) -> int:\n", + "\n", + " def func_x(x: Union[int, float]) -> Union[int, float]:\n", + "\n", + " def func_y(y: Union[int, float]) -> Union[int, float]:\n", + "\n", + "def insert_empty_columns(self, x: int, amount: int = 1) -> None:\n", + "\n", + "def insert_empty_rows(self, y: int, amount: int = 1) -> None:\n", + "\n", + "def render(self,\n", + "\n", + "def all_near_zero(a: Union[float, complex, Iterable[float], np.ndarray],\n", + "\n", + "def all_near_zero_mod(a: Union[float, complex, Iterable[float], np.ndarray],\n", + "\n", + "def _git_fetch_for_comparison(remote: str,\n", + "\n", + "def fetch_github_pull_request(destination_directory: str,\n", + "\n", + "def fetch_local_files(destination_directory: str,\n", + "\n", + "def _circuit_as_layers(circuit: circuits.Circuit,\n", + "\n", + "def _deref(tensor: tf.Tensor, index: tf.Tensor) -> tf.Tensor:\n", + "\n", + "def _multi_deref(tensors: List[tf.Tensor], index: tf.Tensor) -> List[tf.Tensor]:\n", + "\n", + "def measure(*qubits: raw_types.Qid,\n", + "\n", + "def measure_each(*qubits: raw_types.Qid,\n", + "\n", + "def Rx(rads: Union[float, sympy.Basic]) -> XPowGate:\n", + "\n", + "def Ry(rads: Union[float, sympy.Basic]) -> YPowGate:\n", + "\n", + "def Rz(rads: Union[float, sympy.Basic]) -> ZPowGate:\n", + "\n", + "def _decompose_(self, qubits):\n", + "\n", + "def validate_args(self, qubits: Sequence[Qid]) -> None:\n", + "\n", + "def on(self, *qubits: Qid) -> 'gate_operation.GateOperation':\n", + "\n", + "def controlled_by(self, *control_qubits: Qid) -> 'Gate':\n", + "\n", + "def transform_qubits(self: TSelf_Operation,\n", + "\n", + "def controlled_by(self, *control_qubits: Qid) -> 'Operation':\n", + "\n", + "def value_derived_from_wavefunction(self,\n", + "\n", + "def perform_check(self,\n", + "\n", + "def run(self,\n", + "\n", + "def pick_env_and_run_and_report(self,\n", + "\n", + "def to_resolvers(sweepable: Sweepable) -> List[ParamResolver]:\n", + "\n", + "def is_parameterized(val: Any) -> bool:\n", + "\n", + "def kron(*matrices: np.ndarray) -> np.ndarray:\n", + "\n", + "def kron_with_controls(*matrices: np.ndarray) -> np.ndarray:\n", + "\n", + "def block_diag(*blocks: np.ndarray) -> np.ndarray:\n", + "\n", + "def index_2d(seqs: List[List[Any]], target: Any) -> Tuple[int, int]:\n", + "\n", + " def search_trace(state: _STATE, temp: float,\n", + "\n", + "def _quadratic_sum_cost(self, state: _STATE) -> float:\n", + "\n", + "def _force_edges_active_move(self, state: _STATE) -> _STATE:\n", + "\n", + "def _force_edge_active_move(self, state: _STATE) -> _STATE:\n", + "\n", + "def _force_edge_active(self, seqs: List[List[GridQubit]], edge: EDGE,\n", + "\n", + "def _create_initial_solution(self) -> _STATE:\n", + "\n", + " def extract_sequences() -> List[List[GridQubit]]:\n", + "\n", + " def assemble_edges() -> Set[EDGE]:\n", + "\n", + "def _normalize_edge(self, edge: EDGE) -> EDGE:\n", + "\n", + " def lower(n: GridQubit, m: GridQubit) -> bool:\n", + "\n", + "def _choose_random_edge(self, edges: Set[EDGE]) -> Optional[EDGE]:\n", + "\n", + "def place_line(self,\n", + "\n", + "def _decompose_(self, qubits):\n", + "\n", + "def _decompose_inside_control(self,\n", + "\n", + "def _decompose_outside_control(self,\n", + "\n", + "def has_mixture(val: Any) -> bool:\n", + "\n", + "def has_mixture_channel(val: Any) -> bool:\n", + "\n", + "def validate_mixture(supports_mixture: SupportsMixture):\n", + "\n", + " def validate_probability(p, p_str):\n", + "\n", + "def ensure_pool(func):\n", + "\n", + " def func_wrapper(*args, **kwargs):\n", + "\n", + "def _single_qubit_accumulate_into_scratch(args: Dict[str, Any]):\n", + "\n", + "def _one_projector(args: Dict[str, Any], index: int) -> Union[int, np.ndarray]:\n", + "\n", + "def _two_qubit_accumulate_into_scratch(args: Dict[str, Any]):\n", + "\n", + "def _apply_scratch_as_phase(args: Dict[str, Any]):\n", + "\n", + "def _w_within_shard(args: Dict[str, Any]):\n", + "\n", + "def _w_between_shards(args: Dict[str, Any]):\n", + "\n", + "def _copy_scratch_to_state(args: Dict[str, Any]):\n", + "\n", + "def _one_prob_per_shard(args: Dict[str, Any]) -> float:\n", + "\n", + "def _norm_squared(args: Dict[str, Any]) -> float:\n", + "\n", + "def _renorm(args: Dict[str, Any]):\n", + "\n", + "def _collapse_state(args: Dict[str, Any]):\n", + "\n", + "def init_z_vects(self):\n", + "\n", + "def _init_scratch(self):\n", + "\n", + "def _init_state(self, initial_state: Union[int, np.ndarray]):\n", + "\n", + "def _shard_num_args(self,\n", + "\n", + "def reset_state(self, reset_state):\n", + "\n", + "def simulate_phases(self, phase_map: Dict[Tuple[int, ...], float]):\n", + "\n", + "def simulate_w(self,\n", + "\n", + "def simulate_measurement(self, index: int) -> bool:\n", + "\n", + "def fswap(p, q):\n", + "\n", + "def bogoliubov_trans(p, q, theta):\n", + "\n", + "def fermi_fourier_trans_2(p, q):\n", + "\n", + "def fermi_fourier_trans_inverse_4(qubits):\n", + "\n", + "def fermi_fourier_trans_inverse_conjugate_4(qubits):\n", + "\n", + "def bcs_parameters(n_site, n_fermi, u, t) :\n", + "\n", + " def _bcs_gap(x):\n", + "\n", + "def bloch_vector_from_state_vector(state: Sequence, index: int) -> np.ndarray:\n", + "\n", + "def dirac_notation(state: Sequence, decimals: int=2) -> str:\n", + "\n", + "def to_valid_state_vector(state_rep: Union[int, np.ndarray],\n", + "\n", + "def validate_normalized_state(state: np.ndarray,\n", + "\n", + "def sample_state_vector(state: np.ndarray,\n", + "\n", + "def _probs(state: np.ndarray, indices: List[int],\n", + "\n", + "def _validate_num_qubits(state: np.ndarray) -> int:\n", + "\n", + "def _validate_indices(num_qubits: int, indices: List[int]) -> None:\n", + "\n", + "def density_matrix_of(self, qubits: List[ops.Qid] = None) -> np.ndarray:\n", + "\n", + "def bloch_vector_of(self, qubit: ops.Qid) -> np.ndarray:\n", + "\n", + "def get_acquaintance_size(obj: Union[circuits.Circuit, ops.Operation]) -> int:\n", + "\n", + "def get_or_search(self) -> List[GridQubit]:\n", + "\n", + "def _find_sequence(self) -> List[GridQubit]:\n", + "\n", + "def _sequence_search(self, start: GridQubit,\n", + "\n", + "def _expand_sequence(self, seq: List[GridQubit]) -> List[GridQubit]:\n", + "\n", + "def _find_path_between(self, p: GridQubit, q: GridQubit,\n", + "\n", + " def assemble_path(n: GridQubit, parent: Dict[GridQubit, GridQubit]):\n", + "\n", + "def _collect_unused(self, start: GridQubit,\n", + "\n", + " def collect(n: GridQubit, visited: Set[GridQubit]):\n", + "\n", + "def place_line(self,\n", + "\n", + "def trace_distance_bound(val: Any) -> float:\n", + "\n", + "def operates_on(self, qubits: Iterable[raw_types.Qid]) -> bool:\n", + "\n", + "def without_operations_touching(self, qubits: Iterable[raw_types.Qid]):\n", + "\n", + "def _approx_eq_(self, other: Any, atol: Union[int, float]) -> bool:\n", + "\n", + "def _disjoint_qubits(op1: ops.Operation, op2: ops.Operation) -> bool:\n", + "\n", + "def optimization_at(self,\n", + "\n", + "def schedule_to_proto_dicts(schedule: Schedule) -> Iterable[Dict]:\n", + "\n", + "def pack_results(measurements: Sequence[Tuple[str, np.ndarray]]) -> bytes:\n", + "\n", + "def is_native_xmon_op(op: ops.Operation) -> bool:\n", + "\n", + "def is_native_xmon_gate(gate: ops.Gate) -> bool:\n", + "\n", + "def xmon_op_from_proto_dict(proto_dict: Dict) -> ops.Operation:\n", + "\n", + " def raise_missing_fields(gate_name: str):\n", + "\n", + "def apply_unitary(unitary_value: Any,\n", + "\n", + "def clean(self: 'TSelf', *, atol: float=1e-9) -> 'TSelf':\n", + "\n", + "def _approx_eq_(self, other: Any, atol: float) -> bool:\n", + "\n", + "def enqueue(self, priority: int, item: TItem) -> bool:\n", + "\n", + "def dequeue(self) -> Tuple[int, TItem]:\n", + "\n", + "def get_program(self, program_resource_name: str) -> Dict:\n", + "\n", + "def get_job(self, job_resource_name: str) -> Dict:\n", + "\n", + "def get_job_results(self, job_resource_name: str) -> List[TrialResult]:\n", + "\n", + "def cancel_job(self, job_resource_name: str):\n", + "\n", + "def results(self) -> List[TrialResult]:\n", + "\n", + "def flatten_op_tree(root: OP_TREE,\n", + "\n", + "def circuit_to_quirk_url(circuit: circuits.Circuit,\n", + "\n", + "def is_adjacent(self, other: ops.Qid) -> bool:\n", + "\n", + "def from_proto_dict(proto_dict: Dict) -> 'GridQubit':\n", + "\n", + "def get_operations(self,\n", + "\n", + " def synth(qubit: ops.Qid, matrix: np.ndarray) -> List[ops.Operation]:\n", + "\n", + "def highlight(text: str, color_code: int, bold: bool=False) -> str:\n", + "\n", + "def run_cmd(*cmd: Optional[str],\n", + "\n", + "def run_shell(cmd: str,\n", + "\n", + "def output_of(*cmd: Optional[str], **kwargs) -> str:\n", + "\n", + " def is_clifford_rotation(half_turns):\n", + "\n", + " def to_quarter_turns(half_turns):\n", + "\n", + " def is_quarter_turn(half_turns):\n", + "\n", + " def is_half_turn(half_turns):\n", + "\n", + " def is_no_turn(half_turns):\n", + "\n", + "def unitary(val: Any,\n", + "\n", + "def has_unitary(val: Any) -> bool:\n", + "\n", + "def add_comment(repo: GithubRepository, pull_id: int, text: str) -> None:\n", + "\n", + "def edit_comment(repo: GithubRepository, text: str, comment_id: int) -> None:\n", + "\n", + "def get_branch_details(repo: GithubRepository, branch: str) -> Any:\n", + "\n", + "def classify_pr_synced_state(pr: PullRequestDetails) -> Optional[bool]:\n", + "\n", + "def get_pr_review_status(pr: PullRequestDetails) -> Any:\n", + "\n", + "def get_pr_checks(pr: PullRequestDetails) -> Dict[str, Any]:\n", + "\n", + "def get_repo_ref(repo: GithubRepository, ref: str) -> Dict[str, Any]:\n", + "\n", + "def delete_comment(repo: GithubRepository, comment_id: int) -> None:\n", + "\n", + "def auto_delete_pr_branch(pr: PullRequestDetails) -> bool:\n", + "\n", + "def add_labels_to_pr(repo: GithubRepository,\n", + "\n", + "def remove_label_from_pr(repo: GithubRepository,\n", + "\n", + "def drop_temporary(pr: PullRequestDetails,\n", + "\n", + "def from_github(repo: GithubRepository,\n", + "\n", + "def MS(rads: float) -> ops.XXPowGate:\n", + "\n", + "def _accept(random_sample: float, cost_diff: float,\n", + "\n", + "def op_gate_of_type(op: raw_types.Operation,\n", + "\n", + "def circuit_diagram_info(val: Any,\n", + "\n", + "def _run(self, circuit: circuits.Circuit,\n", + "\n", + "def _simulator_iterator(self, circuit: circuits.Circuit,\n", + "\n", + "def set_density_matrix(self, density_matrix_repr: Union[int, np.ndarray]):\n", + "\n", + "def density_matrix(self):\n", + "\n", + "def kron_bases(*bases: Dict[str, np.ndarray],\n", + "\n", + "def hilbert_schmidt_inner_product(m1: np.ndarray, m2: np.ndarray) -> complex:\n", + "\n", + "def matrix_from_basis_coefficients(expansion: value.LinearDict[str],\n", + "\n", + "def converted_gate_set(circuit: circuits.Circuit,\n", + "\n", + "def apply_channel(val: Any,\n", + "\n", + " def err_str(buf_num_str):\n", + "\n", + "def _apply_unitary(val: Any, args: 'ApplyChannelArgs') -> Optional[np.ndarray]:\n", + "\n", + "def _apply_krauss(krauss: Union[Tuple[np.ndarray], Sequence[Any]],\n", + "\n", + "def _apply_krauss_single_qubit(krauss: Union[Tuple[Any], Sequence[Any]],\n", + "\n", + "def _apply_krauss_multi_qubit(krauss: Union[Tuple[Any], Sequence[Any]],\n", + "\n", + "def convert_and_separate_circuit(circuit: circuits.Circuit,\n", + "\n", + "def regular_half(circuit: circuits.Circuit) -> circuits.Circuit:\n", + "\n", + "def pauli_string_half(circuit: circuits.Circuit) -> circuits.Circuit:\n", + "\n", + "def _probs(density_matrix: np.ndarray, indices: List[int],\n", + "\n", + "def _validate_num_qubits(density_matrix: np.ndarray) -> int:\n", + "\n", + "def _apply_unitary_circuit(circuit: Circuit,\n", + "\n", + " def on_stuck(bad_op):\n", + "\n", + "def _group_until_different(items: Iterable[TIn],\n", + "\n", + "def from_ops(*operations: ops.OP_TREE,\n", + "\n", + "def _approx_eq_(self, other: Any, atol: Union[int, float]) -> bool:\n", + "\n", + "def _repr_pretty_(self, p: Any, cycle: bool) -> None:\n", + "\n", + "def next_moment_operating_on(self,\n", + "\n", + "def next_moments_operating_on(self,\n", + "\n", + " def enqueue_next(qubit: ops.Qid, moment: int) -> None:\n", + "\n", + "def findall_operations_between(self,\n", + "\n", + "def operation_at(self,\n", + "\n", + "def are_all_matches_terminal(self,\n", + "\n", + "def insert_into_range(self,\n", + "\n", + "def _pick_inserted_ops_moment_indices(operations: Sequence[ops.Operation],\n", + "\n", + "def _push_frontier(self,\n", + "\n", + "def _insert_operations(self,\n", + "\n", + "def insert_at_frontier(self,\n", + "\n", + "def batch_remove(self,\n", + "\n", + "def batch_insert_into(self,\n", + "\n", + "def batch_insert(self,\n", + "\n", + "def clear_operations_touching(self,\n", + "\n", + "def all_qubits(self) -> FrozenSet[ops.Qid]:\n", + "\n", + "def all_operations(self) -> Iterator[ops.Operation]:\n", + "\n", + "def _unitary_(self) -> Union[np.ndarray, NotImplementedType]:\n", + "\n", + "def to_qasm(self,\n", + "\n", + "def save_qasm(self,\n", + "\n", + "def qasm(val: Any,\n", + "\n", + "def format_field(self, value: Any, spec: str) -> str:\n", + "\n", + "def make_oracle(input_qubits,\n", + "\n", + "def make_bernstein_vazirani_circuit(input_qubits, output_qubit, oracle):\n", + "\n", + "def _big_endian_int(bits: np.ndarray) -> int:\n", + "\n", + "def make_oracle(q0, q1, secret_function):\n", + "\n", + "def chip_as_adjacency_list(device: 'cirq.google.XmonDevice',\n", + "\n", + "def hhl_circuit(A, C, t, register_size, *input_prep_gates):\n", + "\n", + "def main():\n", + "\n", + "def set_state_vector(self, state: Union[int, np.ndarray]):\n", + "\n", + "def sample(self, qubits: List[ops.Qid], repetitions: int=1):\n", + "\n", + "def noisy_moments(self, moments: 'Iterable[cirq.Moment]',\n", + "\n", + "def noisy_moment(self, moment: 'cirq.Moment',\n", + "\n", + "def noisy_operation(self, operation: 'cirq.Operation') -> 'cirq.OP_TREE':\n", + "\n", + "def generate_supremacy_circuit_google_v2(qubits: Iterable[devices.GridQubit],\n", + "\n", + "def generate_supremacy_circuit_google_v2_grid(n_rows: int, n_cols: int,\n", + "\n", + "def generate_supremacy_circuit_google_v2_bristlecone(n_rows: int,\n", + "\n", + " def get_qubits(n_rows):\n", + "\n", + " def count_neighbors(qubits, qubit):\n", + "\n", + "def _choice(rand_gen: Callable[[], float], sequence: Sequence[T]) -> T:\n", + "\n", + "def _op_to_matrix(self,\n", + "\n", + "def _flip_kron_order(mat4x4: np.ndarray) -> np.ndarray:\n", + "\n", + "def control(controllee: Union['cirq.Gate', op_tree.OP_TREE],\n", + "\n", + "def inverse(val: Any, default: Any = RaiseTypeErrorIfNotProvided) -> Any:\n", + "\n", + "def two_qubit_matrix_to_ion_operations(q0: ops.Qid,\n", + "\n", + "def _parity_interaction(q0: ops.Qid,\n", + "\n", + "def _non_local_part(q0: ops.Qid,\n", + "\n", + "def value_equality(cls: type = None,\n", + "\n", + "def get_incremental_uncovered_lines(abs_path: str,\n", + "\n", + "def line_content_counts_as_uncovered_manual(content: str) -> bool:\n", + "\n", + "def line_counts_as_uncovered(line: str,\n", + "\n", + "def is_applicable_python_file(rel_path: str) -> bool:\n", + "\n", + "def _approximate_common_period(periods: List[float],\n", + "\n", + "def fit(self, X):\n", + "\n", + "def fit_transform(self, X, y=None, **fit_params):\n", + "\n", + "def transform(self, y):\n", + "\n", + "def inverse_transform(self, y):\n", + "\n", + "def transform(self, y):\n", + "\n", + "def fit(self, X, y=None, **fit_params):\n", + "\n", + "def transform(self, y):\n", + "\n", + "def serialize_tree(tree, feature_names, outfile):\n", + "\n", + " def traverse(node, depth, outfile):\n", + "\n", + "def serialize_to_bundle(self, transformer, path, model_name, serialize_node=True):\n", + "\n", + "def sent2vec(self, words, transformer):\n", + "\n", + "def serialize_to_bundle(self, transformer, path, model):\n", + "\n", + "def get_mleap_model(self, transformer, attributes_to_serialize=None):\n", + "\n", + "def deserialize_single_input_output(self, transformer, node_path, attributes_map=None):\n", + "\n", + "def wait_until(what, times=-1):\n", + "\n", + "def _init_devices(self):\n", + "\n", + "def _init_harness(self):\n", + "\n", + "def _init_dut(self):\n", + "\n", + "def _init_browser(self):\n", + "\n", + "def setUp(self):\n", + "\n", + "def tearDown(self):\n", + "\n", + "def _setup_page(self):\n", + "\n", + "def _select_case(self, role, case):\n", + "\n", + "def _collect_result(self):\n", + "\n", + "def _wait_dialog(self):\n", + "\n", + "def _handle_dialog(self, dialog, title):\n", + "\n", + "def list_devices(names=None, continue_from=None, **kwargs):\n", + "\n", + "def discover(names=None, pattern=['*.py'], skip='efp', dry_run=False, blacklist=None, name_greps=None,\n", + "\n", + "def _expect(self, expected, times=50):\n", + "\n", + "def _readline(self):\n", + "\n", + "def _sendline(self, line):\n", + "\n", + "def __sendCommand(self, cmd):\n", + "\n", + "def __getIp6Address(self, addressType):\n", + "\n", + "def __setRouterUpgradeThreshold(self, iThreshold):\n", + "\n", + "def __setRouterSelectionJitter(self, iRouterJitter):\n", + "\n", + "def __setAddressfilterMode(self, mode):\n", + "\n", + "def __startOpenThread(self):\n", + "\n", + "def __stopOpenThread(self):\n", + "\n", + "def __convertRlocToRouterId(self, xRloc16):\n", + "\n", + "def __convertIp6PrefixStringToIp6Address(self, strIp6Prefix):\n", + "\n", + "def __convertLongToString(self, iValue):\n", + "\n", + "def __readCommissioningLogs(self, durationInSeconds):\n", + "\n", + "def __convertChannelMask(self, channelsArray):\n", + "\n", + "def __setKeySwitchGuardTime(self, iKeySwitchGuardTime):\n", + "\n", + "def closeConnection(self):\n", + "\n", + "def intialize(self):\n", + "\n", + "def setNetworkName(self, networkName='GRL'):\n", + "\n", + "def setChannel(self, channel=11):\n", + "\n", + "def getMAC(self, bType=MacType.RandomMac):\n", + "\n", + "def getRloc16(self):\n", + "\n", + "def getNetworkFragmentID(self):\n", + "\n", + "def getParentAddress(self):\n", + "\n", + "def powerDown(self):\n", + "\n", + "def powerUp(self):\n", + "\n", + "def reboot(self):\n", + "\n", + "def ping(self, destination, length=20):\n", + "\n", + "def reset(self):\n", + "\n", + "def getPollingRate(self):\n", + "\n", + "def setLinkQuality(self, EUIadr, LinkQuality):\n", + "\n", + "def setOutBoundLinkQuality(self, LinkQuality):\n", + "\n", + "def removeRouterPrefix(self, prefixEntry):\n", + "\n", + "def resetAndRejoin(self, timeout):\n", + "\n", + "def setNetworkIDTimeout(self, iNwkIDTimeOut):\n", + "\n", + "def setNetworkDataRequirement(self, eDataRequirement):\n", + "\n", + "def configExternalRouter(self, P_Prefix, P_stable, R_Preference=0):\n", + "\n", + "def getNeighbouringRouters(self):\n", + "\n", + "def getChildrenInfo(self):\n", + "\n", + "def getNeighbouringDevices(self):\n", + "\n", + "def getGUA(self, filterByPrefix=None):\n", + "\n", + "def setMLPrefix(self, sMeshLocalPrefix):\n", + "\n", + "def forceSetSlaac(self, slaacAddress):\n", + "\n", + "def startCollapsedCommissioner(self):\n", + "\n", + "def scanJoiner(self, xEUI='*', strPSKd='threadjpaketest'):\n", + "\n", + "def joinCommissioned(self, strPSKd='threadjpaketest', waitTime=20):\n", + "\n", + "def getCommissioningLogs(self):\n", + "\n", + "def MGMT_ED_SCAN(self, sAddr, xCommissionerSessionId, listChannelMask, xCount, xPeriod, xScanDuration):\n", + "\n", + "def MGMT_PANID_QUERY(self, sAddr, xCommissionerSessionId, listChannelMask, xPanId):\n", + "\n", + "def MGMT_ACTIVE_SET(self, sAddr='', xCommissioningSessionId=None, listActiveTimestamp=None, listChannelMask=None, xExtendedPanId=None,\n", + "\n", + "def MGMT_PENDING_SET(self, sAddr='', xCommissionerSessionId=None, listPendingTimestamp=None, listActiveTimestamp=None, xDelayTimer=None,\n", + "\n", + "def MGMT_COMM_GET(self, Addr='ff02::1', TLVs=[]):\n", + "\n", + "def MGMT_COMM_SET(self, Addr='ff02::1', xCommissionerSessionID=None, xSteeringData=None, xBorderRouterLocator=None,\n", + "\n", + "def setUdpJoinerPort(self, portNumber):\n", + "\n", + "def commissionerUnregister(self):\n", + "\n", + "def updateRouterStatus(self):\n", + "\n", + "def _expect(self, expected, times=50):\n", + "\n", + "def _readline(self):\n", + "\n", + "def _sendline(self, line):\n", + "\n", + "def _req(self, req):\n", + "\n", + "def run(self):\n", + "\n", + "def reset(self):\n", + "\n", + "def add_prefix(self, prefix, flags, prf):\n", + "\n", + "def remove_prefix(self, prefix):\n", + "\n", + "def _init(self):\n", + "\n", + "def open(self, **params):\n", + "\n", + "def until(self, regex):\n", + "\n", + "def reboot(self, **params):\n", + "\n", + "def __sendCommand(self, cmd):\n", + "\n", + "def __stripValue(self, value):\n", + "\n", + "def __getIp6Address(self, addressType):\n", + "\n", + "def __setDeviceMode(self, mode):\n", + "\n", + "def __setAddressfilterMode(self, mode):\n", + "\n", + "def __startOpenThreadWpan(self):\n", + "\n", + "def __stopOpenThreadWpan(self):\n", + "\n", + "def __isOpenThreadWpanRunning(self):\n", + "\n", + "def __convertRlocToRouterId(self, xRloc16):\n", + "\n", + "def __ChannelMaskListToStr(self, channelList):\n", + "\n", + "def __getJoinerState(self):\n", + "\n", + "def intialize(self):\n", + "\n", + "def getNetworkName(self):\n", + "\n", + "def setMAC(self, xEUI):\n", + "\n", + "def getMAC(self, bType=MacType.RandomMac):\n", + "\n", + "def getLL64(self):\n", + "\n", + "def getRloc(self):\n", + "\n", + "def setNetworkKey(self, key):\n", + "\n", + "def addAllowMAC(self, xEUI):\n", + "\n", + "def clearAllowList(self):\n", + "\n", + "def getDeviceRole(self):\n", + "\n", + "def joinNetwork(self, eRoleId):\n", + "\n", + "def getNetworkFragmentID(self):\n", + "\n", + "def getParentAddress(self):\n", + "\n", + "def powerDown(self):\n", + "\n", + "def powerUp(self):\n", + "\n", + "def reboot(self):\n", + "\n", + "def ping(self, destination, length=20):\n", + "\n", + "def getVersionNumber(self):\n", + "\n", + "def setPANID(self, xPAN):\n", + "\n", + "def reset(self):\n", + "\n", + "def removeRouter(self, xRouterId):\n", + "\n", + "def setDefaultValues(self):\n", + "\n", + "def setPollingRate(self, iPollingRate):\n", + "\n", + "def resetAndRejoin(self, timeout):\n", + "\n", + "def configBorderRouter(self, P_Prefix, P_stable=1, P_default=1, P_slaac_preferred=0, P_Dhcp=0, P_preference=0, P_on_mesh=1, P_nd_dns=0):\n", + "\n", + "def setKeepAliveTimeOut(self, iTimeOut):\n", + "\n", + "def setKeySequenceCounter(self, iKeySequenceValue):\n", + "\n", + "def getKeySequenceCounter(self):\n", + "\n", + "def incrementKeySequenceCounter(self, iIncrementValue=1):\n", + "\n", + "def setXpanId(self, xPanId):\n", + "\n", + "def setPartationId(self, partationId):\n", + "\n", + "def getGUA(self, filterByPrefix=None):\n", + "\n", + "def getChildTimeoutValue(self):\n", + "\n", + "def startCollapsedCommissioner(self):\n", + "\n", + "def scanJoiner(self, xEUI='*', strPSKd='threadjpaketest'):\n", + "\n", + "def setProvisioningUrl(self, strURL='grl.com'):\n", + "\n", + "def allowCommission(self):\n", + "\n", + "def joinCommissioned(self, strPSKd='threadjpaketest', waitTime=20):\n", + "\n", + "def MGMT_PANID_QUERY(self, sAddr, xCommissionerSessionId, listChannelMask, xPanId):\n", + "\n", + "def MGMT_ANNOUNCE_BEGIN(self, sAddr, xCommissionerSessionId, listChannelMask, xCount, xPeriod):\n", + "\n", + "def MGMT_ACTIVE_GET(self, Addr='', TLVs=[]):\n", + "\n", + "def MGMT_ACTIVE_SET(self, sAddr='', xCommissioningSessionId=None, listActiveTimestamp=None, listChannelMask=None, xExtendedPanId=None,\n", + "\n", + "def MGMT_PENDING_SET(self, sAddr='', xCommissionerSessionId=None, listPendingTimestamp=None, listActiveTimestamp=None, xDelayTimer=None,\n", + "\n", + "def MGMT_COMM_SET(self, Addr='ff02::1', xCommissionerSessionID=None, xSteeringData=None, xBorderRouterLocator=None,\n", + "\n", + "def commissionerUnregister(self):\n", + "\n", + "def start(self, host, nornir):\n", + "\n", + "def run(self, task, **kwargs):\n", + "\n", + " def grouped_tasks(task):\n", + "\n", + "def is_dry_run(self, override: bool = None) -> bool:\n", + "\n", + "def failed_hosts(self):\n", + "\n", + "def has_parent_group(self, group):\n", + "\n", + "def get(self, item, default=None):\n", + "\n", + "def get_connection(self, connection: str, configuration: Config) -> Any:\n", + "\n", + "def get_connection_state(self, connection: str) -> Dict[str, Any]:\n", + "\n", + "def close_connection(self, connection: str) -> None:\n", + "\n", + "def children_of_group(self, group: Union[str, Group]) -> Set[Host]:\n", + "\n", + "def add_host(self, name: str, **kwargs) -> None:\n", + "\n", + "def add_group(self, name: str, **kwargs) -> None:\n", + "\n", + "def get_defaults_dict(self) -> Dict:\n", + "\n", + "def get_groups_dict(self) -> Dict:\n", + "\n", + "def get_hosts_dict(self) -> Dict:\n", + "\n", + "def load_json(task: Task, file: str) -> Result:\n", + "\n", + "def print_title(title: str) -> None:\n", + "\n", + "def command(task: Task, command: str) -> Result:\n", + "\n", + "def napalm_cli(task: Task, commands: List[str]) -> Result:\n", + "\n", + "def filter(self, *args, **kwargs):\n", + "\n", + "def echo_data(task: Task, **kwargs: Any) -> Result:\n", + "\n", + "def failed_hosts(self) -> Dict[str, \"MultiResult\"]:\n", + "\n", + "def build_configuration_parameters(app):\n", + "\n", + "def setup(app):\n", + "\n", + "def load_yaml(task: Task, file: str) -> Result:\n", + "\n", + "def remote_command(task: Task, command: str) -> Result:\n", + "\n", + "def register(cls, name: str, plugin: Type[ConnectionPlugin]) -> None:\n", + "\n", + "def deregister(cls, name: str) -> None:\n", + "\n", + "def get_plugin(cls, name: str) -> Type[ConnectionPlugin]:\n", + "\n", + "def load_cli_args(self):\n", + "\n", + "def run(self):\n", + "\n", + "def add_instruments(self, *instruments):\n", + "\n", + "def register_combo(self, parent, legs):\n", + "\n", + "def get_combo(self, symbol):\n", + "\n", + "def _register_trade(self, order):\n", + "\n", + "def _cancel_orphan_orders(self, orderId):\n", + "\n", + "def _cancel_expired_pending_orders(self):\n", + "\n", + "def get_instrument(self, symbol):\n", + "\n", + "def run(self):\n", + "\n", + "def load_blotter_args(blotter_name=None, logger=None):\n", + "\n", + "def get_symbol_id(symbol, dbconn, dbcurr, ibConn=None):\n", + "\n", + " def _get_contract_expiry(symbol, ibConn=None):\n", + "\n", + "def run(self):\n", + "\n", + "def _fix_history_sequence(self, df, table):\n", + "\n", + "def backfill(self, data, resolution, start, end=None):\n", + "\n", + "def session(df, start='17:00', end='16:00'):\n", + "\n", + "def ibs(bars):\n", + "\n", + "def vwap(bars):\n", + "\n", + "def rolling_vwap(bars, window=200, min_periods=None):\n", + "\n", + "def rsi(series, window=14):\n", + "\n", + "def macd(series, fast=3, slow=10, smooth=16):\n", + "\n", + "def roc(series, window=14):\n", + "\n", + "def cci(series, window=14):\n", + "\n", + "def stoch(df, window=14, d=3, k=3, fast=False):\n", + "\n", + "def zlma(series, window=20, min_periods=None, kind=\"ema\"):\n", + "\n", + "def zscore(bars, window=20, stds=1, col='close'):\n", + "\n", + "def pvt(bars):\n", + "\n", + "def run(self):\n", + "\n", + "def get_history(self, symbols, start, end=None, resolution=\"1T\", tz=\"UTC\"):\n", + "\n", + "def order(self, signal, symbol, quantity=0, **kwargs):\n", + "\n", + "def record(self, *args, **kwargs):\n", + "\n", + "def sms(self, text):\n", + "\n", + "def _base_bar_handler(self, bar):\n", + "\n", + "def _add_signal_history(self, df, symbol):\n", + "\n", + "def multi_shift(df, window):\n", + "\n", + "def is_number(string):\n", + "\n", + "def to_decimal(number, points=None):\n", + "\n", + "def create_ib_tuple(instrument):\n", + "\n", + "def chmod(f):\n", + "\n", + "def as_dict(df, ix=':'):\n", + "\n", + "def ib_duration_str(start_date=None):\n", + "\n", + "def datetime64_to_datetime(dt):\n", + "\n", + "def round_to_fraction(val, res, decimals=None):\n", + "\n", + "def backdate(res, date=None, as_datetime=False, fmt='%Y-%m-%d'):\n", + "\n", + "def previous_weekday(day=None, as_datetime=False):\n", + "\n", + "def is_third_friday(day=None):\n", + "\n", + "def after_third_friday(day=None):\n", + "\n", + "def get_timezone(as_timedelta=False):\n", + "\n", + "def datetime_to_timezone(date, tz=\"UTC\"):\n", + "\n", + "def convert_timezone(date_str, tz_from, tz_to=\"UTC\", fmt=None):\n", + "\n", + "def set_timezone(data, tz=None, from_local=False):\n", + "\n", + "def fix_timezone(df, freq, tz=None):\n", + "\n", + "def record(self, timestamp, *args, **kwargs):\n", + "\n", + "def get_data_ib(instrument, start, resolution=\"1 min\",\n", + "\n", + "def prepare_data(instrument, data, output_path=None,\n", + "\n", + "def store_data(df, blotter=None, kind=\"BAR\"):\n", + "\n", + "def _set_windows(self, ticks, bars):\n", + "\n", + "def get_bars(self, lookback=None, as_dict=False):\n", + "\n", + "def get_ticks(self, lookback=None, as_dict=False):\n", + "\n", + "def get_price(self):\n", + "\n", + "def get_quote(self):\n", + "\n", + "def get_orderbook(self):\n", + "\n", + "def market_order(self, direction, quantity, **kwargs):\n", + "\n", + "def limit_order(self, direction, quantity, price, **kwargs):\n", + "\n", + "def buy(self, quantity, **kwargs):\n", + "\n", + "def buy_market(self, quantity, **kwargs):\n", + "\n", + "def buy_limit(self, quantity, price, **kwargs):\n", + "\n", + "def sell(self, quantity, **kwargs):\n", + "\n", + "def sell_market(self, quantity, **kwargs):\n", + "\n", + "def sell_limit(self, quantity, price, **kwargs):\n", + "\n", + "def get_positions(self, attr=None):\n", + "\n", + "def modify_order(self, orderId, quantity=None, limit_price=None):\n", + "\n", + "def modify_order_group(self, orderId, entry=None, target=None, stop=None, quantity=None):\n", + "\n", + "def move_stoploss(self, stoploss):\n", + "\n", + "def get_margin_requirement(self):\n", + "\n", + "def get_max_contracts_allowed(self, overnight=True):\n", + "\n", + "def pnl_in_range(self, min_pnl, max_pnl):\n", + "\n", + "def parse_intf_section(interface):\n", + "\n", + "def convert_hhmmss(hhmmss):\n", + "\n", + "def bgp_normalize_table_data(bgp_table):\n", + "\n", + "def bgp_table_parser(bgp_table):\n", + "\n", + "def bgp_summary_parser(bgp_summary):\n", + "\n", + "def _send_command_list(self, commands):\n", + "\n", + "def parse_uptime(uptime_str):\n", + "\n", + "def is_alive(self):\n", + "\n", + "def get_facts(self):\n", + "\n", + "def get_interfaces(self):\n", + "\n", + "def get_bgp_neighbors(self):\n", + "\n", + "def get_environment(self):\n", + "\n", + "def get_interfaces_ip(self):\n", + "\n", + "def get_mac_address_table(self):\n", + "\n", + " def remove_prefix(s, prefix):\n", + "\n", + " def process_mac_fields(vlan, mac, mac_type, interface):\n", + "\n", + "def _get_bgp_route_attr(self, destination, vrf, next_hop, ip_version=4):\n", + "\n", + "def get_route_to(self, destination=\"\", protocol=\"\"):\n", + "\n", + "def _netmiko_open(self, device_type, netmiko_optional_args=None):\n", + "\n", + "def compliance_report(self, validation_file=None, validation_source=None):\n", + "\n", + "def _canonical_int(self, interface):\n", + "\n", + "def open(self):\n", + "\n", + "def close(self):\n", + "\n", + "def _lock(self):\n", + "\n", + "def _unlock(self):\n", + "\n", + "def _rpc(self, get, child=None, **kwargs):\n", + "\n", + "def load_replace_candidate(self, filename=None, config=None):\n", + "\n", + "def load_merge_candidate(self, filename=None, config=None):\n", + "\n", + "def commit_config(self, message=\"\"):\n", + "\n", + "def discard_config(self):\n", + "\n", + "def get_interfaces(self):\n", + "\n", + " def _convert_to_dict(interfaces):\n", + "\n", + "def get_interfaces_counters(self):\n", + "\n", + "def get_environment(self):\n", + "\n", + "def _get_address_family(table, instance):\n", + "\n", + "def get_lldp_neighbors_detail(self, interface=\"\"):\n", + "\n", + "def cli(self, commands):\n", + "\n", + " def _trim(txt, length):\n", + "\n", + " def _except(txt, pattern):\n", + "\n", + " def _last(txt, length):\n", + "\n", + " def _match(txt, pattern):\n", + "\n", + " def _find(txt, pattern):\n", + "\n", + " def _process_pipe(cmd, txt):\n", + "\n", + "def get_bgp_config(self, group=\"\", neighbor=\"\"):\n", + "\n", + " def _check_nhs(policies, nhs_policies):\n", + "\n", + " def build_prefix_limit(**args):\n", + "\n", + "def get_bgp_neighbors_detail(self, neighbor_address=\"\"):\n", + "\n", + " def _bgp_iter_core(neighbor_data, instance=None):\n", + "\n", + "def get_arp_table(self, vrf=\"\"):\n", + "\n", + "def get_ipv6_neighbors_table(self):\n", + "\n", + "def get_ntp_stats(self):\n", + "\n", + "def get_interfaces_ip(self):\n", + "\n", + "def get_mac_address_table(self):\n", + "\n", + "def get_route_to(self, destination=\"\", protocol=\"\"):\n", + "\n", + "def get_snmp_information(self):\n", + "\n", + "def _get_root(self):\n", + "\n", + "def get_users(self):\n", + "\n", + "def get_optics(self):\n", + "\n", + "def _preprocess_yml(path):\n", + "\n", + "def cisco_conf_parse_parents(parent, child, config):\n", + "\n", + "def cisco_conf_parse_objects(cfg_section, config):\n", + "\n", + "def regex_find_txt(pattern, text, default=\"\"):\n", + "\n", + "def textfsm_extractor(cls, template_name, raw_text):\n", + "\n", + "def ip(addr, version=None):\n", + "\n", + "def as_number(as_number_val):\n", + "\n", + "def split_interface(intf_name):\n", + "\n", + "def canonical_interface_name(interface, addl_name_map=None):\n", + "\n", + "def abbreviated_interface_name(interface, addl_name_map=None, addl_reverse_map=None):\n", + "\n", + "def close(self):\n", + "\n", + "def _send_command(self, command):\n", + "\n", + "def is_alive(self):\n", + "\n", + "def _normalize_compare_config(self, diff):\n", + "\n", + "def _normalize_merge_diff_incr(diff):\n", + "\n", + "def _normalize_merge_diff(diff):\n", + "\n", + "def compare_config(self):\n", + "\n", + "def _file_prompt_quiet(f):\n", + "\n", + " def wrapper(self, *args, **kwargs):\n", + "\n", + "def _commit_handler(self, cmd):\n", + "\n", + "def commit_config(self, message=\"\"):\n", + "\n", + "def _discard_config(self):\n", + "\n", + "def rollback(self):\n", + "\n", + "def _scp_file(self, source_file, dest_file, file_system):\n", + "\n", + "def _send_command_postprocess(output):\n", + "\n", + "def get_interfaces_ip(self):\n", + "\n", + "def get_bgp_config(self, group=\"\", neighbor=\"\"):\n", + "\n", + " def build_prefix_limit(af_table, limit, prefix_percent, prefix_timeout):\n", + "\n", + "def get_bgp_neighbors(self):\n", + "\n", + "def get_interfaces_counters(self):\n", + "\n", + "def get_environment(self):\n", + "\n", + "def get_ntp_peers(self):\n", + "\n", + "def get_ntp_servers(self):\n", + "\n", + "def get_ntp_stats(self):\n", + "\n", + "def get_mac_address_table(self):\n", + "\n", + " def process_mac_fields(vlan, mac, mac_type, interface):\n", + "\n", + "def get_snmp_information(self):\n", + "\n", + "def get_users(self):\n", + "\n", + "def get_ipv6_neighbors_table(self):\n", + "\n", + "def open(self):\n", + "\n", + "def _multiline_convert(config, start=\"banner login\", end=\"EOF\", depth=1):\n", + "\n", + "def _mode_comment_convert(commands):\n", + "\n", + "def commit_config(self, message=\"\"):\n", + "\n", + "def get_bgp_config(self, group=\"\", neighbor=\"\"):\n", + "\n", + " def default_group_dict(local_as):\n", + "\n", + " def default_neighbor_dict(local_as):\n", + "\n", + " def parse_options(options, default_value=False):\n", + "\n", + "def get_network_instances(self, name=\"\"):\n", + "\n", + "def empty_tree(input_list):\n", + "\n", + "def build_napalm_ansible_module_docs(app):\n", + "\n", + "def build_getters_support_matrix(app):\n", + "\n", + "def get_bgp_neighbors(self):\n", + "\n", + " def generate_vrf_query(vrf_name):\n", + "\n", + "def netmiko_args(optional_args):\n", + "\n", + "def ensure_netmiko_conn(func):\n", + "\n", + " def wrap_function(self, filename=None, config=None):\n", + "\n", + "def _get_merge_diff(self):\n", + "\n", + "def _get_diff(self):\n", + "\n", + "def _create_sot_file(self):\n", + "\n", + "def get_lldp_neighbors(self):\n", + "\n", + "def _send_command(self, command, raw_text=False):\n", + "\n", + "def _compute_timestamp(stupid_cisco_output):\n", + "\n", + "def _get_table_rows(parent_table, table_name, row_name):\n", + "\n", + "def get_bgp_neighbors(self):\n", + "\n", + "def get_network_instances(self, name=\"\"):\n", + "\n", + "def get_network_driver(name, prepend=True):\n", + "\n", + "def main(config_file):\n", + "\n", + "def oc_attr_isdefault(o):\n", + "\n", + "def Column(self, column_name):\n", + "\n", + "def CreateClientPool(n):\n", + "\n", + "def CheckLocation():\n", + "\n", + "def Run(self):\n", + "\n", + "def _ProcessMessageHandlerRequests(self, requests):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def ProcessMessages(self, active_notifications, queue_manager, time_limit=0):\n", + "\n", + "def _ProcessRegularFlowMessages(self, flow_obj, notification):\n", + "\n", + "def _ProcessMessages(self, notification, queue_manager):\n", + "\n", + "def ProcessFlow(self, flow_processing_request):\n", + "\n", + "def WaitUntilDone(self, timeout=None):\n", + "\n", + "def Get(self):\n", + "\n", + "def ResolveCronJobFlowURN(self, cron_job_id):\n", + "\n", + "def ResolveClientFlowURN(self, client_id, token=None):\n", + "\n", + "def _GetArgsDescription(self, args_type):\n", + "\n", + "def _GetCallingPrototypeAsString(self, flow_cls):\n", + "\n", + "def _GetFlowArgsHelpAsString(self, flow_cls):\n", + "\n", + "def Handle(self, args, token=None):\n", + "\n", + "def AuthorizeUser(self, user, subject):\n", + "\n", + "def AuthorizeGroup(self, group, subject):\n", + "\n", + "def CheckPermissions(self, username, subject):\n", + "\n", + "def _GetFilePaths(self, path, pathtype, kb):\n", + "\n", + "def Parse(self, persistence, knowledge_base, download_pathtype):\n", + "\n", + "def FileHacks(self):\n", + "\n", + "def Read(self, length=None):\n", + "\n", + "def _Stat(self, path, ext_attrs=False):\n", + "\n", + "def ListFiles(self, ext_attrs=False):\n", + "\n", + "def StatFS(self, path=None):\n", + "\n", + "def GetMountPoint(self, path=None):\n", + "\n", + "def WriteHuntObject(self, hunt_obj, cursor=None):\n", + "\n", + "def UpdateHuntObject(self,\n", + "\n", + "def DeleteHuntObject(self, hunt_id, cursor=None):\n", + "\n", + "def _HuntObjectFromRow(self, row):\n", + "\n", + "def ReadHuntObject(self, hunt_id, cursor=None):\n", + "\n", + "def ReadHuntObjects(self,\n", + "\n", + "def _HuntOutputPluginStateFromRow(self, row):\n", + "\n", + "def ReadHuntOutputPluginsStates(self, hunt_id, cursor=None):\n", + "\n", + "def WriteHuntOutputPluginsStates(self, hunt_id, states, cursor=None):\n", + "\n", + "def UpdateHuntOutputPluginState(self,\n", + "\n", + "def ReadHuntLogEntries(self,\n", + "\n", + "def CountHuntLogEntries(self, hunt_id, cursor=None):\n", + "\n", + "def ReadHuntResults(self,\n", + "\n", + "def CountHuntResults(self,\n", + "\n", + "def CountHuntResultsByType(self, hunt_id, cursor=None):\n", + "\n", + "def _HuntFlowCondition(self, condition):\n", + "\n", + "def ReadHuntFlows(self,\n", + "\n", + "def CountHuntFlows(self,\n", + "\n", + "def ReadHuntCounters(self, hunt_id, cursor=None):\n", + "\n", + "def _BinsToQuery(self, bins, column_name):\n", + "\n", + "def ReadHuntClientResourcesStats(self, hunt_id, cursor=None):\n", + "\n", + "def ReadHuntFlowsStatesAndTimestamps(self, hunt_id, cursor=None):\n", + "\n", + "def ReadHuntOutputPluginLogEntries(self,\n", + "\n", + "def CountHuntOutputPluginLogEntries(self,\n", + "\n", + "def _CheckIfHuntTaskWasAssigned(self, client_id, hunt_id):\n", + "\n", + "def _RunAction(self, rule, client_id):\n", + "\n", + "def AssignTasksToClient(self, client_id):\n", + "\n", + "def _GetSignedBinaryMetadata(binary_type, relative_path):\n", + "\n", + "def Handle(self, unused_args, token=None):\n", + "\n", + "def Handle(self, args, token=None):\n", + "\n", + "def Proxy(f):\n", + "\n", + " def Wrapped(self, *args):\n", + "\n", + "def Synchronized(f):\n", + "\n", + " def NewFunction(self, *args, **kw):\n", + "\n", + "def SmartUnicode(string):\n", + "\n", + "def Xor(bytestr, key):\n", + "\n", + "def FormatAsHexString(num, width=None, prefix=\"0x\"):\n", + "\n", + "def NormalizePath(path, sep=\"/\"):\n", + "\n", + "def JoinPath(stem=\"\", *parts):\n", + "\n", + "def GeneratePassphrase(length=20):\n", + "\n", + "def PassphraseCallback(verify=False,\n", + "\n", + "def ResolveHostnameToIP(host, port):\n", + "\n", + "def Expire(self):\n", + "\n", + "def Put(self, key, obj):\n", + "\n", + "def ExpireObject(self, key):\n", + "\n", + "def ExpireRegEx(self, regex):\n", + "\n", + "def ExpirePrefix(self, prefix):\n", + "\n", + "def Pop(self, key):\n", + "\n", + "def Get(self, key):\n", + "\n", + "def Flush(self):\n", + "\n", + "def GetSize(cls):\n", + "\n", + "def GetValueAndReset(self):\n", + "\n", + "def _GenerateZipInfo(self, arcname=None, compress_type=None, st=None):\n", + "\n", + "def WriteSymlink(self, src_arcname, dst_arcname):\n", + "\n", + "def WriteFileHeader(self, arcname=None, compress_type=None, st=None):\n", + "\n", + "def WriteFileChunk(self, chunk):\n", + "\n", + "def WriteFileFooter(self):\n", + "\n", + "def WriteFromFD(self, src_fd, arcname=None, compress_type=None, st=None):\n", + "\n", + "def WriteSymlink(self, src_arcname, dst_arcname):\n", + "\n", + "def WriteFileHeader(self, arcname=None, st=None):\n", + "\n", + "def WriteFileChunk(self, chunk):\n", + "\n", + "def WriteFileFooter(self):\n", + "\n", + "def Get(self):\n", + "\n", + "def Delete(self):\n", + "\n", + "def Modify(self, user_type=None, password=None):\n", + "\n", + "def Upload(self, fd, sign_fn=None):\n", + "\n", + "def CreateGrrUser(self, username=None, user_type=None, password=None):\n", + "\n", + "def ListGrrUsers(self):\n", + "\n", + "def GetAuditLogEntries(offset, now, token):\n", + "\n", + "def _IterateAllClients(recency_window=None):\n", + "\n", + "def Add(self, category, label, age):\n", + "\n", + "def Save(self, token=None):\n", + "\n", + "def Run(self):\n", + "\n", + "def Start(self):\n", + "\n", + "def ProcessLegacyClient(self, ping, client):\n", + "\n", + "def StartInterrogationHunt(self):\n", + "\n", + "def ProcessClients(self, responses):\n", + "\n", + "def CheckApproversForLabel(self, token, client_urn, requester, approvers,\n", + "\n", + "def EnsureTempDirIsSane(directory):\n", + "\n", + "def CreateGRRTempFile(filename=None, lifetime=0, mode=\"w+b\", suffix=\"\"):\n", + "\n", + "def CreateGRRTempFileVFS(filename=None, lifetime=0, mode=\"w+b\", suffix=\"\"):\n", + "\n", + "def _CheckIfPathIsValidForDeletion(path, prefix=None, directories=None):\n", + "\n", + "def DeleteGRRTempFile(path):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Start(self):\n", + "\n", + "def GetRequestFormatMode(request, method_metadata):\n", + "\n", + "def RenderHttpResponse(request):\n", + "\n", + "def _BuildHttpRoutingMap(self, router_cls):\n", + "\n", + "def _GetRoutingMap(self, router):\n", + "\n", + "def _SetField(self, args, type_info, value):\n", + "\n", + "def _GetArgsFromRequest(self, request, method_metadata, route_args):\n", + "\n", + "def MatchRouter(self, request):\n", + "\n", + "def BuildToken(request, execution_time):\n", + "\n", + "def CallApiHandler(handler, args, token=None):\n", + "\n", + "def _BuildResponse(self,\n", + "\n", + "def _BuildStreamingResponse(self, binary_stream, method_name=None):\n", + "\n", + "def HandleRequest(self, request):\n", + "\n", + "def GetDefaultToken(token):\n", + "\n", + "def Flush(self):\n", + "\n", + "def QueueClaimRecords(self,\n", + "\n", + "def QueueDeleteTasks(self, queue, tasks):\n", + "\n", + "def QueueQueryAndOwn(self, queue, lease_seconds, limit, timestamp):\n", + "\n", + "def _QueueQueryAndOwn(self,\n", + "\n", + "def AFF4AddChild(self, subject, child, extra_attributes=None):\n", + "\n", + "def InitializeMonitorThread(self):\n", + "\n", + "def DeleteSubjects(self, subjects, sync=False):\n", + "\n", + "def LockRetryWrapper(self,\n", + "\n", + "def MultiSet(self,\n", + "\n", + "def MultiDeleteAttributes(self,\n", + "\n", + "def Resolve(self, subject, attribute):\n", + "\n", + "def ResolvePrefix(self, subject, attribute_prefix, timestamp=None,\n", + "\n", + "def ReadRequestsAndResponses(self,\n", + "\n", + "def ReadCompletedRequests(self, session_id, timestamp=None, limit=None):\n", + "\n", + "def ReadResponsesForRequestId(self, session_id, request_id, timestamp=None):\n", + "\n", + "def ReadResponses(self, request_list, timestamp=None):\n", + "\n", + "def StoreRequestsAndResponses(self,\n", + "\n", + "def CheckRequestsForCompletion(self, requests):\n", + "\n", + "def MultiDestroyFlowStates(self, session_ids, request_limit=None):\n", + "\n", + "def IndexReadPostingLists(self,\n", + "\n", + "def CollectionReadIndex(self, collection_id):\n", + "\n", + "def QueueQueryTasks(self, queue, limit=1):\n", + "\n", + "def FileHashIndexQuery(self, subject, target_prefix, limit=100):\n", + "\n", + "def Run(self):\n", + "\n", + "def DownloadFile(file_obj, target_path, buffer_size=BUFFER_SIZE):\n", + "\n", + "def RecursiveDownload(dir_obj,\n", + "\n", + "def _OpenCollectionPath(coll_path):\n", + "\n", + "def DownloadCollection(coll_path,\n", + "\n", + "def CopyAFF4ToLocal(aff4_urn, target_dir, token=None, overwrite=False):\n", + "\n", + "def DumpClientYaml(client_urn, target_dir, token=None, overwrite=False):\n", + "\n", + "def GetInput(self):\n", + "\n", + "def Run(self):\n", + "\n", + "def GetInput(self):\n", + "\n", + "def InterpolateKbAttributes(pattern, knowledge_base, ignore_errors=False):\n", + "\n", + "def GetWindowsEnvironmentVariablesMap(knowledge_base):\n", + "\n", + "def ExpandWindowsEnvironmentVariables(data_string, knowledge_base):\n", + "\n", + "def CheckCondition(condition, check_object):\n", + "\n", + "def ExpandWindowsUserEnvironmentVariables(data_string,\n", + "\n", + "def GetExtAttrs(filepath):\n", + "\n", + " def EncodeUtf8(attr_name):\n", + "\n", + "def Sleep(self, seconds):\n", + "\n", + "def Write(self, grr_message):\n", + "\n", + "def Clear(self):\n", + "\n", + "def Get(self):\n", + "\n", + "def FilterFnTable(fn_table, symbol):\n", + "\n", + "def SetCTypesForLibrary(libname, fn_table):\n", + "\n", + "def WrapCFTypeInPython(self, obj):\n", + "\n", + "def SMGetJobDictionaries(self, domain='kSMDomainSystemLaunchd'):\n", + "\n", + "def get(self, key, default='', stringify=True):\n", + "\n", + "def SafeLoadKextManager(self, fn_table):\n", + "\n", + "def LegacyKextload(self, cf_bundle_url, dependency_kext):\n", + "\n", + "def LegacyKextunload(self, cf_bundle_identifier):\n", + "\n", + "def ReadPathInfo(self,\n", + "\n", + "def ReadPathInfos(self, client_id, path_type, components_list, cursor=None):\n", + "\n", + "def WritePathInfos(self, client_id, path_infos):\n", + "\n", + "def MultiWritePathInfos(self, path_infos):\n", + "\n", + "def _MultiWritePathInfos(self, path_infos, connection=None):\n", + "\n", + "def ListDescendentPathInfos(self,\n", + "\n", + "def ReadPathInfosHistories(self,\n", + "\n", + "def EnumerateInterfacesFromClient(args):\n", + "\n", + "def EnumerateUsersFromClient(args):\n", + "\n", + "def CheckMounts(filename):\n", + "\n", + "def EnumerateFilesystemsFromClient(args):\n", + "\n", + "def _ParseWtmp():\n", + "\n", + "def _InstallRpm(self, path):\n", + "\n", + "def _TempRootPath():\n", + "\n", + "def TempDirPath(suffix = \"\", prefix = \"tmp\"):\n", + "\n", + "def TempFilePath(suffix = \"\", prefix = \"tmp\",\n", + "\n", + "def Name(self):\n", + "\n", + "def Validate(self):\n", + "\n", + "def _GetNestedDict(self, value):\n", + "\n", + "def _CreateOutputFileHandles(self, output_type):\n", + "\n", + "def _GetTempOutputFileHandles(self, value_type):\n", + "\n", + "def Flush(self, state):\n", + "\n", + "def RDFValueToBigQuerySchema(self, value):\n", + "\n", + "def WriteValuesToJSONFile(self, state, values):\n", + "\n", + "def FilterArgsFromSemanticProtobuf(protobuf, kwargs):\n", + "\n", + "def GetOutputPluginStates(output_plugins, source=None, token=None):\n", + "\n", + "def StartAFF4Flow(args=None,\n", + "\n", + "def StartFlow(client_id=None,\n", + "\n", + "def Flush(self):\n", + "\n", + "def Close(self):\n", + "\n", + "def Initialize(self):\n", + "\n", + "def CreateRunner(self, **kw):\n", + "\n", + "def NotifyAboutEnd(self):\n", + "\n", + "def MarkForTermination(cls, flow_urn, reason=None, mutation_pool=None):\n", + "\n", + "def TerminateAFF4Flow(cls, flow_id, reason=None, status=None, token=None):\n", + "\n", + "def ResultCollectionForFID(cls, flow_id):\n", + "\n", + "def GetAllWellKnownFlows(cls, token=None):\n", + "\n", + "def FetchAndRemoveRequestsAndResponses(self, session_id):\n", + "\n", + "def ProcessResponses(self, responses, thread_pool):\n", + "\n", + "def AsIPAddr(self):\n", + "\n", + "def GetIPAddresses(self):\n", + "\n", + "def _CheckConditionsShortCircuit(content_conditions, pathspec):\n", + "\n", + "def _GetExpandedPaths(args):\n", + "\n", + "def RegistryKeyFromClient(args):\n", + "\n", + "def GetClientVersion(client_id, token=None):\n", + "\n", + "def GetClientOs(client_id, token=None):\n", + "\n", + "def GetFileHashEntry(fd):\n", + "\n", + "def GetUrnHashEntry(urn, token=None):\n", + "\n", + "def EnumMissingModules():\n", + "\n", + "def CopyFileInZip(from_zip, from_name, to_zip, to_name=None):\n", + "\n", + "def BuildNanny(self):\n", + "\n", + "def MakeExecutableTemplate(self, output_file=None):\n", + "\n", + "def _CheckLegacyPassword(self, password):\n", + "\n", + "def Notify(self, message_type, subject, msg, source):\n", + "\n", + "def DeletePendingNotification(self, timestamp):\n", + "\n", + "def ShowNotifications(self, reset=True):\n", + "\n", + "def Describe(self):\n", + "\n", + "def Get(self, fields=None):\n", + "\n", + "def Increment(self, delta, fields=None):\n", + "\n", + "def Record(self, value, fields=None):\n", + "\n", + "def Set(self, value, fields=None):\n", + "\n", + "def Get(self, fields=None):\n", + "\n", + "def _InitializeMetric(self, metadata):\n", + "\n", + "def IncrementCounter(self, metric_name, delta=1, fields=None):\n", + "\n", + "def RecordEvent(self, metric_name, value, fields=None):\n", + "\n", + "def SetGaugeValue(self, metric_name, value, fields=None):\n", + "\n", + "def SetGaugeCallback(self, metric_name, callback, fields=None):\n", + "\n", + "def _GetMetric(self, metric_name):\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def ValidateIapJwtFromComputeEngine(iap_jwt, cloud_project_number,\n", + "\n", + "def ValidateIapJwt(iap_jwt, expected_audience):\n", + "\n", + "def GetIapKey(key_id):\n", + "\n", + "def InitHttp(api_endpoint=None,\n", + "\n", + "def NetshStaticIp(interface,\n", + "\n", + "def DisableInterfaces(interface):\n", + "\n", + "def GetEnabledInterfaces():\n", + "\n", + "def MsgUser(msg):\n", + "\n", + "def GetConfigFromTemplate(self, template_path):\n", + "\n", + "def GetRepacker(self, context, signer=None):\n", + "\n", + "def RepackTemplate(self,\n", + "\n", + "def RepackAllTemplates(self, upload=False, token=None):\n", + "\n", + "def _MakeArgs(amazon_collection_map, google_collection_map):\n", + "\n", + "def MakeGoogleUniqueID(cloud_instance):\n", + "\n", + "def BuildCloudMetadataRequests():\n", + "\n", + "def ConvertCloudMetadataResponsesToCloudInstance(metadata_responses):\n", + "\n", + "def Record(self, value):\n", + "\n", + "def RegisterValue(self, value):\n", + "\n", + "def RegisterResources(self, client_resources):\n", + "\n", + "def payload(self):\n", + "\n", + "def SetValue(self, value, raise_on_error=True):\n", + "\n", + "def GetValue(self, ignore_error=True):\n", + "\n", + "def Append(self, value=None, **kwarg):\n", + "\n", + "def FromMany(cls, samples):\n", + "\n", + "def FromMany(cls, samples):\n", + "\n", + "def Downsampled(cls, stats, interval=None):\n", + "\n", + "def GetUserInfo(knowledge_base, user):\n", + "\n", + "def UpdateVFSFileAndWait(client_id,\n", + "\n", + "def WaitForFlow(flow_urn,\n", + "\n", + "def StartFlowAndWait(client_id,\n", + "\n", + "def InterpolatePath(path, knowledge_base, users=None, path_args=None, depth=0):\n", + "\n", + "def ListDirectory(self, pathspec, depth=0):\n", + "\n", + "def BuildChecks(self, request):\n", + "\n", + " def FilterTimestamp(file_stat, request=request):\n", + "\n", + " def FilterSize(file_stat, request=request):\n", + "\n", + " def FilterPerms(file_stat, request=request):\n", + "\n", + " def FilterUID(file_stat, request=request):\n", + "\n", + " def FilterGID(file_stat, request=request):\n", + "\n", + " def FilterPath(file_stat, regex=regex):\n", + "\n", + " def FilterData(file_stat, **_):\n", + "\n", + "def Run(self, request):\n", + "\n", + "def FindRegex(self, regex, data):\n", + "\n", + "def FindLiteral(self, pattern, data):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def StopHuntIfCrashLimitExceeded(hunt_id):\n", + "\n", + "def StopHuntIfCPUOrNetworkLimitsExceeded(hunt_id):\n", + "\n", + "def CompleteHuntIfExpirationTimeReached(hunt_obj):\n", + "\n", + "def CreateHunt(hunt_obj):\n", + "\n", + "def CreateAndStartHunt(flow_name, flow_args, creator, **kwargs):\n", + "\n", + "def _ScheduleGenericHunt(hunt_obj):\n", + "\n", + "def _ScheduleVariableHunt(hunt_obj):\n", + "\n", + "def StartHunt(hunt_id):\n", + "\n", + "def PauseHunt(hunt_id, reason=None):\n", + "\n", + "def StopHunt(hunt_id, reason=None):\n", + "\n", + "def UpdateHunt(hunt_id, client_limit=None, client_rate=None, duration=None):\n", + "\n", + "def StartHuntFlowOnClient(client_id, hunt_id):\n", + "\n", + "def expired(self):\n", + "\n", + "def GetApprovalForObject(object_urn, token=None, username=\"\"):\n", + "\n", + "def CheckAccess(self, token):\n", + "\n", + "def GetNonExpiredApprovers(self):\n", + "\n", + "def InferUserAndSubjectFromUrn(self):\n", + "\n", + "def InferUserAndSubjectFromUrn(self):\n", + "\n", + "def InferUserAndSubjectFromUrn(self):\n", + "\n", + "def ApprovalUrnBuilder(subject, user, approval_id):\n", + "\n", + "def ApprovalSymlinkUrnBuilder(approval_type, subject_id, user, approval_id):\n", + "\n", + "def Request(self):\n", + "\n", + "def Grant(self):\n", + "\n", + "def BuildApprovalUrn(self, approval_id):\n", + "\n", + "def BuildApprovalSymlinksUrns(self, approval_id):\n", + "\n", + "def ReadBlobs(self, blob_ids):\n", + "\n", + "def CheckBlobsExist(self, blob_ids):\n", + "\n", + "def FileFinderOSFromClient(args):\n", + "\n", + "def _GetMountpoints(only_physical=True):\n", + "\n", + "def _GetMountpointBlacklist(xdev):\n", + "\n", + "def WriteHuntObject(self, hunt_obj):\n", + "\n", + "def UpdateHuntObject(self, hunt_id, start_time=None, **kwargs):\n", + "\n", + "def UpdateHuntOutputPluginState(self, hunt_id, state_index, update_fn):\n", + "\n", + "def ReadHuntObject(self, hunt_id):\n", + "\n", + "def ReadHuntObjects(self,\n", + "\n", + "def ReadHuntLogEntries(self, hunt_id, offset, count, with_substring=None):\n", + "\n", + "def ReadHuntResults(self,\n", + "\n", + "def CountHuntResults(self, hunt_id, with_tag=None, with_type=None):\n", + "\n", + "def ReadHuntFlows(self,\n", + "\n", + "def CountHuntFlows(self,\n", + "\n", + "def ReadHuntCounters(self, hunt_id):\n", + "\n", + "def ReadHuntClientResourcesStats(self, hunt_id):\n", + "\n", + "def ReadHuntFlowsStatesAndTimestamps(self, hunt_id):\n", + "\n", + "def ReadHuntOutputPluginLogEntries(self,\n", + "\n", + "def CountHuntOutputPluginLogEntries(self,\n", + "\n", + "def WriteForemanRule(self, rule, cursor=None):\n", + "\n", + "def main(_):\n", + "\n", + "def WriteAllCrashDetails(client_id,\n", + "\n", + "def ProcessMessages(self, msgs=None, token=None):\n", + "\n", + "def ProcessResponse(self, client_id, response):\n", + "\n", + "def ProcessMessage(self, message):\n", + "\n", + "def ProcessMessage(self, message):\n", + "\n", + "def SendEmail(self, client_id, message):\n", + "\n", + "def WriteClientStartupInfo(self, client_id, new_si):\n", + "\n", + "def WriteMessageHandlerRequests(self, requests):\n", + "\n", + "def ReadMessageHandlerRequests(self):\n", + "\n", + "def DeleteMessageHandlerRequests(self, requests):\n", + "\n", + "def RegisterMessageHandler(self, handler, lease_time, limit=1000):\n", + "\n", + "def UnregisterMessageHandler(self, timeout=None):\n", + "\n", + "def _LeaseMessageHandlerRequests(self, lease_time, limit):\n", + "\n", + "def ReadAllClientActionRequests(self, client_id):\n", + "\n", + "def LeaseClientActionRequests(self,\n", + "\n", + "def WriteClientActionRequests(self, requests):\n", + "\n", + "def WriteFlowObject(self, flow_obj):\n", + "\n", + "def ReadFlowObject(self, client_id, flow_id):\n", + "\n", + "def ReadChildFlowObjects(self, client_id, flow_id):\n", + "\n", + "def LeaseFlowForProcessing(self, client_id, flow_id, processing_time):\n", + "\n", + "def UpdateFlow(self,\n", + "\n", + "def UpdateFlows(self,\n", + "\n", + "def WriteFlowRequests(self, requests):\n", + "\n", + "def DeleteFlowRequests(self, requests):\n", + "\n", + "def WriteFlowResponses(self, responses):\n", + "\n", + "def ReadAllFlowRequestsAndResponses(self, client_id, flow_id):\n", + "\n", + "def DeleteAllFlowRequestsAndResponses(self, client_id, flow_id):\n", + "\n", + "def ReadFlowRequestsReadyForProcessing(self,\n", + "\n", + "def ReleaseProcessedFlow(self, flow_obj):\n", + "\n", + "def WriteFlowProcessingRequests(self, requests):\n", + "\n", + "def AckFlowProcessingRequests(self, requests):\n", + "\n", + "def _RegisterFlowProcessingHandler(self, handler):\n", + "\n", + "def UnregisterFlowProcessingHandler(self, timeout=None):\n", + "\n", + "def WaitUntilNoFlowsToProcess(self, timeout=None):\n", + "\n", + "def _HandleFlowProcessingRequestLoop(self, handler):\n", + "\n", + "def WriteFlowResults(self, results):\n", + "\n", + "def ReadFlowResults(self,\n", + "\n", + "def CountFlowResults(self, client_id, flow_id, with_tag=None, with_type=None):\n", + "\n", + "def CountFlowResultsByType(self, client_id, flow_id):\n", + "\n", + "def WriteFlowLogEntries(self, entries):\n", + "\n", + "def ReadFlowLogEntries(self,\n", + "\n", + "def CountFlowLogEntries(self, client_id, flow_id):\n", + "\n", + "def ReadFlowOutputPluginLogEntries(self,\n", + "\n", + "def CountFlowOutputPluginLogEntries(self,\n", + "\n", + "def WriteSignedBinaryReferences(self, binary_id,\n", + "\n", + "def _GetSqliteSchema(self, proto_struct_class, prefix=\"\"):\n", + "\n", + "def _ConvertToCanonicalSqlDict(self, schema, raw_dict, prefix=\"\"):\n", + "\n", + "def _FlushAllRows(self, db_connection, table_name):\n", + "\n", + "def YamlDumper(aff4object):\n", + "\n", + "def YamlLoader(string):\n", + "\n", + "def GetMetadata(client_id, client_full_info):\n", + "\n", + "def GetMetadataLegacy(client, token=None):\n", + "\n", + "def ConvertValuesWithMetadata(metadata_value_pairs, token=None, options=None):\n", + "\n", + "def ConvertValues(default_metadata, values, token=None, options=None):\n", + "\n", + "def GetConvertersByClass(value_cls):\n", + "\n", + "def MakeFlatRDFClass(self, value):\n", + "\n", + " def Flatten(self, metadata, value_to_flatten):\n", + "\n", + "def ParseSignedData(signed_data, result):\n", + "\n", + "def ParseFileHash(hash_obj, result):\n", + "\n", + "def Convert(self, metadata, stat_entry, token=None):\n", + "\n", + "def _RemoveRegistryKeys(self, metadata_value_pairs):\n", + "\n", + "def _OpenFilesForRead(self, metadata_value_pairs, token):\n", + "\n", + "def _ExportFileContent(self, aff4_object, result):\n", + "\n", + "def BatchConvert(self, metadata_value_pairs, token=None):\n", + "\n", + "def Convert(self, metadata, stat_entry, token=None):\n", + "\n", + "def Convert(self, metadata, conn, token=None):\n", + "\n", + "def Convert(self, metadata, process, token=None):\n", + "\n", + "def Convert(self, metadata, process, token=None):\n", + "\n", + "def Convert(self, metadata, process, token=None):\n", + "\n", + "def Convert(self, metadata, interface, token=None):\n", + "\n", + "def Convert(self, metadata, config, token=None):\n", + "\n", + "def Convert(self, metadata, client_summary, token=None):\n", + "\n", + "def _SeparateTypes(self, metadata_value_pairs):\n", + "\n", + "def Convert(self, metadata, grr_message, token=None):\n", + "\n", + "def BatchConvert(self, metadata_value_pairs, token=None):\n", + "\n", + "def BatchConvert(self, metadata_value_pairs, token=None):\n", + "\n", + "def Convert(self, metadata, checkresult, token=None):\n", + "\n", + "def GetExportedResult(self,\n", + "\n", + "def IsRegistryStatEntry(self, original_result):\n", + "\n", + "def IsFileStatEntry(self, original_result):\n", + "\n", + "def Convert(self, metadata, value, token=None):\n", + "\n", + "def Convert(self, metadata, yara_match, token=None):\n", + "\n", + "def _RDFClass(cls, table):\n", + "\n", + "def _ExtractPath(response, pathspec_attribute=None):\n", + "\n", + "def _CollectArtifact(self, artifact, apply_parsers):\n", + "\n", + "def UpdateKnowledgeBase(self, response, provides):\n", + "\n", + "def _ProcessSources(self, sources, parser_factory):\n", + "\n", + "def _RunClientAction(self, action, request, parser_factory, path_type):\n", + "\n", + "def _ParseSourceType(self, source):\n", + "\n", + "def _ProcessRegistryKeySource(self, source):\n", + "\n", + "def _ProcessGrepSource(self, source):\n", + "\n", + "def _ProcessArtifactFilesSource(self, source):\n", + "\n", + "def _ProcessFileSource(self, source):\n", + "\n", + "def _ProcessCommandSource(self, source):\n", + "\n", + "def WriteClientMetadata(self,\n", + "\n", + "def MultiReadClientMetadata(self, client_ids, cursor=None):\n", + "\n", + "def WriteClientSnapshot(self, snapshot, cursor=None):\n", + "\n", + "def MultiReadClientSnapshot(self, client_ids, cursor=None):\n", + "\n", + "def ReadClientSnapshotHistory(self, client_id, timerange=None, cursor=None):\n", + "\n", + "def WriteClientSnapshotHistory(self, clients, cursor=None):\n", + "\n", + "def WriteClientStartupInfo(self, client_id, startup_info, cursor=None):\n", + "\n", + "def ReadClientStartupInfo(self, client_id, cursor=None):\n", + "\n", + "def ReadClientStartupInfoHistory(self, client_id, timerange=None,\n", + "\n", + "def _ResponseToClientsFullInfo(self, response):\n", + "\n", + "def MultiReadClientFullInfo(self, client_ids, min_last_ping=None,\n", + "\n", + "def ReadClientLastPings(self,\n", + "\n", + "def AddClientKeywords(self, client_id, keywords, cursor=None):\n", + "\n", + "def RemoveClientKeyword(self, client_id, keyword, cursor=None):\n", + "\n", + "def ListClientsForKeywords(self, keywords, start_time=None, cursor=None):\n", + "\n", + "def AddClientLabels(self, client_id, owner, labels, cursor=None):\n", + "\n", + "def MultiReadClientLabels(self, client_ids, cursor=None):\n", + "\n", + "def RemoveClientLabels(self, client_id, owner, labels, cursor=None):\n", + "\n", + "def ReadAllClientLabels(self, cursor=None):\n", + "\n", + "def WriteClientCrashInfo(self, client_id, crash_info, cursor=None):\n", + "\n", + "def ReadClientCrashInfo(self, client_id, cursor=None):\n", + "\n", + "def ReadClientCrashInfoHistory(self, client_id, cursor=None):\n", + "\n", + "def WriteClientStats(self,\n", + "\n", + "def ReadClientStats(self,\n", + "\n", + "def DeleteOldClientStats(self, yield_after_count,\n", + "\n", + "def _DeleteClientStats(self,\n", + "\n", + "def _CountClientStatisticByLabel(self, statistic, day_buckets, cursor):\n", + "\n", + "def ParsePathItem(item, opts=None):\n", + "\n", + "def ParsePath(path,\n", + "\n", + "def ExpandPath(path, opts=None):\n", + "\n", + "def ExpandGroups(path):\n", + "\n", + "def ExpandGlobs(path, opts = None):\n", + "\n", + "def _ListDir(dirpath, pathtype):\n", + "\n", + "def ListNetworkConnectionsFromClient(args):\n", + "\n", + "def IterIfaddrs(ifaddrs):\n", + "\n", + "def ParseIfaddrs(ifaddrs):\n", + "\n", + "def EnumerateInterfacesFromClient(args):\n", + "\n", + "def EnumerateFilesystemsFromClient(args):\n", + "\n", + "def CreateServiceProto(job):\n", + "\n", + "def OSXEnumerateRunningServicesFromClient(args):\n", + "\n", + "def Run(self, unused_arg):\n", + "\n", + "def _start_remote_debugging(port):\n", + "\n", + "def ExtractConfig(self):\n", + "\n", + "def _LoadFlows(self, client_id, min_create_time, token):\n", + "\n", + "def EnforceLimits(self, client_id, user, flow_name, flow_args, token=None):\n", + "\n", + "def StatEntryFromPath(path, pathspec, ext_attrs=True):\n", + "\n", + "def StatEntryFromStat(stat,\n", + "\n", + "def _InitApiApprovalFromAff4Object(api_approval, approval_obj):\n", + "\n", + "def _InitApiApprovalFromDatabaseObject(api_approval, db_obj):\n", + "\n", + "def InitFromNotification(self, notification, is_pending=False):\n", + "\n", + "def _GetApprovals(self,\n", + "\n", + "def Handle(self, unused_args, token=None):\n", + "\n", + "def Handle(self, args, token=None):\n", + "\n", + "def ScheduleSystemCronJobs(names=None):\n", + "\n", + "def StartRun(self, wait_for_start_event, signal_event, wait_for_write_event):\n", + "\n", + "def HeartBeat(self):\n", + "\n", + "def CreateJob(self, cron_args=None, job_id=None, enabled=True, token=None):\n", + "\n", + "def ListJobs(self, token=None):\n", + "\n", + "def RunOnce(self, names=None, token=None):\n", + "\n", + "def TerminateStuckRunIfNeeded(self, job):\n", + "\n", + "def RunJob(self, job):\n", + "\n", + "def JobDueToRun(self, job):\n", + "\n", + "def DeleteOldRuns(self, cutoff_timestamp=None):\n", + "\n", + "def WriteMessageHandlerRequests(self, requests, cursor=None):\n", + "\n", + "def ReadMessageHandlerRequests(self, cursor=None):\n", + "\n", + "def DeleteMessageHandlerRequests(self, requests, cursor=None):\n", + "\n", + "def _LeaseMessageHandlerRequests(self, lease_time, limit, cursor=None):\n", + "\n", + "def ReadAllClientActionRequests(self, client_id, cursor=None):\n", + "\n", + "def DeleteClientActionRequests(self, requests):\n", + "\n", + "def LeaseClientActionRequests(self,\n", + "\n", + "def WriteClientActionRequests(self, requests, cursor=None):\n", + "\n", + "def WriteFlowObject(self, flow_obj, cursor=None):\n", + "\n", + "def _FlowObjectFromRow(self, row):\n", + "\n", + "def ReadFlowObject(self, client_id, flow_id, cursor=None):\n", + "\n", + "def ReadAllFlowObjects(self,\n", + "\n", + "def ReadChildFlowObjects(self, client_id, flow_id, cursor=None):\n", + "\n", + "def LeaseFlowForProcessing(self,\n", + "\n", + "def UpdateFlow(self,\n", + "\n", + "def UpdateFlows(self,\n", + "\n", + "def _WriteFlowProcessingRequests(self, requests, cursor):\n", + "\n", + "def WriteFlowRequests(self, requests, cursor=None):\n", + "\n", + "def _WriteResponses(self, responses, cursor):\n", + "\n", + "def _DeleteClientActionRequest(self, to_delete, cursor=None):\n", + "\n", + "def _WriteFlowResponsesAndExpectedUpdates(self, responses, cursor=None):\n", + "\n", + "def _ReadFlowResponseCounts(self, request_keys, cursor=None):\n", + "\n", + "def _ReadAndLockNextRequestsToProcess(self, flow_keys, cursor):\n", + "\n", + "def _ReadLockAndUpdateCompletedRequests(self, request_keys, response_counts,\n", + "\n", + "def _UpdateRequestsAndScheduleFPRs(self, responses, cursor=None):\n", + "\n", + "def WriteFlowResponses(self, responses):\n", + "\n", + "def DeleteFlowRequests(self, requests, cursor=None):\n", + "\n", + "def DeleteAllFlowRequestsAndResponses(self, client_id, flow_id, cursor=None):\n", + "\n", + "def ReadFlowRequestsReadyForProcessing(self,\n", + "\n", + "def ReleaseProcessedFlow(self, flow_obj, cursor=None):\n", + "\n", + "def ReadFlowProcessingRequests(self, cursor=None):\n", + "\n", + "def AckFlowProcessingRequests(self, requests, cursor=None):\n", + "\n", + "def _LeaseFlowProcessingReqests(self, cursor=None):\n", + "\n", + "def _FlowProcessingRequestHandlerLoop(self, handler):\n", + "\n", + "def RegisterFlowProcessingHandler(self, handler):\n", + "\n", + "def UnregisterFlowProcessingHandler(self, timeout=None):\n", + "\n", + "def WriteFlowResults(self, results, cursor=None):\n", + "\n", + "def ReadFlowResults(self,\n", + "\n", + "def CountFlowResults(self,\n", + "\n", + "def CountFlowResultsByType(self, client_id, flow_id, cursor=None):\n", + "\n", + "def ReadFlowLogEntries(self,\n", + "\n", + "def CountFlowLogEntries(self, client_id, flow_id, cursor=None):\n", + "\n", + "def WriteFlowOutputPluginLogEntries(self, entries, cursor=None):\n", + "\n", + "def ReadFlowOutputPluginLogEntries(self,\n", + "\n", + "def CountFlowOutputPluginLogEntries(self,\n", + "\n", + "def Evaluate(self, client_obj):\n", + "\n", + "def WriteGRRUser(self,\n", + "\n", + "def ReadGRRUser(self, username):\n", + "\n", + "def ReadGRRUsers(self, offset=0, count=None):\n", + "\n", + "def DeleteGRRUser(self, username):\n", + "\n", + "def WriteApprovalRequest(self, approval_request):\n", + "\n", + "def ReadApprovalRequest(self, requestor_username, approval_id):\n", + "\n", + "def ReadApprovalRequests(self,\n", + "\n", + "def GrantApproval(self, requestor_username, approval_id, grantor_username):\n", + "\n", + "def WriteUserNotification(self, notification):\n", + "\n", + "def ReadUserNotifications(self, username, state=None, timerange=None):\n", + "\n", + "def UpdateUserNotifications(self, username, timestamps, state=None):\n", + "\n", + "def _ConditionsToFileFinderConditions(conditions):\n", + "\n", + "def StripTypeInfo(rendered_data):\n", + "\n", + "def RenderValue(value, limit_lists=-1):\n", + "\n", + "def GetRendererForValueOrClass(cls, value, limit_lists=-1):\n", + "\n", + "def BuildDefaultValue(self, value_cls):\n", + "\n", + "def BuildTypeDescriptor(self, value_cls):\n", + "\n", + "def RenderPayload(self, result, value):\n", + "\n", + "def AdjustDescriptor(self, fields):\n", + "\n", + "def PlistValueToPlainValue(plist):\n", + "\n", + "def StringFinish(self, **_):\n", + "\n", + "def AddAttributePath(self, **_):\n", + "\n", + "def _AtNonLeaf(self, attr_value, path):\n", + "\n", + "def GetMetadata():\n", + "\n", + "def Parse(text):\n", + "\n", + "def ParseMany(text):\n", + "\n", + "def ReadFromPath(filepath):\n", + "\n", + "def ReadManyFromPath(filepath):\n", + "\n", + "def Dump(obj):\n", + "\n", + "def DumpMany(objs):\n", + "\n", + "def WriteToPath(obj, filepath):\n", + "\n", + "def WriteManyToPath(objs, filepath):\n", + "\n", + "def CreateWindowsRegistryExecutablePathsDetector(vars_map=None):\n", + "\n", + "def DetectExecutablePaths(source_values, vars_map=None):\n", + "\n", + "def Extract(self, components):\n", + "\n", + "def Extract(self, components):\n", + "\n", + "def Process(self, path):\n", + "\n", + "def CheckDataStoreAccess(self, token, subjects, requested_access=\"r\"):\n", + "\n", + "def WriteHuntResults(client_id, hunt_id, responses):\n", + "\n", + "def ProcessHuntFlowError(flow_obj,\n", + "\n", + "def ProcessHuntFlowDone(flow_obj, status_msg=None):\n", + "\n", + "def ProcessHuntFlowLog(flow_obj, log_msg):\n", + "\n", + "def ProcessHuntClientCrash(flow_obj, client_crash_info):\n", + "\n", + "def ValidateVfsPath(path):\n", + "\n", + "def _GenerateApiFileDetails(path_infos):\n", + "\n", + " def _Value(age, value):\n", + "\n", + "def _Aff4Size(aff4_obj):\n", + "\n", + "def _Aff4Read(aff4_obj, offset, length):\n", + "\n", + "def _GetTimelineStatEntriesLegacy(client_id, file_path, with_history=True):\n", + "\n", + "def _GetTimelineStatEntriesRelDB(api_client_id, file_path, with_history=True):\n", + "\n", + "def _GetTimelineStatEntries(client_id, file_path, with_history=True):\n", + "\n", + "def _GetTimelineItems(client_id, file_path):\n", + "\n", + "def InitFromAff4Object(self, aff4_obj, aff4_cls, attr_blacklist):\n", + "\n", + "def InitFromAff4Object(self, aff4_obj):\n", + "\n", + "def InitFromAff4Object(self,\n", + "\n", + "def _Decode(self, codec_name, data):\n", + "\n", + "def SignFiles(self, filenames):\n", + "\n", + "def SignBuffer(self, in_buffer):\n", + "\n", + "def SignFile(self, in_filename, out_filename=None):\n", + "\n", + "def AddSignatureToRPMs(self, rpm_filenames):\n", + "\n", + "def SearchClients(query_str, token=None, limit=1000):\n", + "\n", + "def DownloadDir(aff4_path, output_dir, bufsize=8192, preserve_path=True):\n", + "\n", + "def OpenClient(client_id=None, token=None):\n", + "\n", + "def GetNotifications(user=None, token=None):\n", + "\n", + "def ApprovalGrant(token=None):\n", + "\n", + "def ApprovalFind(object_id, token=None):\n", + "\n", + "def ApprovalCreateRaw(aff4_path,\n", + "\n", + "def ApprovalRevokeRaw(aff4_path, token):\n", + "\n", + "def _GetHWInfos(client_list, batch_size=10000, token=None):\n", + "\n", + "def FindClonedClients(token=None):\n", + "\n", + "def CleanClientVersions(clients=None, dry_run=True, token=None):\n", + "\n", + "def CleanVacuousVersions(clients=None, dry_run=True):\n", + "\n", + "def ExportClientsByKeywords(keywords, filename, token=None):\n", + "\n", + "def StartFlowAndWorker(client_id, flow_name, **kwargs):\n", + "\n", + "def WakeStuckFlow(session_id):\n", + "\n", + "def Start(self):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Is64bit(self):\n", + "\n", + "def Open(self):\n", + "\n", + "def ReadBytes(self, address, num_bytes):\n", + "\n", + "def _MigrationFilenameToInt(fname):\n", + "\n", + "def ListMigrationsToProcess(migrations_root,\n", + "\n", + "def ProcessMigrations(open_conn_fn,\n", + "\n", + "def DumpCurrentSchema(cursor):\n", + "\n", + "def FilterList(l, offset, count=0, filter_value=None):\n", + "\n", + "def FilterCollection(aff4_collection, offset, count=0, filter_value=None):\n", + "\n", + "def get_config():\n", + "\n", + "def CopyFiles(self):\n", + "\n", + "def MakeZip(self, input_dir, output_file):\n", + "\n", + "def CopyFiles(self):\n", + "\n", + "def SecurityCheck(func):\n", + "\n", + " def Wrapper(request, *args, **kwargs):\n", + "\n", + "def SecurityCheck(self, func, request, *args, **kwargs):\n", + "\n", + "def SecurityCheck(self, func, request, *args, **kwargs):\n", + "\n", + "def SecurityCheck(self, func, request, *args, **kwargs):\n", + "\n", + "def SecurityCheck(self, func, request, *args, **kwargs):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def GetQueryParamsNames(self):\n", + "\n", + "def GetAnnotatedMethods(cls):\n", + "\n", + "def PublishEvent(cls, event_name, msg, token=None):\n", + "\n", + "def PublishMultipleEvents(cls, events, token=None):\n", + "\n", + "def Overlay(child, parent):\n", + "\n", + "def FanOut(self, obj, parent=None):\n", + "\n", + "def Format(self, format_string, rdf):\n", + "\n", + "def Update(self, attribute=None):\n", + "\n", + "def _GetChunkForReading(self, chunk):\n", + "\n", + "def _GetChunkForWriting(self, chunk):\n", + "\n", + "def _ReadPartial(self, length):\n", + "\n", + "def AddBlob(self, blob_hash, length, chunk_number):\n", + "\n", + "def ChunksExist(self, chunk_numbers):\n", + "\n", + "def Flush(self):\n", + "\n", + "def WriteCronJob(self, cronjob, cursor=None):\n", + "\n", + "def _CronJobFromRow(self, row):\n", + "\n", + "def ReadCronJobs(self, cronjob_ids=None, cursor=None):\n", + "\n", + "def UpdateCronJob(self,\n", + "\n", + "def LeaseCronJobs(self, cronjob_ids=None, lease_time=None, cursor=None):\n", + "\n", + "def ReturnLeasedCronJobs(self, jobs, cursor=None):\n", + "\n", + "def WriteCronJobRun(self, run_object, cursor=None):\n", + "\n", + "def ReadCronJobRuns(self, job_id, cursor=None):\n", + "\n", + "def ReadCronJobRun(self, job_id, run_id, cursor=None):\n", + "\n", + "def DeleteOldCronJobRuns(self, cutoff_timestamp, cursor=None):\n", + "\n", + "def _Insert(cursor, table, values):\n", + "\n", + "def _BlobToChunks(blob_id, blob):\n", + "\n", + "def _PartitionChunks(chunks):\n", + "\n", + "def WriteBlobs(self, blob_id_data_map, cursor=None):\n", + "\n", + "def ReadBlobs(self, blob_ids, cursor=None):\n", + "\n", + "def CheckBlobsExist(self, blob_ids, cursor=None):\n", + "\n", + "def WriteHashBlobReferences(self, references_by_hash, cursor):\n", + "\n", + "def ReadHashBlobReferences(self, hashes, cursor):\n", + "\n", + "def _GetClientIdFromQueue(q):\n", + "\n", + "def GetNotificationShard(self, queue):\n", + "\n", + "def Copy(self):\n", + "\n", + "def FreezeTimestamp(self):\n", + "\n", + "def UnfreezeTimestamp(self):\n", + "\n", + "def FetchCompletedRequests(self, session_id, timestamp=None):\n", + "\n", + "def FetchCompletedResponses(self, session_id, timestamp=None, limit=10000):\n", + "\n", + "def FetchRequestsAndResponses(self, session_id, timestamp=None):\n", + "\n", + "def DeleteRequest(self, request):\n", + "\n", + "def MultiDestroyFlowStates(self, session_ids):\n", + "\n", + "def Flush(self):\n", + "\n", + "def QueueResponse(self, response, timestamp=None):\n", + "\n", + "def QueueNotification(self, notification=None, timestamp=None, **kw):\n", + "\n", + "def Delete(self, queue, tasks, mutation_pool=None):\n", + "\n", + "def Schedule(self, tasks, mutation_pool, timestamp=None):\n", + "\n", + "def GetNotifications(self, queue):\n", + "\n", + "def GetNotificationsForAllShards(self, queue):\n", + "\n", + "def _GetUnsortedNotifications(self,\n", + "\n", + "def NotifyQueue(self, notification, **kwargs):\n", + "\n", + "def MultiNotifyQueue(self, notifications, mutation_pool=None):\n", + "\n", + "def _MultiNotifyQueue(self, queue, notifications, mutation_pool=None):\n", + "\n", + "def DeleteNotifications(self, session_ids, start=None, end=None):\n", + "\n", + "def Query(self, queue, limit=1):\n", + "\n", + "def QueryAndOwn(self, queue, lease_seconds=10, limit=1):\n", + "\n", + "def FetchResponses(self, session_id):\n", + "\n", + "def _MigrateArtifact(artifact):\n", + "\n", + "def MigrateArtifacts():\n", + "\n", + "def _GetBaseURLs(self):\n", + "\n", + "def _GetProxies(self):\n", + "\n", + "def OpenServerEndpoint(self,\n", + "\n", + "def OpenURL(self,\n", + "\n", + "def _RetryRequest(self, timeout=None, **request_args):\n", + "\n", + "def Wait(self, timeout):\n", + "\n", + "def Wait(self):\n", + "\n", + "def QueueResponse(self, message, blocking=True):\n", + "\n", + "def QueueMessages(self, messages):\n", + "\n", + "def SendReply(self,\n", + "\n", + "def HandleMessage(self, message):\n", + "\n", + "def MemoryExceeded(self):\n", + "\n", + "def Sleep(self, timeout):\n", + "\n", + "def OnStartup(self):\n", + "\n", + "def run(self):\n", + "\n", + "def Put(self, message, block=True, timeout=1000):\n", + "\n", + "def GetMessages(self, soft_size_limit=None):\n", + "\n", + "def VerifyServerPEM(self, http_object):\n", + "\n", + "def VerifyServerControlResponse(self, http_object):\n", + "\n", + "def MakeRequest(self, data):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def _FetchServerCertificate(self):\n", + "\n", + "def Run(self):\n", + "\n", + "def InitiateEnrolment(self):\n", + "\n", + "def InitPrivateKey(self):\n", + "\n", + "def GetCSR(self):\n", + "\n", + "def SavePrivateKey(self, private_key):\n", + "\n", + "def LoadServerCertificate(self, server_certificate=None, ca_certificate=None):\n", + "\n", + "def ClaimNotificationsForCollection(cls,\n", + "\n", + " def __init__(self, collection):\n", + "\n", + " def FilterRecord(self, notification):\n", + "\n", + "def ChunkTable(table,\n", + "\n", + " def ByteLength(string):\n", + "\n", + " def Chunk():\n", + "\n", + "def ParseTable(table):\n", + "\n", + "def ParseHeader(table):\n", + "\n", + "def ParseRow(header,\n", + "\n", + "def Query(args):\n", + "\n", + "def Search(self, text):\n", + "\n", + "def SplitEmailsAndAppendEmailDomain(self, address_list):\n", + "\n", + "def SendEmail(self,\n", + "\n", + "def ScheduleSystemCronFlows(names=None, token=None):\n", + "\n", + "def DualDBSystemCronJob(legacy_name=None, stateful=False):\n", + "\n", + " def Decorator(cls):\n", + "\n", + "def CreateJob(self, cron_args=None, job_id=None, token=None, enabled=True):\n", + "\n", + "def ListJobs(self, token=None):\n", + "\n", + "def EnableJob(self, job_id, token=None):\n", + "\n", + "def DeleteJob(self, job_id, token=None):\n", + "\n", + "def RunOnce(self, token=None, force=False, names=None):\n", + "\n", + "def DeleteOldRuns(self, job, cutoff_timestamp=None, token=None):\n", + "\n", + "def RunAsync(self):\n", + "\n", + "def IsRunning(self):\n", + "\n", + "def DueToRun(self):\n", + "\n", + "def KillOldFlows(self):\n", + "\n", + "def Run(self, force=False):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def FingerprintFile(self, pathspec, max_filesize=None, request_data=None):\n", + "\n", + "def ProcessFingerprint(self, responses):\n", + "\n", + "def Clean():\n", + "\n", + "def MakeProto():\n", + "\n", + "def Reset(self):\n", + "\n", + "def NextToken(self):\n", + "\n", + "def PushState(self, **_):\n", + "\n", + "def PopState(self, **_):\n", + "\n", + "def PushBack(self, string=\"\", **_):\n", + "\n", + "def AddArg(self, arg):\n", + "\n", + "def StringEscape(self, string, match, **_):\n", + "\n", + "def InsertArg(self, string=\"\", **_):\n", + "\n", + "def CreateHunt(flow_name=None,\n", + "\n", + "def ListHunts(context=None):\n", + "\n", + "def ListHuntApprovals(context=None):\n", + "\n", + " def MapHuntApproval(data):\n", + "\n", + "def Get(self):\n", + "\n", + "def WaitUntilValid(self, timeout=None):\n", + "\n", + "def Approval(self, username, approval_id):\n", + "\n", + "def CreateApproval(self,\n", + "\n", + "def Modify(self, client_limit=None, client_rate=None, duration=None):\n", + "\n", + "def Get(self):\n", + "\n", + "def _MakeConnection(self, database=\"\"):\n", + "\n", + "def DropConnection(self, connection):\n", + "\n", + "def DropTables(self):\n", + "\n", + "def DeleteAttributes(self,\n", + "\n", + "def ResolveMulti(self, subject, attributes, timestamp=None, limit=None):\n", + "\n", + "def MultiResolvePrefix(self,\n", + "\n", + "def ResolvePrefix(self, subject, attribute_prefix, timestamp=None,\n", + "\n", + "def MultiSet(self,\n", + "\n", + "def ExecuteQuery(self, query, args=None):\n", + "\n", + " def Action(connection):\n", + "\n", + "def _ExecuteTransaction(self, transaction):\n", + "\n", + " def Action(connection):\n", + "\n", + "def _CalculateAttributeStorageTypes(self):\n", + "\n", + "def _Encode(self, value):\n", + "\n", + "def _BuildQuery(self,\n", + "\n", + "def _BuildDelete(self, subject, attribute=None, timestamp=None):\n", + "\n", + "def _MakeTimestamp(self, start=None, end=None):\n", + "\n", + "def Release(self):\n", + "\n", + "def Lookup(self,\n", + "\n", + "def ReadPostingLists(self,\n", + "\n", + "def AddKeywordsForName(self, name, keywords):\n", + "\n", + "def RemoveKeywordsForName(self, name, keywords):\n", + "\n", + "def ImportConfig(filename, config):\n", + "\n", + "def RetryQuestion(question_text, output_re=\"\", default_val=None):\n", + "\n", + "def ConfigureHostnames(config, external_hostname = None):\n", + "\n", + "def CheckMySQLConnection(db_options):\n", + "\n", + "def ConfigureMySQLDatastore(config):\n", + "\n", + "def ConfigureDatastore(config):\n", + "\n", + "def ConfigureUrls(config, external_hostname = None):\n", + "\n", + "def ConfigureEmails(config):\n", + "\n", + "def InstallTemplatePackage():\n", + "\n", + "def FinalizeConfigInit(config,\n", + "\n", + "def Initialize(config=None,\n", + "\n", + "def InitializeNoPrompt(config=None,\n", + "\n", + "def UploadSignedBinary(source_path,\n", + "\n", + "def CreateUser(username, password=None, is_admin=False):\n", + "\n", + "def UpdateUser(username, password=None, is_admin=False):\n", + "\n", + "def GetUserSummary(username):\n", + "\n", + "def GetAllUserSummaries():\n", + "\n", + "def _Summarize(user_info):\n", + "\n", + "def DeleteUser(username):\n", + "\n", + "def _GetUserTypeAndPassword(username, password=None, is_admin=False):\n", + "\n", + "def FromResponses(cls, request=None, responses=None):\n", + "\n", + "def FromLegacyResponses(cls, request=None, responses=None):\n", + "\n", + "def Run(self, unused_arg):\n", + "\n", + "def Run(self, unused_arg):\n", + "\n", + "def Run(self, arg):\n", + "\n", + "def Run(self, arg):\n", + "\n", + "def Run(self, unused_arg, ttl=None):\n", + "\n", + "def ConvertStringToFilename(name):\n", + "\n", + "def ResolveSubjectDestination(subject, regexes):\n", + "\n", + "def MakeDestinationKey(directory, filename):\n", + "\n", + "def DatabaseDirectorySize(root_path, extension):\n", + "\n", + "def GetChildrenByPriority(self, allow_external=True):\n", + "\n", + "def CheckHashes(self, hashes, external=True):\n", + "\n", + "def AddFile(self, fd, external=True):\n", + "\n", + "def Query(cls, index_urn, target_prefix=\"\", limit=100, token=None):\n", + "\n", + "def CheckHashes(self, hashes):\n", + "\n", + "def _HashFile(self, fd):\n", + "\n", + "def AddFile(self, fd):\n", + "\n", + "def ListHashes(age=aff4.NEWEST_TIME):\n", + "\n", + "def GetClientsForHash(cls, hash_obj, token=None, age=aff4.NEWEST_TIME):\n", + "\n", + "def GetClientsForHashes(cls, hashes, token=None, age=aff4.NEWEST_TIME):\n", + "\n", + "def CheckHashes(self, hashes, unused_external=True):\n", + "\n", + "def AddHash(self, sha1, md5, crc, file_name, file_size, product_code_list,\n", + "\n", + "def Run(self):\n", + "\n", + "def WriteArtifact(self, artifact, cursor=None):\n", + "\n", + "def ReadArtifact(self, name, cursor=None):\n", + "\n", + "def ReadAllArtifacts(self, cursor=None):\n", + "\n", + "def DeleteArtifact(self, name, cursor=None):\n", + "\n", + "def ProcessMessage(self, message):\n", + "\n", + "def Run(self):\n", + "\n", + "def _ForemanOp(self):\n", + "\n", + "def _SendMessages(self, grr_msgs, background=False):\n", + "\n", + "def _SendOp(self):\n", + "\n", + "def _ReceiveOp(self):\n", + "\n", + "def DeleteArtifactsFromDatastore(artifact_names, reload_artifacts=True):\n", + "\n", + "def ValidateSyntax(rdf_artifact):\n", + "\n", + "def ValidateDependencies(rdf_artifact):\n", + "\n", + "def GetArtifactDependencies(rdf_artifact, recursive=False, depth=1):\n", + "\n", + "def GetArtifactsDependenciesClosure(name_list, os_name=None):\n", + "\n", + "def GetArtifactPathDependencies(rdf_artifact):\n", + "\n", + "def GetArtifactParserDependencies(rdf_artifact):\n", + "\n", + "def AddDir(self, dirpath):\n", + "\n", + "def AddFile(self, filepath):\n", + "\n", + "def AddDatastore(self, urn):\n", + "\n", + "def GetAllFiles(self):\n", + "\n", + "def _LoadArtifactsFromDatastore(self):\n", + "\n", + "def ArtifactsFromYaml(self, yaml_content):\n", + "\n", + "def _LoadArtifactsFromFiles(self, file_paths, overwrite_if_exists=True):\n", + "\n", + "def RegisterArtifact(self,\n", + "\n", + "def _ReloadArtifacts(self):\n", + "\n", + "def _UnregisterDatastoreArtifacts(self):\n", + "\n", + "def GetArtifacts(self,\n", + "\n", + "def GetArtifact(self, name):\n", + "\n", + "def SearchDependencies(self,\n", + "\n", + "def DumpArtifactsToYaml(self, sort_by_os=True):\n", + "\n", + "def IsFleetspeakEnabledClient(grr_id, token=None):\n", + "\n", + "def SendGrrMessageThroughFleetspeak(grr_id, msg):\n", + "\n", + "def GetLabelFromFleetspeak(client_id):\n", + "\n", + "def Start(self,\n", + "\n", + "def StartFileFetch(self, pathspec, request_data=None):\n", + "\n", + "def _TryToStartNextPathspec(self):\n", + "\n", + "def _RemoveCompletedPathspec(self, index):\n", + "\n", + "def _ReceiveFetchedFile(self, tracker):\n", + "\n", + "def _FileFetchFailed(self, index, request_name):\n", + "\n", + "def StoreStat(self, responses):\n", + "\n", + "def ReceiveFileHash(self, responses):\n", + "\n", + "def _LegacyCheckHashesWithFileStore(self):\n", + "\n", + "def _CheckHashesWithFileStore(self):\n", + "\n", + "def CheckHash(self, responses):\n", + "\n", + "def FetchFileContent(self):\n", + "\n", + "def WriteBuffer(self, responses):\n", + "\n", + "def ProcessMessages(self, msgs=None, token=None):\n", + "\n", + "def Start(self):\n", + "\n", + "def StoreResults(self, responses):\n", + "\n", + "def GetLaunchedFlows(self, flow_type=\"outstanding\"):\n", + "\n", + "def MarkDone(self, responses):\n", + "\n", + "def ManuallyScheduleClients(self, token=None):\n", + "\n", + "def IsCloud(self, request, bios_version, services):\n", + "\n", + "def GetMetaData(self, request):\n", + "\n", + "def MakePartialStat(self, fd):\n", + "\n", + "def Readdir(self, path, fh=None):\n", + "\n", + "def Getattr(self, path, fh=None):\n", + "\n", + "def Read(self, path, length=None, offset=0, fh=None):\n", + "\n", + "def DataRefreshRequired(self, path=None, last=None):\n", + "\n", + "def _RunAndWaitForVFSFileUpdate(self, path):\n", + "\n", + "def Readdir(self, path, fh=None):\n", + "\n", + "def GetMissingChunks(self, fd, length, offset):\n", + "\n", + "def FindProxies():\n", + "\n", + "def GetMountpoints():\n", + "\n", + "def GetFileSystems():\n", + "\n", + "def ParseFileSystemsStruct(struct_class, fs_count, data):\n", + "\n", + "def GetRawDevice(path):\n", + "\n", + "def InstallDriver(kext_path):\n", + "\n", + "def UninstallDriver(bundle_name):\n", + "\n", + "def _ValidatePathInfos(path_infos):\n", + "\n", + "def _ValidateTimeRange(timerange):\n", + "\n", + "def _ValidateClosedTimeRange(time_range):\n", + "\n", + "def WriteClientMetadata(self,\n", + "\n", + "def ReadClientMetadata(self, client_id):\n", + "\n", + "def ReadClientFullInfo(self, client_id):\n", + "\n", + "def IterateAllClientsFullInfo(self, min_last_ping=None, batch_size=50000):\n", + "\n", + "def IterateAllClientSnapshots(self, min_last_ping=None, batch_size=50000):\n", + "\n", + "def ListChildPathInfos(self, client_id, path_type, components,\n", + "\n", + "def InitPathInfos(self, client_id, path_infos):\n", + "\n", + "def WritePathStatHistory(self, client_path, stat_entries):\n", + "\n", + "def WritePathHashHistory(self, client_path, hash_entries):\n", + "\n", + "def ReadPathInfoHistory(self, client_id, path_type, components):\n", + "\n", + "def UpdateCronJob(self,\n", + "\n", + "def UpdateFlow(self,\n", + "\n", + "def UpdateHuntObject(self,\n", + "\n", + "def UpdateHuntObject(self,\n", + "\n", + "def ProcessTask(self, target, args, name, queueing_time):\n", + "\n", + "def _RemoveFromPool(self):\n", + "\n", + "def run(self):\n", + "\n", + "def Factory(cls, name, min_threads, max_threads=None):\n", + "\n", + "def Start(self):\n", + "\n", + "def Stop(self, join_timeout=600):\n", + "\n", + "def AddTask(self,\n", + "\n", + "def Join(self):\n", + "\n", + "def Convert(self, values, start_index=0, end_index=None):\n", + "\n", + "def SpawnProcess(popen_args, passwd=None):\n", + "\n", + "def GetClientConfig(filename):\n", + "\n", + "def main(args):\n", + "\n", + "def GetBuilder(self, context, fleetspeak_service_config):\n", + "\n", + "def BuildTemplate(self,\n", + "\n", + "def GetOutputDir(self, base_dir, config_filename):\n", + "\n", + "def RepackTemplates(self,\n", + "\n", + "def ClientInit():\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, stat, unused_knowledge_base):\n", + "\n", + "def Parse(self, stat, knowledge_base):\n", + "\n", + "def Parse(self, stat, _):\n", + "\n", + "def Parse(self, stat, knowledge_base):\n", + "\n", + "def ParseMultiple(self, stats, knowledge_base):\n", + "\n", + "def ParseMultiple(self, stats, knowledge_base):\n", + "\n", + "def Parse(self, stat, knowledge_base):\n", + "\n", + "def _ResponseToApprovalsWithGrants(response):\n", + "\n", + "def WriteGRRUser(self,\n", + "\n", + "def _RowToGRRUser(self, row):\n", + "\n", + "def ReadGRRUser(self, username, cursor=None):\n", + "\n", + "def ReadGRRUsers(self, offset=0, count=None, cursor=None):\n", + "\n", + "def DeleteGRRUser(self, username, cursor=None):\n", + "\n", + "def WriteApprovalRequest(self, approval_request, cursor=None):\n", + "\n", + "def _GrantApproval(self, requestor_username, approval_id, grantor_username,\n", + "\n", + "def GrantApproval(self,\n", + "\n", + "def ReadApprovalRequest(self, requestor_username, approval_id, cursor=None):\n", + "\n", + "def ReadApprovalRequests(self,\n", + "\n", + "def WriteUserNotification(self, notification, cursor=None):\n", + "\n", + "def ReadUserNotifications(self,\n", + "\n", + "def UpdateUserNotifications(self,\n", + "\n", + "def SplitIntoComponents(str_in):\n", + "\n", + "def Detect(self, str_in):\n", + "\n", + "def Init():\n", + "\n", + "def VFSOpen(pathspec,\n", + "\n", + "def VFSMultiOpen(pathspecs, progress_callback=None):\n", + "\n", + "def ReadVFS(pathspec, offset, length, progress_callback=None):\n", + "\n", + "def WriteRow(self, values):\n", + "\n", + "def WriteRow(self, values):\n", + "\n", + "def _IsCronJobFailing(self, cron_job):\n", + "\n", + "def InitFromApiFlow(self, f, cron_job_id=None):\n", + "\n", + "def _ParseTimeRange(self, timerange):\n", + "\n", + "def _DeepCopy(self, obj):\n", + "\n", + "def ReadAPIAuditEntries(self,\n", + "\n", + "def CountAPIAuditEntriesByUserAndDay(self,\n", + "\n", + "def WriteAPIAuditEntry(self, entry):\n", + "\n", + "def ApplyPluginToMultiTypeCollection(plugin, output_collection,\n", + "\n", + " def GetValues():\n", + "\n", + "def ApplyPluginToTypedCollection(plugin, type_names, fetch_fn):\n", + "\n", + " def GetValues(tn):\n", + "\n", + "def output_file_name(self):\n", + "\n", + "def _GetMetadataForClients(self, client_urns):\n", + "\n", + "def _GenerateSingleTypeIteration(self, next_types, processed_types,\n", + "\n", + "def _GenerateConvertedValues(self, converter, grr_messages):\n", + "\n", + "def ParseCategorizedPath(path):\n", + "\n", + "def ToCategorizedPath(path_type, components):\n", + "\n", + "def GetGRRVersionString(self):\n", + "\n", + "def GetMacAddresses(self):\n", + "\n", + "def GetIPAddresses(self):\n", + "\n", + "def GetSummary(self):\n", + "\n", + "def GetParent(self):\n", + "\n", + "def GetAncestors(self):\n", + "\n", + "def UpdateFrom(self, src):\n", + "\n", + "def ToURN(self):\n", + "\n", + "def ToPath(self):\n", + "\n", + "def LogInit():\n", + "\n", + "def UpdateClientsFromFleetspeak(clients):\n", + "\n", + "def RemoveClientLabels(self, client, labels_names):\n", + "\n", + "def _NormalizeTime(self, time):\n", + "\n", + "def Append(self, value, timestamp):\n", + "\n", + "def MultiAppend(self, value_timestamp_pairs):\n", + "\n", + "def FilterRange(self, start_time=None, stop_time=None):\n", + "\n", + "def Normalize(self, period, start_time, stop_time, mode=NORMALIZE_MODE_GAUGE):\n", + "\n", + "def MakeIncreasing(self):\n", + "\n", + "def ToDeltas(self):\n", + "\n", + "def Add(self, other):\n", + "\n", + "def Mean(self):\n", + "\n", + "def Validate(self):\n", + "\n", + "def ToPrimitiveDict(self):\n", + "\n", + "def Validate(self):\n", + "\n", + "def Parse(self, raw_data):\n", + "\n", + "def Parse(self, raw_data):\n", + "\n", + "def GetFilter(cls, filter_name):\n", + "\n", + "def _GetVal(self, obj, key):\n", + "\n", + "def ParseObjs(self, objs, expression):\n", + "\n", + "def _Comparator(self, operator):\n", + "\n", + "def _Initialize(self):\n", + "\n", + "def ParseObjs(self, objs, expression):\n", + "\n", + "def Validate(self, expression):\n", + "\n", + "def ParseObjs(self, objs, type_names):\n", + "\n", + "def Validate(self, type_names):\n", + "\n", + "def main(argv):\n", + "\n", + "def GetName(obj):\n", + "\n", + "def SetName(obj, name):\n", + "\n", + "def ListAttrs(cls):\n", + "\n", + "def MakeType(name, base_classes,\n", + "\n", + "def FormatTime(fmt, stime = None):\n", + "\n", + "def ShlexSplit(string):\n", + "\n", + "def Environ(variable, default):\n", + "\n", + "def Dump(obj,\n", + "\n", + "def DropPrivileges():\n", + "\n", + "def Init():\n", + "\n", + "def VersionPath():\n", + "\n", + "def Version():\n", + "\n", + "def Regions(self,\n", + "\n", + "def ReadBytes(self, address, num_bytes):\n", + "\n", + "def BinarySIDtoStringSID(sid):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def AmericanDateToEpoch(self, date_str):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def WMITimeStrToRDFDatetime(self, timestr):\n", + "\n", + "def ParseMultiple(self, result_dicts):\n", + "\n", + "def _ClientIDFromSessionID(session_id):\n", + "\n", + "def FlowResponseForLegacyResponse(legacy_msg):\n", + "\n", + "def Parse(self):\n", + "\n", + "def RetrieveIP4Info(self, ip):\n", + "\n", + "def get(self, blocking=True):\n", + "\n", + "def CheckTemplates(self, base_dir, version):\n", + "\n", + "def _TerminateFlow(rdf_flow,\n", + "\n", + "def TerminateFlow(client_id,\n", + "\n", + "def DualDBFlow(cls):\n", + "\n", + "def CallState(self, next_state=\"\", start_time=None):\n", + "\n", + "def CallClient(self,\n", + "\n", + "def CallFlow(self,\n", + "\n", + "def SendReply(self, response, tag=None):\n", + "\n", + "def SaveResourceUsage(self, status):\n", + "\n", + "def Error(self, error_message=None, backtrace=None, status=None):\n", + "\n", + "def MarkDone(self, status=None):\n", + "\n", + "def Log(self, format_str, *args):\n", + "\n", + "def RunStateMethod(self, method_name, request=None, responses=None):\n", + "\n", + "def ProcessAllReadyRequests(self):\n", + "\n", + "def _ProcessRepliesWithFlowOutputPlugins(self, replies):\n", + "\n", + "def WriteSignedBinary(binary_urn,\n", + "\n", + "def WriteSignedBinaryBlobs(binary_urn,\n", + "\n", + "def DeleteSignedBinary(binary_urn,\n", + "\n", + "def FetchSizeOfSignedBinary(binary_urn,\n", + "\n", + "def StreamSignedBinaryContents(blob_iterator,\n", + "\n", + "def WriteBlobs(self, blob_id_data_map):\n", + "\n", + "def CheckBlobsExist(self, blob_ids):\n", + "\n", + "def NamedPlaceholders(iterable):\n", + "\n", + "def Columns(iterable):\n", + "\n", + "def TimestampToRDFDatetime(timestamp):\n", + "\n", + "def ComponentsToPath(components):\n", + "\n", + "def PathToComponents(path):\n", + "\n", + "def _LogInvalidRunLevels(states, valid):\n", + "\n", + "def GetRunlevelsLSB(states):\n", + "\n", + "def GetRunlevelsNonLSB(states):\n", + "\n", + "def _InsservExpander(self, facilities, val):\n", + "\n", + "def _ParseInsserv(self, data):\n", + "\n", + "def _ProcessEntries(self, fd):\n", + "\n", + "def _GenConfig(self, cfg):\n", + "\n", + "def ParseMultiple(self, stats, unused_file_obj, unused_kb):\n", + "\n", + "def CheckClientLabels(client_id,\n", + "\n", + "def _IsRetryable(error):\n", + "\n", + "def _CheckCollation(cursor):\n", + "\n", + "def _CheckConnectionEncoding(cursor):\n", + "\n", + "def _CheckDatabaseEncoding(cursor):\n", + "\n", + "def _SetPacketSizeForFollowingConnections(cursor):\n", + "\n", + "def _CheckPacketSize(cursor):\n", + "\n", + "def _CheckLogFileSize(cursor):\n", + "\n", + "def _IsMariaDB(cursor):\n", + "\n", + "def _SetupDatabase(host=None,\n", + "\n", + " def _MigrationConnect():\n", + "\n", + "def _GetConnectionArgs(host=None,\n", + "\n", + "def _Connect(host=None,\n", + "\n", + "def _RunInTransaction(self, function, readonly=False):\n", + "\n", + "def WriteClientGraphSeries(self, graph_series,\n", + "\n", + "def ReadMostRecentClientGraphSeries(self, client_label,\n", + "\n", + "def Set(self,\n", + "\n", + "def ResolvePrefix(self, subject, attribute_prefix, timestamp=None,\n", + "\n", + "def Process(self, fs_msg, context):\n", + "\n", + "def _ProcessGRRMessages(self, fs_client_id, grr_messages):\n", + "\n", + "def CheckHost(host_data,\n", + "\n", + "def LoadCheckFromFile(file_path, check_id, overwrite_if_exists=True):\n", + "\n", + "def LoadChecksFromFiles(file_paths, overwrite_if_exists=True):\n", + "\n", + "def LoadChecksFromDirs(dir_paths, overwrite_if_exists=True):\n", + "\n", + "def Render(self, rdf_data):\n", + "\n", + "def Parse(self, rdf_data):\n", + "\n", + "def Validate(self):\n", + "\n", + "def Parse(self, rdf_data):\n", + "\n", + "def Validate(self):\n", + "\n", + "def Parse(self, conditions, host_data):\n", + "\n", + "def Validate(self):\n", + "\n", + "def ExtendAnomalies(self, other):\n", + "\n", + "def UsesArtifact(self, artifacts):\n", + "\n", + "def Parse(self, conditions, host_data):\n", + "\n", + "def Validate(self):\n", + "\n", + "def Detect(self, baseline, host_data):\n", + "\n", + "def Issue(self, state, results):\n", + "\n", + "def GotAll(self, baseline, results):\n", + "\n", + "def RegisterCheck(cls, check, source=\"unknown\", overwrite_if_exists=False):\n", + "\n", + "def _AsList(arg):\n", + "\n", + "def Conditions(cls, artifact=None, os_name=None, cpe=None, labels=None):\n", + "\n", + "def FindChecks(cls,\n", + "\n", + "def SelectArtifacts(cls,\n", + "\n", + "def Process(cls,\n", + "\n", + "def UInt32():\n", + "\n", + "def SetupVars(self):\n", + "\n", + "def Clean(self):\n", + "\n", + "def InstallGRR(self, path):\n", + "\n", + "def BuildTemplates(self):\n", + "\n", + "def _RepackTemplates(self):\n", + "\n", + "def _CleanupInstall(self):\n", + "\n", + "def _CheckInstallSuccess(self):\n", + "\n", + "def _InstallInstallers(self):\n", + "\n", + "def Build(self):\n", + "\n", + "def AssertType(value, expected_type):\n", + "\n", + "def AssertIterableType(iterable, expected_item_type):\n", + "\n", + "def AssertDictType(dct, expected_key_type, expected_value_type):\n", + "\n", + "def _RunSingleHook(self, hook_cls, executed_set, required=None):\n", + "\n", + "def InitFromHuntObject(self,\n", + "\n", + "def InitFromGrrMessage(self, message):\n", + "\n", + "def InitFromFlowResult(self, flow_result):\n", + "\n", + "def InitFromFlowLogEntry(self, fle):\n", + "\n", + "def InitFromFlowObject(self, fo):\n", + "\n", + "def InitFromDataPoints(self, start_stats, complete_stats):\n", + "\n", + "def _Resample(self, stats, target_size):\n", + "\n", + "def _HandleLegacy(self, args, token=None):\n", + "\n", + "def _HandleLegacy(self, args, token=None):\n", + "\n", + "def _HandleLegacy(self, args, token=None):\n", + "\n", + "def _HandleLegacy(self, args, token=None):\n", + "\n", + "def Register(self, name, constructor):\n", + "\n", + "def Unregister(self, name):\n", + "\n", + "def Create(self, name):\n", + "\n", + "def AddStatEntry(self, stat_entry, timestamp):\n", + "\n", + "def AddHashEntry(self, hash_entry, timestamp):\n", + "\n", + "def AddPathInfo(self, path_info):\n", + "\n", + "def AddChild(self, path_info):\n", + "\n", + "def GetPathInfo(self, timestamp=None):\n", + "\n", + "def _LastEntryTimestamp(dct, upper_bound_timestamp):\n", + "\n", + "def ReadPathInfo(self, client_id, path_type, components, timestamp=None):\n", + "\n", + "def ReadPathInfos(self, client_id, path_type, components_list):\n", + "\n", + "def ListDescendentPathInfos(self,\n", + "\n", + " def __init__(self):\n", + "\n", + " def Add(self, path_info, idx=0):\n", + "\n", + " def Collect(self, path_infos):\n", + "\n", + "def _WritePathInfo(self, client_id, path_info):\n", + "\n", + "def MultiClearPathHistory(self, path_infos):\n", + "\n", + "def ClearPathHistory(self, client_id, path_infos):\n", + "\n", + "def MultiWritePathHistory(self, client_path_histories):\n", + "\n", + "def ReadPathInfosHistories(self, client_id, path_type, components_list):\n", + "\n", + "def ConvertSupportedOSToConditions(src_object):\n", + "\n", + "def GetArtifactCollectorArgs(flow_args, knowledge_base):\n", + "\n", + "def MeetsConditions(knowledge_base, source):\n", + "\n", + "def GetArtifactsForCollection(os_name, artifact_list):\n", + "\n", + "def Expand(self, rdf_artifact, requested):\n", + "\n", + "def _ExpandArtifactGroupSource(self, source, requested):\n", + "\n", + "def _ExpandArtifactFilesSource(self, source, requested):\n", + "\n", + "def _InitializeGraph(self, os_name, artifact_list):\n", + "\n", + "def _AddAttributeNodes(self, attribute_names):\n", + "\n", + "def _AddArtifactNodesAndEdges(self, artifact_names):\n", + "\n", + "def _AddDependencyEdges(self, rdf_artifact):\n", + "\n", + "def _AddProvidesEdges(self, rdf_artifact):\n", + "\n", + "def _AddEdge(self, start_node, end_node):\n", + "\n", + "def GetArtifactsInProperOrder(self):\n", + "\n", + "def ConsumeRange(self, start, end):\n", + "\n", + "def _GetNextInterval(self):\n", + "\n", + "def _HashBlock(self, block, start, end):\n", + "\n", + "def HashIt(self):\n", + "\n", + "def EvalGeneric(self, hashers=None):\n", + "\n", + "def _PecoffHeaderParser(self):\n", + "\n", + "def _CollectSignedData(self, extent):\n", + "\n", + "def EvalPecoff(self, hashers=None):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self):\n", + "\n", + "def ReadTag(buf, pos):\n", + "\n", + "def VarintEncode(value):\n", + "\n", + "def SignedVarintEncode(value):\n", + "\n", + "def VarintReader(buf, pos=0):\n", + "\n", + "def SplitBuffer(buff, index=0, length=None):\n", + "\n", + "def _GetOrderedEntries(data):\n", + "\n", + " def Tag(field):\n", + "\n", + "def _SerializeEntries(entries):\n", + "\n", + "def ReadIntoObject(buff, index, value_obj, length=0):\n", + "\n", + "def Validate(self, value, **_):\n", + "\n", + "def ConvertToWireFormat(self, value):\n", + "\n", + "def Validate(self, value, **_):\n", + "\n", + "def Definition(self):\n", + "\n", + "def GetDefault(self, container=None):\n", + "\n", + "def Validate(self, value, **_):\n", + "\n", + "def ConvertFromWireFormat(self, value, container=None):\n", + "\n", + "def ConvertToWireFormat(self, value):\n", + "\n", + "def LateBind(self, target=None):\n", + "\n", + "def IsDirty(self, proto):\n", + "\n", + "def ConvertToWireFormat(self, value):\n", + "\n", + "def ConvertFromWireFormat(self, value, container=None):\n", + "\n", + "def ConvertToWireFormat(self, value):\n", + "\n", + "def Validate(self, value, **_):\n", + "\n", + "def ConvertToWireFormat(self, value):\n", + "\n", + "def AddDescriptor(self, field_desc):\n", + "\n", + "def LateBind(self, target=None):\n", + "\n", + "def _GetPrimitiveEncoder(self):\n", + "\n", + "def Copy(self, field_number=None):\n", + "\n", + "def AsPrimitiveProto(self):\n", + "\n", + "def FromDict(self, dictionary):\n", + "\n", + "def EmitProto(cls):\n", + "\n", + "def FromTextFormat(cls, text):\n", + "\n", + "def AddDescriptor(cls, field_desc):\n", + "\n", + "def RunInstaller():\n", + "\n", + "def MapItemsIterator(function, items):\n", + "\n", + "def Poll(generator=None, condition=None, interval=None, timeout=None):\n", + "\n", + "def UrnStringToClientId(urn):\n", + "\n", + "def UrnStringToHuntId(urn):\n", + "\n", + "def TypeUrlToMessage(type_url):\n", + "\n", + "def RegisterProtoDescriptors(db, *additional_descriptors):\n", + "\n", + "def _DateToEpoch(date):\n", + "\n", + "def ParseMultiple(self, stat_entries, knowledge_base):\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def Parse(self, statentry, file_object, knowledge_base):\n", + "\n", + "def Parse(self, statentry, file_object, knowledge_base):\n", + "\n", + "def SetPlatformArchContext():\n", + "\n", + "def _ParseYamlFromFile(filedesc):\n", + "\n", + "def DEFINE_choice(name, default, choices, help):\n", + "\n", + "def DEFINE_multichoice(name, default, choices, help):\n", + "\n", + "def LoadConfig(config_obj,\n", + "\n", + "def ParseConfigCommandLine():\n", + "\n", + "def Filter(self, filename_spec):\n", + "\n", + "def SaveDataToFD(self, raw_data, fd):\n", + "\n", + "def SaveData(self, raw_data):\n", + "\n", + "def SaveDataToFD(self, raw_data, fd):\n", + "\n", + "def _RawData(self, data):\n", + "\n", + "def Escape(self, string=\"\", **_):\n", + "\n", + "def Filter(self, match=None, **_):\n", + "\n", + "def ExpandArg(self, **_):\n", + "\n", + "def MakeNewConfig(self):\n", + "\n", + "def CopyConfig(self):\n", + "\n", + "def SetWriteBack(self, filename):\n", + "\n", + "def Validate(self, sections=None, parameters=None):\n", + "\n", + "def AddContext(self, context_string, description=None):\n", + "\n", + "def SetRaw(self, name, value):\n", + "\n", + "def Set(self, name, value):\n", + "\n", + "def Write(self):\n", + "\n", + "def WriteToFD(self, fd):\n", + "\n", + "def Persist(self, config_option):\n", + "\n", + "def AddOption(self, descriptor, constant=False):\n", + "\n", + "def MergeData(self, merge_data, raw_data=None):\n", + "\n", + "def GetParserFromFilename(self, path):\n", + "\n", + "def LoadSecondaryConfig(self, filename=None, parser=None):\n", + "\n", + "def Initialize(self,\n", + "\n", + "def GetRaw(self, name, context=None, default=utils.NotAValue):\n", + "\n", + "def Get(self, name, default=utils.NotAValue, context=None):\n", + "\n", + "def _ResolveContext(self, context, name, raw_data, path=None):\n", + "\n", + "def _GetValue(self, name, context, default=utils.NotAValue):\n", + "\n", + "def FindTypeInfo(self, name):\n", + "\n", + "def InterpolateValue(self,\n", + "\n", + "def MatchBuildContext(self,\n", + "\n", + "def DEFINE_bool(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_float(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_integer(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_string(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_choice(self, name, default, choices, help, constant=False):\n", + "\n", + "def DEFINE_multichoice(self, name, default, choices, help, constant=False):\n", + "\n", + "def DEFINE_integer_list(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_list(self, name, default, help, constant=False):\n", + "\n", + "def DEFINE_constant_string(self, name, default, help):\n", + "\n", + "def RawData(self):\n", + "\n", + "def ReadAPIAuditEntries(self,\n", + "\n", + "def CountAPIAuditEntriesByUserAndDay(self,\n", + "\n", + "def WriteAPIAuditEntry(self, entry, cursor=None):\n", + "\n", + "def GetReportData(self, get_report_args, token):\n", + "\n", + "def GetReportData(self, get_report_args, token):\n", + "\n", + "def StartService(service_name):\n", + "\n", + "def StopService(service_name, service_binary_name=None):\n", + "\n", + "def StopPreviousService(self):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def InstallNanny(self):\n", + "\n", + "def BuildLegacySubject(subject_id, approval_type):\n", + "\n", + "def CheckClientApprovalRequest(approval_request):\n", + "\n", + "def CheckApprovalRequest(approval_request):\n", + "\n", + "def ParseYAMLAuthorizationsList(yaml_data):\n", + "\n", + "def _CreateRouter(self, router_cls, params=None):\n", + "\n", + "def GetRouterForUser(self, username):\n", + "\n", + "def GetBigQueryClient(service_account_json=None,\n", + "\n", + "def CreateDataset(self):\n", + "\n", + "def RetryUpload(self, job, job_id, error):\n", + "\n", + "def InsertData(self, table_id, fd, schema, job_id):\n", + "\n", + "def CreateFlowArgs(self, flow_name=None):\n", + "\n", + "def MakeStatResponse(self, tsk_file, tsk_attribute=None, append_name=None):\n", + "\n", + "def Read(self, length):\n", + "\n", + "def Stat(self, ext_attrs=None):\n", + "\n", + "def ListFiles(self, ext_attrs=None):\n", + "\n", + "def main(args):\n", + "\n", + "def ProcessResponse(self, state, response):\n", + "\n", + "def WriteArtifact(self, artifact):\n", + "\n", + "def ReadArtifact(self, name):\n", + "\n", + "def ReadAllArtifacts(self):\n", + "\n", + "def DeleteArtifact(self, name):\n", + "\n", + "def StaticAdd(cls, queue_urn, rdf_value, mutation_pool=None):\n", + "\n", + "def Add(self, rdf_value, mutation_pool=None):\n", + "\n", + "def ClaimRecords(self,\n", + "\n", + "def RefreshClaims(self, ids, timeout=\"30m\"):\n", + "\n", + "def DeleteRecords(cls, ids, token):\n", + "\n", + "def ReleaseRecords(cls, ids, token):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self):\n", + "\n", + "def ParseFromUnicode(self, value):\n", + "\n", + "def FromPublicKey(cls, public_key):\n", + "\n", + "def Add(self, path, age=None):\n", + "\n", + "def MergeOrAddUser(self, kb_user):\n", + "\n", + "def GetUser(self, sid=None, uid=None, username=None):\n", + "\n", + "def arch(self):\n", + "\n", + "def FromCurrentSystem(cls):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self):\n", + "\n", + "def _GetRecord(self, offset, record_size):\n", + "\n", + "def _DoParse(self):\n", + "\n", + "def _GenerateCSRFKey(config):\n", + "\n", + "def GenerateKeys(config, overwrite_keys=False):\n", + "\n", + "def ProcessIterator(pids, process_regex_string, ignore_grr_process, error_list):\n", + "\n", + "def Get(self):\n", + "\n", + "def WaitUntilDone(self, timeout=None):\n", + "\n", + "def GetFingerprint(self, name):\n", + "\n", + "def InitializeContext(self, args):\n", + "\n", + "def GetNewSessionID(self):\n", + "\n", + "def CallState(self, next_state=\"\", start_time=None):\n", + "\n", + "def ScheduleKillNotification(self):\n", + "\n", + "def ProcessCompletedRequests(self, notification, unused_thread_pool=None):\n", + "\n", + "def _ProcessCompletedRequests(self, notification):\n", + "\n", + "def RunStateMethod(self, method_name, request=None, responses=None):\n", + "\n", + "def CallClient(self,\n", + "\n", + "def CallFlow(self,\n", + "\n", + "def SendReply(self, response, tag=None):\n", + "\n", + "def Error(self, backtrace, client_id=None, status_code=None):\n", + "\n", + "def ProcessRepliesWithOutputPlugins(self, replies):\n", + "\n", + "def _SendTerminationMessage(self, status=None):\n", + "\n", + "def Terminate(self, status=None):\n", + "\n", + "def UpdateProtoResources(self, status):\n", + "\n", + "def _HostPrefix(client_id):\n", + "\n", + "def _MapLegacyArgs(nt, message, ref):\n", + "\n", + "def _NotifyLegacy(username, notification_type, message, object_reference):\n", + "\n", + "def _Notify(username, notification_type, message, object_reference):\n", + "\n", + "def StaticAdd(cls,\n", + "\n", + "def Add(self, rdf_value, timestamp=None, suffix=None, mutation_pool=None):\n", + "\n", + "def Scan(self, after_timestamp=None, include_suffix=False, max_records=None):\n", + "\n", + "def MultiResolve(self, records):\n", + "\n", + "def UpdateLoop(self):\n", + "\n", + "def _MaybeWriteIndex(self, i, ts, mutation_pool):\n", + "\n", + "def _IndexedScan(self, i, max_records=None):\n", + "\n", + "def AddAsMessage(self, rdfvalue_in, source, mutation_pool=None):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def GetHashType(self, hash_str):\n", + "\n", + "def _ParseFile(self, file_obj, line_parser):\n", + "\n", + "def ReconcileShadow(self, store_type):\n", + "\n", + "def MemberDiff(data1, set1_name, data2, set2_name):\n", + "\n", + "def ParseMultiple(self, stats, file_objs, kb):\n", + "\n", + "def ParseGshadowEntry(self, line):\n", + "\n", + "def ParseGroupEntry(self, line):\n", + "\n", + "def MergeMembers(self):\n", + "\n", + "def FindAnomalies(self):\n", + "\n", + "def ParseFileset(self, fileset=None):\n", + "\n", + "def ParseShadowEntry(self, line):\n", + "\n", + "def ParsePasswdEntry(self, line):\n", + "\n", + "def _Members(self, group):\n", + "\n", + "def AddGroupMemberships(self):\n", + "\n", + "def FindAnomalies(self):\n", + "\n", + "def AddPassword(self, fileset):\n", + "\n", + "def AddShadow(self, fileset):\n", + "\n", + "def ParseFileset(self, fileset=None):\n", + "\n", + "def _ExpandPath(self, target, vals, paths):\n", + "\n", + "def _ParseShVariables(self, lines):\n", + "\n", + "def _ParseCshVariables(self, lines):\n", + "\n", + "def Parse(self, stat, file_obj, knowledge_base):\n", + "\n", + "def Seek(self, offset, whence=os.SEEK_SET):\n", + "\n", + "def OpenAsContainer(self):\n", + "\n", + "def MatchBestComponentName(self, component):\n", + "\n", + "def Open(cls, fd, component, handlers, pathspec=None, progress_callback=None):\n", + "\n", + "def StaticAdd(cls,\n", + "\n", + "def ScanByType(self,\n", + "\n", + "def StartHunt(args=None, runner_args=None, token=None, **kwargs):\n", + "\n", + "def ProcessCompletedRequests(self, notification, thread_pool):\n", + "\n", + "def RunStateMethod(self,\n", + "\n", + "def Publish(self, event_name, msg, delay=0):\n", + "\n", + "def _GetSubFlowCPULimit(self):\n", + "\n", + "def _GetSubFlowNetworkLimit(self):\n", + "\n", + "def _CallFlowLegacy(self,\n", + "\n", + "def _CallFlowRelational(self,\n", + "\n", + "def CallFlow(self,\n", + "\n", + "def _Process(self, request, responses, thread_pool=None, events=None):\n", + "\n", + "def Log(self, format_str, *args):\n", + "\n", + "def Error(self, backtrace, client_id=None):\n", + "\n", + "def SaveResourceUsage(self, client_id, status):\n", + "\n", + "def InitializeContext(self, args):\n", + "\n", + "def GetNewSessionID(self, **_):\n", + "\n", + "def Start(self):\n", + "\n", + "def _AddForemanRule(self):\n", + "\n", + "def _RemoveForemanRule(self):\n", + "\n", + "def _Complete(self):\n", + "\n", + "def Pause(self):\n", + "\n", + "def Stop(self, reason=None):\n", + "\n", + "def IsHuntStarted(self):\n", + "\n", + "def CallState(self,\n", + "\n", + "def CreateRunner(self, **kw):\n", + "\n", + "def StartClients(cls, hunt_id, client_ids, token=None):\n", + "\n", + "def CallFlow(self,\n", + "\n", + "def Start(self):\n", + "\n", + "def LogClientError(self, client_id, log_message=None, backtrace=None):\n", + "\n", + "def ProcessClientResourcesStats(self, client_id, status):\n", + "\n", + "def GetClientsByStatus(self):\n", + "\n", + "def GetClientStates(self, client_list, client_chunk=50):\n", + "\n", + "def SearchClients(query=None, context=None):\n", + "\n", + "def Get(self):\n", + "\n", + "def File(self, path):\n", + "\n", + "def Flow(self, flow_id):\n", + "\n", + "def CreateFlow(self, name=None, args=None, runner_args=None):\n", + "\n", + "def ListFlows(self):\n", + "\n", + "def Approval(self, username, approval_id):\n", + "\n", + "def CreateApproval(self,\n", + "\n", + "def Get(self):\n", + "\n", + "def GetMetricMetadata():\n", + "\n", + "def Encrypt(self, data, iv=None):\n", + "\n", + "def Decrypt(self, data, iv):\n", + "\n", + "def _VerifyHMAC(self, comms=None):\n", + "\n", + "def VerifyCipherSignature(self, remote_public_key):\n", + "\n", + "def EncodeMessageList(cls, message_list, packed_message_list):\n", + "\n", + "def _GetServerCipher(self):\n", + "\n", + "def EncodeMessages(self,\n", + "\n", + "def DecryptMessage(self, encrypted_response):\n", + "\n", + "def DecompressMessageList(cls, packed_message_list):\n", + "\n", + "def DecodeMessages(self, response_comms):\n", + "\n", + "def VerifyMessageSignature(self, unused_response_comms, packed_message_list,\n", + "\n", + "def RegisterLateBindingCallback(target_name, callback, **kwargs):\n", + "\n", + "def ParseFromHumanReadable(self, string):\n", + "\n", + "def FilterItem(self, launchditem):\n", + "\n", + "def Parse(self, persistence, knowledge_base, download_pathtype):\n", + "\n", + "def Trim(lst, limit):\n", + "\n", + "def Group(items, key):\n", + "\n", + "def Batch(items, size):\n", + "\n", + "def StartsWith(this, that):\n", + "\n", + "def Unzip(iterable):\n", + "\n", + "def DictProduct(dictionary):\n", + "\n", + "def main(argv):\n", + "\n", + "def AsIter(arg):\n", + "\n", + "def _GenStates(self):\n", + "\n", + "def GenFwdState(self):\n", + "\n", + "def GenQuotedState(self):\n", + "\n", + "def GenCatchallState(self):\n", + "\n", + "def ParseLine(self, line):\n", + "\n", + "def _ParseEntry(self, key, val):\n", + "\n", + "def _ParseMatchGrp(self, key, val):\n", + "\n", + "def _NewMatchSection(self, val):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(self, cmd, args, stdout, stderr, return_val, time_taken,\n", + "\n", + "def ParseAction(self, action):\n", + "\n", + "def ParseURIFromKeyValues(self, data, separator, uri_key):\n", + "\n", + "def FindPotentialURIs(self, file_obj):\n", + "\n", + "def ParseLine(self, entries):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def _ExtractList(self, fields, ignores=(\",\",), terminators=()):\n", + "\n", + "def ParseSudoersEntry(self, entry, sudoers_config):\n", + "\n", + "def Preprocess(self, data):\n", + "\n", + "def Validate(self, value):\n", + "\n", + "def Validate(self, value):\n", + "\n", + "def Add(self, other):\n", + "\n", + "def Append(self, desc):\n", + "\n", + "def Remove(self, *descriptor_names):\n", + "\n", + "def ParseArgs(self, args):\n", + "\n", + "def FromString(self, string):\n", + "\n", + "def Validate(self, value):\n", + "\n", + "def Register():\n", + "\n", + "def _CurrentAuditLog():\n", + "\n", + "def UnicodeFromCodePage(string):\n", + "\n", + "def EnumerateInterfacesFromClient(args):\n", + "\n", + "def EnumerateFilesystemsFromClient(args):\n", + "\n", + "def QueryService(svc_name):\n", + "\n", + "def WmiQueryFromClient(args):\n", + "\n", + "def RunWMIQuery(query, baseobj=r\"winmgmts:\\root\\cimv2\"):\n", + "\n", + "def Run(self, unused_args):\n", + "\n", + "def Run(self, unused_arg):\n", + "\n", + "def OpenKey(key, sub_key):\n", + "\n", + "def QueryInfoKey(key):\n", + "\n", + "def QueryValueEx(key, value_name):\n", + "\n", + "def EnumKey(key, index):\n", + "\n", + "def EnumValue(key, index):\n", + "\n", + "def _Reg2Py(data, size, data_type):\n", + "\n", + "def ListNames(self):\n", + "\n", + "def ListFiles(self, ext_attrs=None):\n", + "\n", + "def CreateAFF4Object(stat_response, client_id_urn, mutation_pool, token=None):\n", + "\n", + "def _FilterOutPathInfoDuplicates(path_infos):\n", + "\n", + " def _SortKey(pi):\n", + "\n", + "def WriteStatEntries(stat_entries, client_id, mutation_pool, token=None):\n", + "\n", + "def GlobForPaths(self,\n", + "\n", + "def GlobReportMatch(self, stat_response):\n", + "\n", + "def ConvertGlobIntoPathComponents(self, pattern):\n", + "\n", + "def FindNode(self, component_path):\n", + "\n", + "def _MatchPath(self, pathspec, response):\n", + "\n", + "def ProcessEntry(self, responses):\n", + "\n", + "def Query(self, sql_query):\n", + "\n", + "def GetClientURNsForHostnames(hostnames, token=None):\n", + "\n", + "def GetMostRecentClient(client_list, token=None):\n", + "\n", + "def BulkLabel(label, hostnames, owner=None, token=None, client_index=None):\n", + "\n", + "def LookupClients(self, keywords):\n", + "\n", + "def ReadClientPostingLists(self, keywords):\n", + "\n", + "def AnalyzeClient(self, client):\n", + "\n", + " def TryAppend(prefix, keyword):\n", + "\n", + " def TryAppendPrefixes(prefix, keyword, delimiter):\n", + "\n", + " def TryAppendIP(ip):\n", + "\n", + " def TryAppendMac(mac):\n", + "\n", + "def AddClient(self, client):\n", + "\n", + "def RemoveClientLabels(self, client):\n", + "\n", + "def _AnalyzeKeywords(self, keywords):\n", + "\n", + "def LookupClients(self, keywords):\n", + "\n", + "def ReadClientPostingLists(self, keywords):\n", + "\n", + "def AnalyzeClient(self, client):\n", + "\n", + " def TryAppend(prefix, keyword):\n", + "\n", + " def TryAppendPrefixes(prefix, keyword, delimiter):\n", + "\n", + " def TryAppendIP(ip):\n", + "\n", + " def TryAppendMac(mac):\n", + "\n", + "def AddClient(self, client):\n", + "\n", + "def RemoveAllClientLabels(self, client_id):\n", + "\n", + "def RemoveClientLabels(self, client_id, labels):\n", + "\n", + "def VerifyMessageSignature(self, response_comms, packed_message_list, cipher,\n", + "\n", + "def VerifyMessageSignature(self, response_comms, packed_message_list, cipher,\n", + "\n", + "def HandleMessageBundles(self, request_comms, response_comms):\n", + "\n", + "def DrainTaskSchedulerQueueForClient(self, client, max_count=None):\n", + "\n", + "def EnrolFleetspeakClient(self, client_id):\n", + "\n", + "def ReceiveMessagesRelationalFlows(self, client_id, messages):\n", + "\n", + "def ReceiveMessages(self, client_id, messages):\n", + "\n", + "def HandleWellKnownFlows(self, messages):\n", + "\n", + "def ExecuteCommandFromClient(command):\n", + "\n", + "def StatFSFromClient(args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def WriteBlobToFile(self, request):\n", + "\n", + "def CleanUp(self, path):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Run(self, unused_args):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def Regions(self,\n", + "\n", + "def CopyFileInZip(from_zip, from_name, to_zip, to_name=None, signer=None):\n", + "\n", + "def CreateNewZipWithSignedLibs(z_in,\n", + "\n", + "def SetPeSubsystem(fd, console=True):\n", + "\n", + "def GenerateFile(self, input_filename=None, output_filename=None):\n", + "\n", + "def MakeBuildDirectory(self):\n", + "\n", + "def BuildWithPyInstaller(self):\n", + "\n", + "def WriteBuildYaml(self, fd, build_timestamp=True):\n", + "\n", + "def MakeExecutableTemplate(self, output_file=None):\n", + "\n", + "def MakeZip(self, input_dir, output_file):\n", + "\n", + "def GetClientConfig(self, context, validate=True, deploy_timestamp=True):\n", + "\n", + "def ValidateEndConfig(self, config_obj, errors_fatal=True):\n", + "\n", + "def ValidateEndConfig(self, config_obj, errors_fatal=True):\n", + "\n", + "def MakeDeployableBinary(self, template_path, output_path):\n", + "\n", + "def _ValidateFleetspeakServiceConfig(self, config_path):\n", + "\n", + "def MakeSelfExtractingZip(self, payload_data, output_path):\n", + "\n", + "def MakeDeployableBinary(self, template_path, output_path):\n", + "\n", + "def GenerateDPKGFiles(self, template_path):\n", + "\n", + "def MakeDeployableBinary(self, template_path, output_path):\n", + "\n", + "def MakeDeployableBinary(self, template_path, output_path):\n", + "\n", + "def _GenerateFleetspeakConfig(self, template_dir, rpm_build_dir):\n", + "\n", + "def _GenerateInitConfigs(self, template_dir, rpm_build_dir):\n", + "\n", + "def compile_protos():\n", + "\n", + "def ReadCronJobs(self, cronjob_ids=None):\n", + "\n", + "def UpdateCronJob(self,\n", + "\n", + "def EnableCronJob(self, cronjob_id):\n", + "\n", + "def DisableCronJob(self, cronjob_id):\n", + "\n", + "def DeleteCronJob(self, cronjob_id):\n", + "\n", + "def LeaseCronJobs(self, cronjob_ids=None, lease_time=None):\n", + "\n", + "def ReturnLeasedCronJobs(self, jobs):\n", + "\n", + "def WriteCronJobRun(self, run_object):\n", + "\n", + "def ReadCronJobRuns(self, job_id):\n", + "\n", + "def ReadCronJobRun(self, job_id, run_id):\n", + "\n", + "def DeleteOldCronJobRuns(self, cutoff_timestamp):\n", + "\n", + "def UploadSignedConfigBlob(content,\n", + "\n", + "def RotateServerKey(cn=u\"grr\", keylength=4096):\n", + "\n", + "def _CheckAccess(self, username, subject_id, approval_type):\n", + "\n", + "def CheckClientAccess(self, username, client_id):\n", + "\n", + "def CheckHuntAccess(self, username, hunt_id):\n", + "\n", + "def CheckCronJobAccess(self, username, cron_job_id):\n", + "\n", + "def CheckIfCanStartClientFlow(self, username, flow_name):\n", + "\n", + "def CheckIfUserIsAdmin(self, username):\n", + "\n", + "def Artifacts(self, os_name=None, cpe=None, label=None):\n", + "\n", + "def Search(self, artifact, os_name=None, cpe=None, label=None):\n", + "\n", + "def _Register(self, conditions, callback):\n", + "\n", + "def Add(self, artifact=None, target=None, callback=None):\n", + "\n", + "def Update(self, other, callback):\n", + "\n", + "def Match(self, artifact=None, os_name=None, cpe=None, label=None):\n", + "\n", + "def Search(self, artifact=None, os_name=None, cpe=None, label=None):\n", + "\n", + "def Artifacts(self, os_name=None, cpe=None, label=None):\n", + "\n", + "def Calls(self, conditions=None):\n", + "\n", + "def GetReportDescriptor(cls):\n", + "\n", + "def MakeCASignedCert(common_name,\n", + "\n", + "def MakeCACert(private_key,\n", + "\n", + "def _LoadAuditEvents(handlers,\n", + "\n", + "def _EntryToEvent(entry, handlers, transformers):\n", + "\n", + "def _ExtractClientIdFromPath(entry, event):\n", + "\n", + "def _ExtractCronJobIdFromPath(entry, event):\n", + "\n", + "def _ExtractHuntIdFromPath(entry, event):\n", + "\n", + "def GetReportData(self, get_report_args, token=None):\n", + "\n", + "def GetReportData(self, get_report_args, token):\n", + "\n", + "def GetReportData(self, get_report_args, token):\n", + "\n", + "def WriteGraphSeries(graph_series,\n", + "\n", + "def FetchMostRecentGraphSeries(label,\n", + "\n", + "def GenerateTaskID(self):\n", + "\n", + "def payload(self):\n", + "\n", + "def payload(self, value):\n", + "\n", + "def AddFileWithUnknownHash(client_path, blob_refs, use_external_stores=True):\n", + "\n", + "def CheckHashes(hash_ids):\n", + "\n", + "def OpenFile(client_path, max_timestamp=None):\n", + "\n", + "def StreamFilesChunks(client_paths, max_timestamp=None, max_size=None):\n", + "\n", + "def AddFiles(self, hash_id_metadatas):\n", + "\n", + "def _GetChunk(self):\n", + "\n", + "def Read(self, length=None):\n", + "\n", + "def Seek(self, offset, whence=os.SEEK_SET):\n", + "\n", + "def UploadFilePath(self, filepath, offset=0, amount=None):\n", + "\n", + "def UploadFile(self, fd, offset=0, amount=None):\n", + "\n", + "def _UploadChunk(self, chunk):\n", + "\n", + "def _DistributionFromHistogram(metric, values_by_suffix):\n", + "\n", + "def Parse(self, stat, file_object, knowledge_base):\n", + "\n", + "def Parse(conditions):\n", + "\n", + "def Parse(conditions):\n", + "\n", + "def Scan(self, fd,\n", + "\n", + "def ServerLoggingStartupInit():\n", + "\n", + "def GetNewEventId(self, event_time=None):\n", + "\n", + "def LogHttpAdminUIAccess(self, request, response):\n", + "\n", + "def LogHttpFrontendAccess(self, request, source=None, message_count=None):\n", + "\n", + "def _GetPkgResources(package_name, filepath):\n", + "\n", + "def ResourcePath(package_name, filepath):\n", + "\n", + "def ModulePath(module_name):\n", + "\n", + "def WithLimitedCallFrequency(min_time_between_calls):\n", + "\n", + " def Foo(id):\n", + "\n", + " def Decorated(f):\n", + "\n", + " def Fn(*args, **kwargs):\n", + "\n", + "def FieldDefinitionProtosFromTuples(field_def_tuples):\n", + "\n", + "def FieldDefinitionTuplesFromProtos(field_def_protos):\n", + "\n", + "def MetricValueTypeFromPythonType(python_type):\n", + "\n", + "def PythonTypeFromMetricValueType(value_type):\n", + "\n", + "def CreateCounterMetadata(metric_name, fields=None, docstring=None, units=None):\n", + "\n", + "def CreateEventMetadata(metric_name,\n", + "\n", + "def CreateGaugeMetadata(metric_name,\n", + "\n", + "def ImportFile(store, filename, start):\n", + "\n", + "def main(argv):\n", + "\n", + "def CanonicalPathToLocalPath(path):\n", + "\n", + "def LocalPathToCanonicalPath(path):\n", + "\n", + "def WinChmod(filename, acl_list, user=None):\n", + "\n", + "def FindProxies():\n", + "\n", + "def GetRawDevice(path):\n", + "\n", + "def _GetServiceKey():\n", + "\n", + "def RtlGetVersion(os_version_info_struct):\n", + "\n", + "def KernelVersion():\n", + "\n", + "def Heartbeat(self):\n", + "\n", + "def Write(self, grr_message):\n", + "\n", + "def Get(self):\n", + "\n", + "def FromPath(cls, path, follow_symlink = True):\n", + "\n", + "def _FetchLinuxFlags(self):\n", + "\n", + "def Get(self, path, follow_symlink = True):\n", + "\n", + "def GetClassesByArtifact(cls, artifact_name):\n", + "\n", + "def EnumerateAllConfigs(self, stats, file_objects):\n", + "\n", + "def EnumerateConfig(self, service, path, cache, filter_type=None):\n", + "\n", + "def Run(self, args):\n", + "\n", + "def _ValidateAFF4Type(aff4_type):\n", + "\n", + "def Open(self, urn, aff4_type=None, mode=\"r\"):\n", + "\n", + "def MultiOpen(self, urns, aff4_type=None, mode=\"r\"):\n", + "\n", + "def ListChildren(self, urn):\n", + "\n", + "def MultiListChildren(self, urns):\n", + "\n", + "def RecursiveMultiListChildren(self, urns):\n", + "\n", + "def MultiMarkForDeletion(self, urns):\n", + "\n", + "def root_urns_for_deletion(self):\n", + "\n", + "def ParseAgeSpecification(cls, age):\n", + "\n", + "def GetAttributes(self, urns, age=NEWEST_TIME):\n", + "\n", + "def SetAttributes(self,\n", + "\n", + "def _UpdateChildIndex(self, urn, mutation_pool):\n", + "\n", + "def _MakeCacheInvariant(self, urn, age):\n", + "\n", + "def CreateWithLock(self,\n", + "\n", + "def OpenWithLock(self,\n", + "\n", + "def _AcquireLock(self,\n", + "\n", + "def Copy(self,\n", + "\n", + "def ExistsWithType(self,\n", + "\n", + "def Open(self,\n", + "\n", + "def MultiOpen(self,\n", + "\n", + "def MultiOpenOrdered(self, urns, **kwargs):\n", + "\n", + "def OpenDiscreteVersions(self,\n", + "\n", + "def Stat(self, urns):\n", + "\n", + "def Create(self,\n", + "\n", + "def MultiDelete(self, urns, token=None):\n", + "\n", + "def MultiListChildren(self, urns, limit=None, age=NEWEST_TIME):\n", + "\n", + "def ListChildren(self, urn, limit=None, age=NEWEST_TIME):\n", + "\n", + "def RecursiveMultiListChildren(self, urns, limit=None, age=NEWEST_TIME):\n", + "\n", + "def Copy(self):\n", + "\n", + "def GetRDFValueType(self):\n", + "\n", + "def GetSubFields(self, fd, field_names):\n", + "\n", + "def GetValues(self, fd):\n", + "\n", + "def GetDefault(self, fd=None, default=None):\n", + "\n", + "def DecodeValueFromAttribute(self, attribute_name, value, ts):\n", + "\n", + "def _AddAttributeToCache(self, attribute_name, value, cache):\n", + "\n", + "def UpdateLease(self, duration):\n", + "\n", + "def Flush(self):\n", + "\n", + "def Close(self):\n", + "\n", + "def _WriteAttributes(self):\n", + "\n", + "def _SyncAttributes(self):\n", + "\n", + "def _CheckAttribute(self, attribute, value):\n", + "\n", + "def AddAttribute(self, attribute, value=None, age=None):\n", + "\n", + "def DeleteAttribute(self, attribute):\n", + "\n", + "def Get(self, attribute, default=None):\n", + "\n", + "def GetValuesForAttribute(self, attribute, only_one=False):\n", + "\n", + "def Upgrade(self, aff4_class):\n", + "\n", + "def AddLabels(self, labels_names, owner=None):\n", + "\n", + "def RemoveLabels(self, labels_names, owner=None):\n", + "\n", + "def SetAttribute(self, attribute):\n", + "\n", + "def SetOperator(self, operator):\n", + "\n", + "def Compile(self, filter_implemention):\n", + "\n", + "def ListChildren(self, limit=None, age=NEWEST_TIME):\n", + "\n", + "def OpenChildren(self,\n", + "\n", + "def real_pathspec(self):\n", + "\n", + "def _MultiStream(cls, fds):\n", + "\n", + "def MultiStream(cls, fds):\n", + "\n", + "def Initialize(self):\n", + "\n", + "def OverwriteAndClose(self, compressed_data, size):\n", + "\n", + "def _MultiStream(cls, fds):\n", + "\n", + "def Initialize(self):\n", + "\n", + "def _ReadPartial(self, length):\n", + "\n", + "def Read(self, length):\n", + "\n", + "def _WritePartial(self, data):\n", + "\n", + "def Flush(self):\n", + "\n", + "def Encode(self, attribute, value):\n", + "\n", + "def Decode(self, attribute, value):\n", + "\n", + "def CleanAff4Hunts(self):\n", + "\n", + "def Start(self):\n", + "\n", + "def CleanAff4Clients(self):\n", + "\n", + "def ValidateToken(token, targets):\n", + "\n", + " def GetSubjectForError():\n", + "\n", + "def ValidateAccessAndSubjects(requested_access, subjects):\n", + "\n", + "def CheckUserForLabels(username, authorized_labels, token=None):\n", + "\n", + "def CheckFlowCanBeStartedOnClient(flow_name):\n", + "\n", + "def Allow(self, path, require=None, *args, **kwargs):\n", + "\n", + "def CheckAccess(self, subject, token):\n", + "\n", + "def _HasAccessToClient(self, subject, token):\n", + "\n", + "def _IsHomeDir(self, subject, token):\n", + "\n", + "def _CreateReadAccessHelper(self):\n", + "\n", + "def _CreateQueryAccessHelper(self):\n", + "\n", + "def CheckDataStoreAccess(self, token, subjects, requested_access=\"r\"):\n", + "\n", + "def StreamFile(self, filedesc, offset=0, amount=None):\n", + "\n", + "def StreamFilePath(self, filepath, offset=0, amount=None):\n", + "\n", + "def StreamMemory(self, process, offset=0, amount=None):\n", + "\n", + "def Stream(self, reader, amount=None):\n", + "\n", + "def Scan(self, matcher):\n", + "\n", + "def GetMountpoints(data=None):\n", + "\n", + "def Execute(cmd,\n", + "\n", + "def _Execute(cmd, args, time_limit=-1, use_client_context=False, cwd=None):\n", + "\n", + "def IsExecutionWhitelisted(cmd, args):\n", + "\n", + "def HashFilePath(self, path, byte_count):\n", + "\n", + "def HashFile(self, fd, byte_count):\n", + "\n", + "def HashBuffer(self, buf):\n", + "\n", + "def GetHashObject(self):\n", + "\n", + "def GetAllClientLabels(token, include_catchall=False):\n", + "\n", + "def age(self):\n", + "\n", + "def GetSummary(self):\n", + "\n", + "def Start(self):\n", + "\n", + "def Update(self, attribute=None):\n", + "\n", + "def ExpireRules(self):\n", + "\n", + "def _CheckIfHuntTaskWasAssigned(self, client_id, hunt_id):\n", + "\n", + "def _RunActions(self, rule, client_id):\n", + "\n", + "def AssignTasksToClient(self, client_id):\n", + "\n", + "def Initialize(self):\n", + "\n", + "def _MultiStream(cls, fds):\n", + "\n", + "def _GetChunkForReading(self, chunk):\n", + "\n", + "def AppendContent(self, src_fd):\n", + "\n", + "def AddBlob(self, blob_id, length):\n", + "\n", + "def NewFromContent(cls,\n", + "\n", + "def Substitute(self, pattern):\n", + "\n", + " def Replacement(match):\n", + "\n", + " def Replacement(match):\n", + "\n", + "def BindVar(self, var_id, value):\n", + "\n", + "def BindScope(self, scope_id, values):\n", + "\n", + "def Interpolate(self):\n", + "\n", + "def RegisterPlugin(self, report_plugin_cls):\n", + "\n", + "def MakeExecutableTemplate(self, output_file=None):\n", + "\n", + "def MakeZip(self, xar_file, output_file):\n", + "\n", + "def BuildInstallerPkg(self, output_file):\n", + "\n", + "def _ClientPathToString(client_path, prefix=\"\"):\n", + "\n", + "def _GenerateDescription(self):\n", + "\n", + "def _GenerateClientInfo(self, client_id, client_fd):\n", + "\n", + "def Generate(self, items, token=None):\n", + "\n", + "def _WriteFileChunk(self, chunk):\n", + "\n", + "def DefineFromProtobuf(cls, protobuf):\n", + "\n", + "def main(argv):\n", + "\n", + "def Operation(self, x, y):\n", + "\n", + "def _AtLeaf(self, attr_value):\n", + "\n", + "def _AtNonLeaf(self, attr_value, path):\n", + "\n", + "def Compile(self, filter_implemention):\n", + "\n", + "def InsertArg(self, string=\"\", **_):\n", + "\n", + "def InsertFloatArg(self, string=\"\", **_):\n", + "\n", + "def InsertInt16Arg(self, string=\"\", **_):\n", + "\n", + "def StringEscape(self, string, match, **_):\n", + "\n", + "def HexEscape(self, string, match, **_):\n", + "\n", + "def GenerateCSRFToken(user_id, time):\n", + "\n", + "def StoreCSRFCookie(user, response):\n", + "\n", + "def ValidateCSRFTokenOrRaise(request):\n", + "\n", + "def LogAccessWrapper(func):\n", + "\n", + " def Wrapper(request, *args, **kwargs):\n", + "\n", + "def _BuildToken(self, request, execution_time):\n", + "\n", + "def _HandleHomepage(self, request):\n", + "\n", + "def _HandleApi(self, request):\n", + "\n", + "def _RedirectToRemoteHelp(self, path):\n", + "\n", + "def _HandleHelp(self, request):\n", + "\n", + "def WSGIHandler(self):\n", + "\n", + "def RunOnce(self):\n", + "\n", + "def ListGrrBinaries(context=None):\n", + "\n", + "def Execute(self, message):\n", + "\n", + "def SetStatus(self, status, message=\"\", backtrace=None):\n", + "\n", + "def SendReply(self,\n", + "\n", + "def Progress(self):\n", + "\n", + "def CollectionItemToAff4Path(item, client_id=None):\n", + "\n", + "def CollectionItemToClientPath(item, client_id=None):\n", + "\n", + "def GetKnowledgeBase(rdf_client_obj, allow_uninitialized=False):\n", + "\n", + "def GetArtifactKnowledgeBase(client_obj, allow_uninitialized=False):\n", + "\n", + "def SetCoreGRRKnowledgeBaseValues(kb, client_obj):\n", + "\n", + "def ApplyParsersToResponses(parser_factory, responses, flow_obj):\n", + "\n", + "def UploadArtifactYamlFile(file_content,\n", + "\n", + "def CallLoggedAndAccounted(f):\n", + "\n", + " def Decorator(*args, **kwargs):\n", + "\n", + "def EscapeWildcards(string):\n", + "\n", + "def HuntIDToInt(hunt_id):\n", + "\n", + "def WriteClientMetadata(self,\n", + "\n", + "def MultiReadClientMetadata(self, client_ids):\n", + "\n", + "def WriteClientSnapshot(self, snapshot):\n", + "\n", + "def MultiReadClientSnapshot(self, client_ids):\n", + "\n", + "def MultiReadClientFullInfo(self, client_ids, min_last_ping=None):\n", + "\n", + "def ReadClientLastPings(self,\n", + "\n", + "def WriteClientSnapshotHistory(self, clients):\n", + "\n", + "def ReadClientSnapshotHistory(self, client_id, timerange=None):\n", + "\n", + "def AddClientKeywords(self, client_id, keywords):\n", + "\n", + "def ListClientsForKeywords(self, keywords, start_time=None):\n", + "\n", + "def RemoveClientKeyword(self, client_id, keyword):\n", + "\n", + "def AddClientLabels(self, client_id, owner, labels):\n", + "\n", + "def MultiReadClientLabels(self, client_ids):\n", + "\n", + "def RemoveClientLabels(self, client_id, owner, labels):\n", + "\n", + "def ReadAllClientLabels(self):\n", + "\n", + "def WriteClientStartupInfo(self, client_id, startup_info):\n", + "\n", + "def ReadClientStartupInfo(self, client_id):\n", + "\n", + "def ReadClientStartupInfoHistory(self, client_id, timerange=None):\n", + "\n", + "def WriteClientCrashInfo(self, client_id, crash_info):\n", + "\n", + "def ReadClientCrashInfo(self, client_id):\n", + "\n", + "def ReadClientCrashInfoHistory(self, client_id):\n", + "\n", + "def WriteClientStats(self, client_id,\n", + "\n", + "def ReadClientStats(self, client_id,\n", + "\n", + "def DeleteOldClientStats(self, yield_after_count,\n", + "\n", + "def CountClientVersionStringsByLabel(self, day_buckets):\n", + "\n", + " def ExtractVersion(client_info):\n", + "\n", + "def CountClientPlatformsByLabel(self, day_buckets):\n", + "\n", + " def ExtractPlatform(client_info):\n", + "\n", + "def CountClientPlatformReleasesByLabel(self, day_buckets):\n", + "\n", + "def _CountClientStatisticByLabel(self, day_buckets, extract_statistic_fn):\n", + "\n", + "def CreateServer(frontend=None):\n", + "\n", + "def main(argv):\n", + "\n", + "def Send(self,\n", + "\n", + "def _GenerateChunk(self, length):\n", + "\n", + "def GenerateFileData(self):\n", + "\n", + "def Control(self):\n", + "\n", + "def Init(service_client=None):\n", + "\n", + "def WriteSignedBinaryReferences(self,\n", + "\n", + "def DeleteSignedBinaryReferences(self,\n", + "\n", + "def Start(self):\n", + "\n", + "def ProcessListDirectory(self, responses):\n", + "\n", + "def ParseMultiple(self, stats, file_objects, knowledge_base):\n", + "\n", + "def Verify(self, public_key):\n", + "\n", + "def ClientCertFromCSR(cls, csr):\n", + "\n", + "def Verify(self, message, signature, hash_algorithm=None):\n", + "\n", + "def Sign(self, message, use_pss=False):\n", + "\n", + "def Verify(self, public_key):\n", + "\n", + "def Sign(self, data, signing_key, verify_key=None):\n", + "\n", + "def Encrypt(self, data):\n", + "\n", + "def Decrypt(self, data):\n", + "\n", + "def HMAC(self, message, use_sha256=False):\n", + "\n", + "def Verify(self, message, signature):\n", + "\n", + "def _ItemsToUrns(self, items):\n", + "\n", + "def Generate(self, items, token=None):\n", + "\n", + "def Handle(self, args, token=None):\n", + "\n", + "def Insert(self, index, rdfpathspec=None, **kwarg):\n", + "\n", + "def Append(self, component=None, **kwarg):\n", + "\n", + "def Pop(self, index=0):\n", + "\n", + "def Dirname(self):\n", + "\n", + "def AFF4Path(self, client_urn):\n", + "\n", + "def Validate(self):\n", + "\n", + "def InterpolateGrouping(self, pattern):\n", + "\n", + "def AsRegEx(self):\n", + "\n", + "def dateadd(value: fields.DateTime(),\n", + "\n", + "def arguments(function, extra_arguments=0):\n", + "\n", + "def generate_accepted_kwargs(function, *named_arguments):\n", + "\n", + " def accepted_kwargs(kwargs):\n", + "\n", + "def authenticator(function, challenges=()):\n", + "\n", + " def wrapper(verify_user):\n", + "\n", + " def authenticate(request, response, **kwargs):\n", + "\n", + " def authenticator_name():\n", + "\n", + "def basic(request, response, verify_user, realm='simple', context=None, **kwargs):\n", + "\n", + "def api_key(request, response, verify_user, context=None, **kwargs):\n", + "\n", + "def token(request, response, verify_user, context=None, **kwargs):\n", + "\n", + "def verify(user, password):\n", + "\n", + " def verify_user(user_name, user_password):\n", + "\n", + "def process_request(self, request, response):\n", + "\n", + "def process_response(self, request, response, resource, req_succeeded):\n", + "\n", + "def _generate_combined_log(self, request, response):\n", + "\n", + "def process_request(self, request, response):\n", + "\n", + "def process_response(self, request, response, resource, req_succeeded):\n", + "\n", + "def match_route(self, reqpath):\n", + "\n", + "def process_response(self, request, response, resource, req_succeeded):\n", + "\n", + "def create(doc=None, error_text=None, exception_handlers=empty.dict, extend=Type, chain=True, auto_instance=True,\n", + "\n", + " def new_type_handler(function):\n", + "\n", + " def __call__(self, value):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + " def __call__(self, value):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + " def __call__(self, value):\n", + "\n", + " def __call__(self, value):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + " def __call__(self, value, context):\n", + "\n", + "def accept(kind, doc=None, error_text=None, exception_handlers=empty.dict, accept_context=False):\n", + "\n", + "def to(location, code=falcon.HTTP_302):\n", + "\n", + "def underscore(text):\n", + "\n", + "def hug(file: 'A Python file that contains a Hug API'=None, module: 'A Python module that contains a Hug API'=None,\n", + "\n", + "def token_gen_call(username, password):\n", + "\n", + "def documentation(default=None, api_version=None, api=None, **kwargs):\n", + "\n", + "def json(body, charset='utf-8', **kwargs):\n", + "\n", + "def urlencoded(body, charset='ascii', **kwargs):\n", + "\n", + "def multipart(body, content_length=0, **header_params):\n", + "\n", + "def setup(api=None):\n", + "\n", + "def content_type(transformers, default=None):\n", + "\n", + " def transform(data, request):\n", + "\n", + "def suffix(transformers, default=None):\n", + "\n", + " def transform(data, request):\n", + "\n", + "def prefix(transformers, default=None):\n", + "\n", + " def transform(data, request=None, response=None):\n", + "\n", + "def all(*transformers):\n", + "\n", + " def transform(data, request=None, response=None):\n", + "\n", + "def validate(self, input_parameters, context):\n", + "\n", + "def check_requirements(self, request=None, response=None, context=None):\n", + "\n", + "def documentation(self, add_to=None):\n", + "\n", + "def output(self, data, context):\n", + "\n", + "def gather_parameters(self, request, response, context, api_version=None, **input_parameters):\n", + "\n", + "def transform_data(self, data, request=None, response=None, context=None):\n", + "\n", + "def content_type(self, request=None, response=None):\n", + "\n", + "def invalid_content_type(self, request=None, response=None):\n", + "\n", + "def set_response_defaults(self, response, request=None):\n", + "\n", + "def documentation(self, add_to=None, version=None, prefix=\"\", base_url=\"\", url=\"\"):\n", + "\n", + "def urls(self, version=None):\n", + "\n", + "def url(self, version=None, **kwargs):\n", + "\n", + "def greet(event: str):\n", + "\n", + "def nagiosCommandHelp(**kwargs):\n", + "\n", + "def hash_password(password, salt):\n", + "\n", + "def gen_api_key(username):\n", + "\n", + "def authenticate_user(username, password):\n", + "\n", + "def authenticate_key(api_key):\n", + "\n", + "def add_user(username, password):\n", + "\n", + "def get_token(authed_user: hug.directives.user):\n", + "\n", + "def upload_file(body):\n", + "\n", + "def happy_birthday(name: hug.types.text, age: hug.types.number, hug_timer=3):\n", + "\n", + "def json_convert(*kinds):\n", + "\n", + " def register_json_converter(function):\n", + "\n", + "def json(content, request=None, response=None, ensure_ascii=False, **kwargs):\n", + "\n", + "def on_valid(valid_content_type, on_invalid=json):\n", + "\n", + " def wrapper(function):\n", + "\n", + " def output_content(content, response, **kwargs):\n", + "\n", + "def html(content, **kwargs):\n", + "\n", + "def image(image_format, doc=None):\n", + "\n", + " def image_handler(data, **kwargs):\n", + "\n", + "def video(video_type, video_mime, doc=None):\n", + "\n", + " def video_handler(data, **kwargs):\n", + "\n", + "def file(data, response, **kwargs):\n", + "\n", + "def on_content_type(handlers, default=None, error='The requested content type does not match any of those allowed'):\n", + "\n", + " def output_type(data, request, response):\n", + "\n", + "def accept_quality(accept, default=1):\n", + "\n", + "def accept(handlers, default=None, error='The requested content type does not match any of those allowed'):\n", + "\n", + " def output_type(data, request, response):\n", + "\n", + "def suffix(handlers, default=None, error='The requested suffix does not match any of those allowed'):\n", + "\n", + " def output_type(data, request, response):\n", + "\n", + "def prefix(handlers, default=None, error='The requested prefix does not match any of those allowed'):\n", + "\n", + " def output_type(data, request, response):\n", + "\n", + "def show():\n", + "\n", + "def new(name: hug.types.text, description: hug.types.text):\n", + "\n", + "def request(self, method, url, url_params=empty.dict, headers=empty.dict, timeout=None, **params):\n", + "\n", + "def options(self, url, url_params=empty.dict, headers=empty.dict, timeout=None, **params):\n", + "\n", + "def setsockopt(self, *sockopts):\n", + "\n", + "def _register_socket(self):\n", + "\n", + "def _stream_send_and_receive(self, _socket, message, *args, **kwargs):\n", + "\n", + "def _dgram_send_and_receive(self, _socket, message, buffer_size=4096, *args):\n", + "\n", + "def request(self, message, timeout=False, *args, **kwargs):\n", + "\n", + "def get(self, key):\n", + "\n", + "def top_post(section: hug.types.one_of(('news', 'newest', 'show'))='news'):\n", + "\n", + "def default_output_format(content_type='application/json', apply_globally=False, api=None, cli=False, http=True):\n", + "\n", + " def decorator(formatter):\n", + "\n", + "def default_input_format(content_type='application/json', apply_globally=False, api=None):\n", + "\n", + " def decorator(formatter):\n", + "\n", + "def directive(apply_globally=False, api=None):\n", + "\n", + " def decorator(directive_method):\n", + "\n", + "def context_factory(apply_globally=False, api=None):\n", + "\n", + " def decorator(context_factory_):\n", + "\n", + "def delete_context(apply_globally=False, api=None):\n", + "\n", + " def decorator(delete_context_):\n", + "\n", + "def startup(api=None):\n", + "\n", + " def startup_wrapper(startup_function):\n", + "\n", + "def request_middleware(api=None):\n", + "\n", + " def decorator(middleware_method):\n", + "\n", + " def process_request(self, request, response):\n", + "\n", + "def response_middleware(api=None):\n", + "\n", + " def decorator(middleware_method):\n", + "\n", + " def process_response(self, request, response, resource, req_succeeded):\n", + "\n", + "def reqresp_middleware(api=None):\n", + "\n", + " def decorator(middleware_generator):\n", + "\n", + " def process_request(self, request, response):\n", + "\n", + " def process_response(self, request, response, resource, req_succeeded):\n", + "\n", + "def middleware_class(api=None):\n", + "\n", + " def decorator(middleware_class):\n", + "\n", + "def extend_api(route=\"\", api=None, base_url=\"\", **kwargs):\n", + "\n", + " def decorator(extend_with):\n", + "\n", + "def wraps(function):\n", + "\n", + " def wrap(decorator):\n", + "\n", + "def auto_kwargs(function):\n", + "\n", + " def call_function(*args, **kwargs):\n", + "\n", + "def get_time():\n", + "\n", + "def reverse_http_proxy(length: int=100):\n", + "\n", + "def all(*validators):\n", + "\n", + " def validate_all(fields):\n", + "\n", + "def any(*validators):\n", + "\n", + " def validate_any(fields):\n", + "\n", + "def contains_one_of(*fields):\n", + "\n", + " def check_contains(endpoint_fields):\n", + "\n", + "def requires(self, requirements, **overrides):\n", + "\n", + "def doesnt_require(self, requirements, **overrides):\n", + "\n", + "def where(self, **overrides):\n", + "\n", + "def raise_on_invalid(self, setting=True, **overrides):\n", + "\n", + "def parse_body(self, automatic=True, **overrides):\n", + "\n", + "def add_response_headers(self, headers, **overrides):\n", + "\n", + "def cache(self, private=False, max_age=31536000, s_maxage=None, no_cache=False, no_store=False,\n", + "\n", + "def allow_origins(self, *origins, methods=None, max_age=None, credentials=None, headers=None, **overrides):\n", + "\n", + " def process_data(request, response, resource):\n", + "\n", + "def get(self, urls=None, **overrides):\n", + "\n", + "def delete(self, urls=None, **overrides):\n", + "\n", + "def post(self, urls=None, **overrides):\n", + "\n", + "def put(self, urls=None, **overrides):\n", + "\n", + "def trace(self, urls=None, **overrides):\n", + "\n", + "def patch(self, urls=None, **overrides):\n", + "\n", + "def options(self, urls=None, **overrides):\n", + "\n", + "def head(self, urls=None, **overrides):\n", + "\n", + "def connect(self, urls=None, **overrides):\n", + "\n", + "def http_methods(self, urls=None, **route_data):\n", + "\n", + " def decorator(class_definition):\n", + "\n", + "def cli(self, method):\n", + "\n", + "def http(self, *args, **kwargs):\n", + "\n", + "def not_found(self, *args, **kwargs):\n", + "\n", + "def static(self, *args, **kwargs):\n", + "\n", + "def sink(self, *args, **kwargs):\n", + "\n", + "def exception(self, *args, **kwargs):\n", + "\n", + "def cli(self, *args, **kwargs):\n", + "\n", + "def object(self, *args, **kwargs):\n", + "\n", + "def urls(self):\n", + "\n", + "def handlers(self):\n", + "\n", + "def input_format(self, content_type):\n", + "\n", + "def set_input_format(self, content_type, handler):\n", + "\n", + "def add_middleware(self, middleware):\n", + "\n", + "def add_exception_handler(self, exception_type, error_handler, versions=(None, )):\n", + "\n", + "def extend(self, http_api, route=\"\", base_url=\"\", **kwargs):\n", + "\n", + "def set_not_found_handler(self, handler, version=None):\n", + "\n", + "def documentation(self, base_url=None, api_version=None, prefix=\"\"):\n", + "\n", + "def serve(self, host='', port=8000, no_documentation=False, display_intro=True):\n", + "\n", + "def determine_version(self, request, api_version=None):\n", + "\n", + "def documentation_404(self, base_url=None):\n", + "\n", + " def handle_404(request, response, *args, **kwargs):\n", + "\n", + "def version_router(self, request, response, api_version=None, versions={}, not_found=None, **kwargs):\n", + "\n", + "def server(self, default_not_found=True, base_url=None):\n", + "\n", + " def error_serializer(request, response, error):\n", + "\n", + "def extend(self, cli_api, command_prefix=\"\", sub_command=\"\", **kwargs):\n", + "\n", + "def directives(self):\n", + "\n", + "def directive(self, name, default=None):\n", + "\n", + "def handlers(self):\n", + "\n", + "def extend(self, api, route=\"\", base_url=\"\", http=True, cli=True, **kwargs):\n", + "\n", + "def add_startup_handler(self, handler):\n", + "\n", + "def _ensure_started(self):\n", + "\n", + "def _weight_drop(module, weights, dropout):\n", + "\n", + " def forward(*args, **kwargs):\n", + "\n", + "def imdb_dataset(directory='data/',\n", + "\n", + "def trec_dataset(directory='data/trec/',\n", + "\n", + "def snli_dataset(directory='data/',\n", + "\n", + "def forward(self, query, context):\n", + "\n", + "def encode(self, object_):\n", + "\n", + "def batch_encode(self, iterator, *args, **kwargs):\n", + "\n", + "def decode(self, encoded):\n", + "\n", + "def batch_decode(self, iterator, *args, **kwargs):\n", + "\n", + "def forward(self, tokens, mask=None):\n", + "\n", + "def _unescape_token(escaped_token):\n", + "\n", + " def match(m):\n", + "\n", + "def _tokens_to_subtoken(self, tokens):\n", + "\n", + "def _subtoken_to_tokens(self, subtokens):\n", + "\n", + "def _escaped_token_to_subtoken_strings(self, escaped_token):\n", + "\n", + "def build_to_target_size_from_token_counts(cls,\n", + "\n", + " def bisect(min_val, max_val):\n", + "\n", + "def build_from_token_counts(self, token_counts, min_count, num_iterations=4):\n", + "\n", + "def _init_subtokens_from_list(self, subtoken_strings):\n", + "\n", + "def _init_alphabet_from_tokens(self, tokens):\n", + "\n", + "def get_moses_multi_bleu(hypotheses, references, lowercase=False):\n", + "\n", + "def ud_pos_dataset(directory='data/',\n", + "\n", + "def makedirs(name):\n", + "\n", + "def collate_fn(batch, train=True):\n", + "\n", + "def smt_dataset(directory='data/',\n", + "\n", + "def forward(self, x):\n", + "\n", + "def pad_tensor(tensor, length, padding_index=DEFAULT_PADDING_INDEX):\n", + "\n", + "def stack_and_pad_tensors(batch, padding_index=DEFAULT_PADDING_INDEX, dim=0):\n", + "\n", + "def batch_encode(self, iterator, *args, dim=0, **kwargs):\n", + "\n", + "def batch_decode(self, tensor, lengths, dim=0, *args, **kwargs):\n", + "\n", + "def encode(self, sequence):\n", + "\n", + "def decode(self, encoded):\n", + "\n", + "def _reporthook(t):\n", + "\n", + " def inner(b=1, bsize=1, tsize=None):\n", + "\n", + "def _maybe_extract(compressed_filename, directory, extension=None):\n", + "\n", + "def _get_filename_from_url(url):\n", + "\n", + "def download_file_maybe_extract(url, directory, filename=None, extension=None, check_files=[]):\n", + "\n", + "def download_files_maybe_extract(urls, directory, check_files=[]):\n", + "\n", + "def get_accuracy(targets, outputs, k=1, ignore_index=None):\n", + "\n", + "def get_token_accuracy(targets, outputs, ignore_index=None):\n", + "\n", + "def get_tensors(object_):\n", + "\n", + "def sampler_to_iterator(dataset, sampler):\n", + "\n", + "def resplit_datasets(dataset, other_dataset, random_seed=None, split=None):\n", + "\n", + "def torch_equals_ignore_index(tensor, tensor_other, ignore_index=None):\n", + "\n", + "def lengths_to_mask(*lengths, **kwargs):\n", + "\n", + "def collate_tensors(batch, stack_tensors=torch.stack):\n", + "\n", + "def tensors_to(tensors, *args, **kwargs):\n", + "\n", + "def zero_dataset(train=False, dev=False, test=False, train_rows=256, dev_rows=64, test_rows=64):\n", + "\n", + "def decode(self, encoded):\n", + "\n", + "def encode(self, label):\n", + "\n", + "def batch_encode(self, iterator, *args, dim=0, **kwargs):\n", + "\n", + "def decode(self, encoded):\n", + "\n", + "def batch_decode(self, tensor, *args, dim=0, **kwargs):\n", + "\n", + "def count_dataset(train=False,\n", + "\n", + "def multi30k_dataset(directory='data/multi30k/',\n", + "\n", + "def repackage_hidden(h):\n", + "\n", + "def parse_to_ast(source_code: str) -> List[ast.stmt]:\n", + "\n", + "def pack_args_by_32(holder, maxlen, arg, typ, context, placeholder,\n", + "\n", + "def validate_version_pragma(version_str: str, start: ParserPosition) -> None:\n", + "\n", + "def pre_parse(code: str) -> Tuple[ClassTypes, str]:\n", + "\n", + "def is_valid_varname(self, name, item):\n", + "\n", + "def get_nonrentrant_counter(self, key):\n", + "\n", + "def _is_list_iter(self):\n", + "\n", + "def get_constant(self, const_name, context):\n", + "\n", + "def lookup_sig(cls, sigs, method_name, expr_args, stmt_or_expr, context):\n", + "\n", + " def synonymise(s):\n", + "\n", + "def check_valid_varname(varname,\n", + "\n", + "def allocate_mid(mids):\n", + "\n", + "def addIceCandidate(self, candidate):\n", + "\n", + "def addTrack(self, track):\n", + "\n", + "def addTransceiver(self, trackOrKind, direction='sendrecv'):\n", + "\n", + "def createDataChannel(self, label, maxPacketLifeTime=None, maxRetransmits=None,\n", + "\n", + " def get_media(description):\n", + "\n", + " def get_media_section(media, i):\n", + "\n", + " def next_mline_index():\n", + "\n", + "def pack_remb_fci(bitrate, ssrcs):\n", + "\n", + "def unpack_remb_fci(data):\n", + "\n", + "def unpack_header_extensions(extension_profile: int,\n", + "\n", + "def pack_header_extensions(extensions: List[Tuple[int, bytes]]) -> Tuple[int, bytes]:\n", + "\n", + "def unwrap_rtx(rtx, payload_type, ssrc):\n", + "\n", + "def wrap_rtx(packet, payload_type, sequence_number, ssrc):\n", + "\n", + "def uint16_gt(a: int, b: int) -> bool:\n", + "\n", + "def uint16_gte(a: int, b: int) -> bool:\n", + "\n", + "def uint32_gt(a: int, b: int) -> bool:\n", + "\n", + "def uint32_gte(a: int, b: int) -> bool:\n", + "\n", + "def up(self):\n", + "\n", + "def open(self):\n", + "\n", + "def getLocalParameters(self):\n", + "\n", + "def addRemoteCandidate(self, candidate):\n", + "\n", + "def send(self, data):\n", + "\n", + "def setCodecPreferences(self, codecs):\n", + "\n", + "def addTrack(self, track):\n", + "\n", + "def expires(self):\n", + "\n", + "def generateCertificate(cls):\n", + "\n", + "def set_estimate(self, bitrate: int, now_ms: int):\n", + "\n", + "def prune_chunks(self, tsn):\n", + "\n", + "def _get_extensions(self, params):\n", + "\n", + "def _set_extensions(self, params):\n", + "\n", + "def _get_inbound_stream(self, stream_id):\n", + "\n", + "def _maybe_abandon(self, chunk):\n", + "\n", + "def _mark_received(self, tsn):\n", + "\n", + " def is_obsolete(x):\n", + "\n", + " def is_obsolete(x):\n", + "\n", + "def _set_state(self, state):\n", + "\n", + "def _update_advanced_peer_ack_point(self):\n", + "\n", + "def _update_rto(self, R):\n", + "\n", + "def _data_channel_close(self, channel, transmit=True):\n", + "\n", + "def add_signaling_arguments(parser):\n", + "\n", + "def create_signaling(args):\n", + "\n", + "def getSynchronizationSources(self):\n", + "\n", + "def __stop_decoder(self):\n", + "\n", + "def init_domain_ledger(self):\n", + "\n", + "def update_txn_with_extra_data(self, txn):\n", + "\n", + "def prepare_attr_for_state(txn, path_only=False):\n", + "\n", + "def _extract_attr_typed_value(txn_data):\n", + "\n", + "def _migrate_ledger(data_directory,\n", + "\n", + "def getNym(self, nym, role=None, isCommitted=True):\n", + "\n", + "def _unscheduleAction(self):\n", + "\n", + "def get_auth_constraint(self, action_id: str) -> AbstractAuthConstraint:\n", + "\n", + "def _append(self, ev_type: Enum, data: ActionLogData) -> None:\n", + "\n", + "def update_state(self, txn, prev_result, is_committed=True) -> None:\n", + "\n", + "def create_auth_strategy(self):\n", + "\n", + "def gen_txn_path(self, txn):\n", + "\n", + "def handleGetRevocRegDelta(self, request: Request):\n", + "\n", + "def lookup(self, path, isCommitted=True, with_proof=False) -> (str, int):\n", + "\n", + "def _addAttr(self, txn, isCommitted=False) -> None:\n", + "\n", + "def transform_txn_for_ledger(txn):\n", + "\n", + "def transform_attrib_for_ledger(txn):\n", + "\n", + "def getIndex(predicateFn: Callable[[T], bool], items: List[T]) -> int:\n", + "\n", + "def setupTxns(self, key, force: bool = False):\n", + "\n", + "def getImageByTag(tag):\n", + "\n", + "def getImage(path, dockerfile, tag):\n", + "\n", + "def runContainer(image, **kwargs):\n", + "\n", + "def getContainer(name_or_id):\n", + "\n", + "def containerIsRunning(name_or_id):\n", + "\n", + "def getContainerByTag(tag):\n", + "\n", + "def removeContainer(tag):\n", + "\n", + "def startIndyPool(**kwargs):\n", + "\n", + "def restartIndyPool(**kwargs):\n", + "\n", + "def signingPayloadState(self, identifier=None):\n", + "\n", + "def _migrate_ledger(data_directory,\n", + "\n", + "def get_role(self, request: Request):\n", + "\n", + "def handleConfigTxn(self, txn) -> None:\n", + "\n", + "def processLedger(self) -> None:\n", + "\n", + "def handleRestartRequest(self, req: Request) -> None:\n", + "\n", + "def _scheduleRestart(self,\n", + "\n", + "def _cancelScheduledRestart(self, justification=None) -> None:\n", + "\n", + "def _callRestartAgent(self, ev_data: RestartLogData, failTimeout) -> None:\n", + "\n", + "def _declareTimeoutExceeded(self, ev_data: RestartLogData):\n", + "\n", + "def processLedger(self) -> None:\n", + "\n", + "def didLastExecutedUpgradeSucceeded(self) -> bool:\n", + "\n", + "def handleUpgradeTxn(self, txn) -> None:\n", + "\n", + "def _scheduleUpgrade(self,\n", + "\n", + "def _cancelScheduledUpgrade(self, justification=None) -> None:\n", + "\n", + "def _callUpgradeAgent(self, ev_data, failTimeout) -> None:\n", + "\n", + "def _declareTimeoutExceeded(self, ev_data: UpgradeLogData):\n", + "\n", + "def isScheduleValid(self, schedule, node_srvs, force) -> (bool, str):\n", + "\n", + "def get_token(self, url):\n", + "\n", + "def synthesize_using_websocket(self,\n", + "\n", + "def classify(self,\n", + "\n", + "def create_classifier(self,\n", + "\n", + "def delete_classifier(self, classifier_id, **kwargs):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def message(self,\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def analyze(self,\n", + "\n", + "def list_models(self, **kwargs):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def update_configuration(self,\n", + "\n", + "def create_expansions(self, environment_id, collection_id, expansions,\n", + "\n", + "def create_stopword_list(self,\n", + "\n", + "def federated_query(self,\n", + "\n", + "def query_entities(self,\n", + "\n", + "def query_relations(self,\n", + "\n", + "def add_training_data(self,\n", + "\n", + "def create_training_example(self,\n", + "\n", + "def create_event(self, type, data, **kwargs):\n", + "\n", + "def get_metrics_event_rate(self,\n", + "\n", + "def query_log(self,\n", + "\n", + "def create_credentials(self,\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def tone(self,\n", + "\n", + "def tone_chat(self,\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def message(self,\n", + "\n", + "def list_workspaces(self,\n", + "\n", + "def update_workspace(self,\n", + "\n", + "def create_intent(self,\n", + "\n", + "def update_intent(self,\n", + "\n", + "def create_example(self,\n", + "\n", + "def create_entity(self,\n", + "\n", + "def update_entity(self,\n", + "\n", + "def create_value(self,\n", + "\n", + "def update_value(self,\n", + "\n", + "def create_dialog_node(self,\n", + "\n", + "def update_dialog_node(self,\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def classify(self, classifier_id, text, **kwargs):\n", + "\n", + "def classify_collection(self, classifier_id, collection, **kwargs):\n", + "\n", + "def create_classifier(self, metadata, training_data, **kwargs):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def translate(self, text, model_id=None, source=None, target=None,\n", + "\n", + "def identify(self, text, **kwargs):\n", + "\n", + "def create_model(self,\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def recognize(self,\n", + "\n", + "def register_callback(self, callback_url, user_secret=None, **kwargs):\n", + "\n", + "def unregister_callback(self, callback_url, **kwargs):\n", + "\n", + "def create_language_model(self,\n", + "\n", + "def list_language_models(self, language=None, **kwargs):\n", + "\n", + "def train_language_model(self,\n", + "\n", + "def add_corpus(self,\n", + "\n", + "def add_word(self,\n", + "\n", + "def add_grammar(self,\n", + "\n", + "def add_audio(self,\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def updateUserTone(conversationPayload, toneAnalyzerPayload, maintainHistory):\n", + "\n", + "def updateEmotionTone(user, emotionTone, maintainHistory):\n", + "\n", + "def updateWritingTone(user, writingTone, maintainHistory):\n", + "\n", + "def updateSocialTone(user, socialTone, maintainHistory):\n", + "\n", + "def synthesize(self,\n", + "\n", + "def update_voice_model(self,\n", + "\n", + "def add_word(self,\n", + "\n", + "def delete_user_data(self, customer_id, **kwargs):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def invokeToneConversation(payload, maintainToneHistoryInContext):\n", + "\n", + "def convert_to_html(self,\n", + "\n", + "def classify_elements(self,\n", + "\n", + "def compare_documents(self,\n", + "\n", + "def add_feedback(self, feedback_data, user_id=None, comment=None, **kwargs):\n", + "\n", + "def get_feedback(self, feedback_id, model=None, **kwargs):\n", + "\n", + "def list_feedback(self,\n", + "\n", + "def create_batch(self,\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def recognize_using_websocket(self,\n", + "\n", + "def send_text(self):\n", + "\n", + " def run(*args):\n", + "\n", + "def on_data(self, ws, message, message_type, fin):\n", + "\n", + "def send(self, data, opcode=websocket.ABNF.OPCODE_TEXT):\n", + "\n", + "def send_audio(self, ws):\n", + "\n", + " def run(*args):\n", + "\n", + "def on_open(self, ws):\n", + "\n", + "def on_data(self, ws, message, message_type, fin):\n", + "\n", + "def profile(self,\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _from_dict(cls, _dict):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def _to_dict(self):\n", + "\n", + "def delete(self, symbol, date_range=None):\n", + "\n", + "def _read_preference(self, allow_secondary):\n", + "\n", + "def read(self, symbol, date_range=None, columns=None, include_images=False, allow_secondary=None,\n", + "\n", + "def write(self, symbol, data, initial_image=None, metadata=None):\n", + "\n", + "def _str_dtype(dtype):\n", + "\n", + "def max_date(self, symbol):\n", + "\n", + "def min_date(self, symbol):\n", + "\n", + "def to_chunks(self, df, **kwargs):\n", + "\n", + "def authenticate(db, user, password):\n", + "\n", + "def get_auth(host, app_name, database_name):\n", + "\n", + "def get_arctic_lib(connection_string, **kwargs):\n", + "\n", + "def do_db_auth(host, connection, db_name):\n", + "\n", + "def log_exception(fn_name, exception, retry_count, **kwargs):\n", + "\n", + "def fancy_group_by(df, grouping_level=0, aggregate_level=1, method='last', max_=None, min_=None, within=None):\n", + "\n", + "def groupby_asof(df, as_of=None, dt_col='sample_dt', asof_col='observed_dt'):\n", + "\n", + "def multi_index_insert_row(df, index_row, values_row):\n", + "\n", + "def insert_at(df, sample_date, values):\n", + "\n", + "def register_library_type(name, type_):\n", + "\n", + "def _list_libraries_cached(self, newer_than_secs=-1):\n", + "\n", + "def library_exists(self, library):\n", + "\n", + "def initialize_library(self, library, lib_type=VERSION_STORE, **kwargs):\n", + "\n", + "def delete_library(self, library):\n", + "\n", + "def get_library(self, library):\n", + "\n", + "def rename_library(self, from_lib, to_lib):\n", + "\n", + "def _parse_db_lib(cls, library):\n", + "\n", + "def set_quota(self, quota_bytes):\n", + "\n", + "def check_quota(self):\n", + "\n", + " def to_gigabytes(bytes_):\n", + "\n", + "def _checksum(self, fields, data):\n", + "\n", + "def delete(self, symbol, chunk_range=None, audit=None):\n", + "\n", + "def list_symbols(self, partial_match=None):\n", + "\n", + "def rename(self, from_symbol, to_symbol, audit=None):\n", + "\n", + "def read(self, symbol, chunk_range=None, filter_data=True, **kwargs):\n", + "\n", + "def read_audit_log(self, symbol=None):\n", + "\n", + "def write(self, symbol, item, metadata=None, chunker=DateChunker(), audit=None, **kwargs):\n", + "\n", + "def __update(self, sym, item, metadata=None, combine_method=None, chunk_range=None, audit=None):\n", + "\n", + "def append(self, symbol, item, upsert=False, metadata=None, audit=None, **kwargs):\n", + "\n", + "def update(self, symbol, item, metadata=None, chunk_range=None, upsert=False, audit=None, **kwargs):\n", + "\n", + "def get_info(self, symbol):\n", + "\n", + "def read_metadata(self, symbol):\n", + "\n", + "def write_metadata(self, symbol, metadata):\n", + "\n", + "def get_chunk_ranges(self, symbol, chunk_range=None, reverse=False):\n", + "\n", + "def iterator(self, symbol, chunk_range=None):\n", + "\n", + "def reverse_iterator(self, symbol, chunk_range=None):\n", + "\n", + "def mongo_retry(f):\n", + "\n", + " def f_retry(*args, **kwargs):\n", + "\n", + "def _start_end(date_range, dts):\n", + "\n", + "def _segment_index(self, recarr, existing_index, start, new_segments):\n", + "\n", + "def _datetime64_index(self, recarr):\n", + "\n", + "def _index_range(self, version, symbol, date_range=None, **kwargs):\n", + "\n", + "def _daterange(self, recarr, date_range):\n", + "\n", + "def get_info(self, version):\n", + "\n", + "def _resize_with_dtype(arr, dtype):\n", + "\n", + "def _update_fw_pointers(collection, symbol, version, previous_version, is_append, shas_to_add=None):\n", + "\n", + "def _spec_fw_pointers_aware(symbol, version, from_index=None, to_index=None):\n", + "\n", + "def _fw_pointers_convert_append_to_write(previous_version):\n", + "\n", + "def _index_range(self, version, symbol, from_version=None, **kwargs):\n", + "\n", + "def _do_read(self, collection, version, symbol, index_range=None):\n", + "\n", + "def add(self, date_range, library_name):\n", + "\n", + "def write(self, symbol, data):\n", + "\n", + "def _get_library_metadata(self, date_range):\n", + "\n", + "def write(self, symbol, data, prune_previous_version=True, metadata=None, **kwargs):\n", + "\n", + "def _to_records(self, df, string_max_len=None, forced_dtype=None):\n", + "\n", + "def fast_check_serializable(self, df):\n", + "\n", + "def read_apply(lib, symbol, func, chunk_range=None):\n", + "\n", + "def list_symbols(self, regex=None, as_of=None, **kwargs):\n", + "\n", + "def read_history(self, symbol):\n", + "\n", + "def read(self, symbol, as_of=None):\n", + "\n", + "def write_history(self, collection):\n", + "\n", + "def append(self, symbol, metadata, start_time=None):\n", + "\n", + "def prepend(self, symbol, metadata, start_time=None):\n", + "\n", + "def pop(self, symbol):\n", + "\n", + "def purge(self, symbol):\n", + "\n", + "def query(self, *args, **kwargs):\n", + "\n", + "def stats(self):\n", + "\n", + "def store(self, thing):\n", + "\n", + "def read(self, symbol, as_of=None, raw=False, **kwargs):\n", + "\n", + "def update(self, symbol, data, metadata=None, upsert=True, as_of=None, **kwargs):\n", + "\n", + "def string_to_daterange(str_range, delimiter='-', as_dates=False, interval=CLOSED_CLOSED):\n", + "\n", + "def to_dt(date, default_tz=None):\n", + "\n", + "def to_pandas_closed_closed(date_range, add_tz=True):\n", + "\n", + "def ms_to_datetime(ms, tzinfo=None):\n", + "\n", + "def datetime_to_ms(d):\n", + "\n", + "def utc_dt_to_local_dt(dtm):\n", + "\n", + "def intersection(self, other):\n", + "\n", + "def as_dates(self):\n", + "\n", + "def mongo_query(self):\n", + "\n", + "def get_date_bounds(self):\n", + "\n", + "def to_chunks(self, df, chunk_size='D', func=None, **kwargs):\n", + "\n", + "def to_mongo(self, range_obj):\n", + "\n", + "def filter(self, data, range_obj):\n", + "\n", + "def exclude(self, data, range_obj):\n", + "\n", + "def enable_sharding(arctic, library_name, hashed=True, key='symbol'):\n", + "\n", + "def insert_one(self, document, **kwargs):\n", + "\n", + "def insert_many(self, documents, **kwargs):\n", + "\n", + "def update_one(self, filter, update, **kwargs):\n", + "\n", + "def update_many(self, filter, update, **kwargs):\n", + "\n", + "def replace_one(self, filter, replacement, **kwargs):\n", + "\n", + "def find_one_and_replace(self, filter, replacement, **kwargs):\n", + "\n", + "def find_one_and_update(self, filter, update, **kwargs):\n", + "\n", + "def bulk_write(self, requests, **kwargs):\n", + "\n", + "def count(self, filter, **kwargs):\n", + "\n", + "def mktz(zone=None):\n", + "\n", + "def segment_id_repair(library, symbol=None):\n", + "\n", + "def multicolumn_store_with_uncompressed_write(mongo_server):\n", + "\n", + "def ndarray_store_with_uncompressed_write(mongo_server):\n", + "\n", + "def list_symbols(self, all_symbols=False, snapshot=None, regex=None, **kwargs):\n", + "\n", + "def has_symbol(self, symbol, as_of=None):\n", + "\n", + "def read_audit_log(self, symbol=None, message=None):\n", + "\n", + " def _pop_id(x):\n", + "\n", + "def list_versions(self, symbol=None, snapshot=None, latest_only=False):\n", + "\n", + "def read(self, symbol, as_of=None, date_range=None, from_version=None, allow_secondary=None, **kwargs):\n", + "\n", + "def get_info(self, symbol, as_of=None):\n", + "\n", + "def get_arctic_version(self, symbol, as_of=None):\n", + "\n", + "def read_metadata(self, symbol, as_of=None, allow_secondary=None):\n", + "\n", + "def append(self, symbol, data, metadata=None, prune_previous_version=True, upsert=True, **kwargs):\n", + "\n", + "def write(self, symbol, data, metadata=None, prune_previous_version=True, **kwargs):\n", + "\n", + "def write_metadata(self, symbol, metadata, prune_previous_version=True, **kwargs):\n", + "\n", + "def restore_version(self, symbol, as_of, prune_previous_version=True):\n", + "\n", + "def _find_prunable_version_ids(self, symbol, keep_mins):\n", + "\n", + "def _find_base_version_ids(self, symbol, version_ids):\n", + "\n", + "def _prune_previous_versions(self, symbol, keep_mins=120, keep_version=None, new_version_shas=None):\n", + "\n", + "def _delete_version(self, symbol, version_num, do_cleanup=True):\n", + "\n", + "def delete(self, symbol):\n", + "\n", + "def _write_audit(self, user, message, changed_version):\n", + "\n", + "def snapshot(self, snap_name, metadata=None, skip_symbols=None, versions=None):\n", + "\n", + "def delete_snapshot(self, snap_name):\n", + "\n", + "def stats(self):\n", + "\n", + "def _fsck(self, dry_run):\n", + "\n", + "def _cleanup_orphaned_chunks(self, dry_run):\n", + "\n", + "def _cleanup_orphaned_versions(self, dry_run):\n", + "\n", + "def enable_parallel_lz4(mode):\n", + "\n", + "def set_compression_pool_size(pool_size):\n", + "\n", + "def compress_array(str_list, withHC=LZ4_HIGH_COMPRESSION):\n", + "\n", + " def can_parallelize_strlist(strlist):\n", + "\n", + "def decompress_array(str_list):\n", + "\n", + "def _split_arrs(array_2d, slices):\n", + "\n", + "def checksum(symbol, doc):\n", + "\n", + "def cleanup(arctic_lib, symbol, version_ids, versions_coll, shas_to_delete=None, pointers_cfgs=None):\n", + "\n", + "def _define_compat_pickle_load():\n", + "\n", + "def analyze_symbol(l, sym, from_ver, to_ver, do_reads=False):\n", + "\n", + "def is_safe_to_append(l, sym, input_v):\n", + "\n", + "def is_corrupted(l, sym, input_v):\n", + "\n", + "def _convert_types(self, a):\n", + "\n", + "def docify(self, df):\n", + "\n", + "def objify(self, doc, columns=None):\n", + "\n", + "def deserialize(self, data, columns=None):\n", + "\n", + "def _create_key_manager(self, get_match_fuzzy, set_match_fuzzy,\n", + "\n", + " def handle_f2(_):\n", + "\n", + " def handle_f3(_):\n", + "\n", + " def handle_f4(_):\n", + "\n", + " def handle_f5(_):\n", + "\n", + " def handle_f9(event):\n", + "\n", + " def handle_f10(event):\n", + "\n", + "def describe_autocomplete(self, service, operation, param):\n", + "\n", + "def create_completer_query(self, service_name):\n", + "\n", + "def retrieve_candidate_values(self, service, operation, param):\n", + "\n", + "def convert_rst_to_basic_text(contents):\n", + "\n", + "def load(self, config_template, config_file=None):\n", + "\n", + "def _load_template_or_config(self, template_path, config_path):\n", + "\n", + "def _copy_template_to_config(self, template_path,\n", + "\n", + "def style_factory(self, style_name):\n", + "\n", + "def change_profile(self, profile_name):\n", + "\n", + "def autocomplete(self, line):\n", + "\n", + "def run(self, command, application):\n", + "\n", + "def run(self, command, application):\n", + "\n", + "def handle_cmd(self, command, application):\n", + "\n", + "def load_config(self):\n", + "\n", + "def save_config(self):\n", + "\n", + "def create_key_manager(self):\n", + "\n", + " def set_match_fuzzy(match_fuzzy):\n", + "\n", + " def set_enable_vi_bindings(enable_vi_bindings):\n", + "\n", + " def set_show_completion_columns(show_completion_columns):\n", + "\n", + " def set_show_help(show_help):\n", + "\n", + "def calculate_score(search_string, word):\n", + "\n", + "def substring_search(word, collection):\n", + "\n", + "def _create_toolbar_handler(self, get_match_fuzzy, get_enable_vi_bindings,\n", + "\n", + " def get_toolbar_items(cli):\n", + "\n", + "def create_default_layout(app, message='',\n", + "\n", + " def get_height(cli):\n", + "\n", + " def separator():\n", + "\n", + "def temporary_file(mode):\n", + "\n", + "def file_contents(self, filename, binary=False):\n", + "\n", + "def load_index(self, version_string):\n", + "\n", + "def load_completions(self):\n", + "\n", + "def decrypt(self, ciphertext):\n", + "\n", + "def increment(self):\n", + "\n", + "def dump(esp, _efuses, args):\n", + "\n", + "def summary(esp, efuses, args):\n", + "\n", + "def write_efuses(self):\n", + "\n", + " def wait_idle():\n", + "\n", + "def get_raw(self):\n", + "\n", + "def is_readable(self):\n", + "\n", + "def calc_crc(raw_mac):\n", + "\n", + "def apply_34_encoding(self, inbits):\n", + "\n", + " def popcnt(b):\n", + "\n", + "def contains_point( self, x, y ):\n", + "\n", + "def double( self ):\n", + "\n", + "def timeout_per_mb(seconds_per_mb, size_bytes):\n", + "\n", + "def check_supported_function(func, check_func):\n", + "\n", + " def inner(*args, **kwargs):\n", + "\n", + "def LoadFirmwareImage(chip, filename):\n", + "\n", + "def slip_reader(port, trace_function):\n", + "\n", + "def align_file_position(f, size):\n", + "\n", + "def flash_size_bytes(size):\n", + "\n", + "def pad_to(data, alignment, pad_character=b'\\xFF'):\n", + "\n", + "def _update_image_flash_params(esp, address, args, image):\n", + "\n", + "def main(custom_commandline=None):\n", + "\n", + " def add_spi_connection_arg(parent):\n", + "\n", + " def add_spi_flash_subparsers(parent, is_elf2image):\n", + "\n", + "def expand_file_arguments():\n", + "\n", + "def detect_chip(port=DEFAULT_PORT, baud=ESP_ROM_BAUD, connect_mode='default_reset', trace_enabled=False):\n", + "\n", + "def check_command(self, op_description, op=None, data=b'', chk=0, timeout=DEFAULT_TIMEOUT):\n", + "\n", + "def _connect_attempt(self, mode='default_reset', esp32r0_delay=False):\n", + "\n", + "def connect(self, mode='default_reset'):\n", + "\n", + "def read_reg(self, addr):\n", + "\n", + "def write_reg(self, addr, value, mask=0xFFFFFFFF, delay_us=0):\n", + "\n", + "def update_reg(self, addr, mask, new_val):\n", + "\n", + "def flash_defl_begin(self, size, compsize, offset):\n", + "\n", + "def flash_spi_attach(self, hspi_arg):\n", + "\n", + "def flash_set_parameters(self, size):\n", + "\n", + "def run_spiflash_command(self, spiflash_command, data=b\"\", read_bits=0):\n", + "\n", + " def set_data_lengths(mosi_bits, miso_bits):\n", + "\n", + " def set_data_lengths(mosi_bits, miso_bits):\n", + "\n", + " def wait_done():\n", + "\n", + "def read_status(self, num_bytes=2):\n", + "\n", + "def write_status(self, new_status, num_bytes=2, set_non_volatile=False):\n", + "\n", + "def chip_id(self):\n", + "\n", + "def read_mac(self):\n", + "\n", + "def get_erase_size(self, offset, size):\n", + "\n", + "def is_flash_encryption_key_valid(self):\n", + "\n", + "def get_flash_crypt_config(self):\n", + "\n", + "def read_mac(self):\n", + "\n", + "def split_image(self, split_len):\n", + "\n", + "def load_segment(self, f, is_irom_segment=False):\n", + "\n", + "def maybe_patch_segment_data(self, f, segment_data):\n", + "\n", + "def save_segment(self, f, segment, checksum=None):\n", + "\n", + "def calculate_checksum(self):\n", + "\n", + "def append_checksum(self, f, checksum):\n", + "\n", + "def save(self, basename):\n", + "\n", + "def default_output_name(self, input_file):\n", + "\n", + "def save_flash_segment(self, f, segment, checksum=None):\n", + "\n", + "def sign_digest_deterministic(self, digest, hashfunc=None, sigencode=sigencode_string):\n", + "\n", + "def sign(self, data, entropy=None, hashfunc=None, sigencode=sigencode_string, k=None):\n", + "\n", + "def wrap_stub(elf_file):\n", + "\n", + "def generate_k(order, secexp, hash_func, data):\n", + "\n", + "def get_chunks(source, chunk_len):\n", + "\n", + "def endian_swap_words(source):\n", + "\n", + "def swap_word_order(source):\n", + "\n", + "def _load_hardware_key(keyfile):\n", + "\n", + "def digest_secure_bootloader(args):\n", + "\n", + "def generate_signing_key(args):\n", + "\n", + "def sign_data(args):\n", + "\n", + "def verify_signature(args):\n", + "\n", + "def extract_public_key(args):\n", + "\n", + "def _flash_encryption_tweak_range(flash_crypt_config=0xF):\n", + "\n", + "def _flash_encryption_tweak_key(key, offset, tweak_range):\n", + "\n", + "def int_to_string( x ):\n", + "\n", + "def string_to_int( s ):\n", + "\n", + "def point_is_valid( generator, x, y ):\n", + "\n", + "def verifies( self, hash, signature ):\n", + "\n", + "def sign( self, hash, random_k ):\n", + "\n", + "def modular_exp( base, exponent, modulus ):\n", + "\n", + "def polynomial_reduce_mod( poly, polymod, p ):\n", + "\n", + "def polynomial_multiply_mod( m1, m2, polymod, p ):\n", + "\n", + "def polynomial_exp_mod( base, exponent, polymod, p ):\n", + "\n", + "def jacobi( a, n ):\n", + "\n", + "def square_root_mod_prime( a, p ):\n", + "\n", + "def inverse_mod( a, m ):\n", + "\n", + "def gcd2(a, b):\n", + "\n", + "def gcd( *a ):\n", + "\n", + "def lcm( *a ):\n", + "\n", + "def factorization( n ):\n", + "\n", + "def phi( n ):\n", + "\n", + "def carmichael_of_factorized( f_list ):\n", + "\n", + "def carmichael_of_ppower( pp ):\n", + "\n", + "def order_mod( x, m ):\n", + "\n", + "def largest_factor_relatively_prime( a, b ):\n", + "\n", + "def is_prime( n ):\n", + "\n", + "def next_prime( starting_value ):\n", + "\n", + "def _feed_stream(feeder, in_stream, out_stream, block_size = BLOCK_SIZE):\n", + "\n", + "def encrypt_stream(mode, in_stream, out_stream, block_size = BLOCK_SIZE, padding = PADDING_DEFAULT):\n", + "\n", + "def decrypt_stream(mode, in_stream, out_stream, block_size = BLOCK_SIZE, padding = PADDING_DEFAULT):\n", + "\n", + "def feed(self, data = None):\n", + "\n", + "def randrange(order, entropy=None):\n", + "\n", + "def generate_authors(git_dir):\n", + "\n", + "def _initalize_tree(self, position, momentum, slice_var, stepsize):\n", + "\n", + "def _build_tree(self, position, momentum, slice_var, direction, depth, stepsize):\n", + "\n", + "def _sample(self, position, stepsize):\n", + "\n", + "def sample(self, initial_pos, num_samples, stepsize=None, return_type='dataframe'):\n", + "\n", + "def generate_sample(self, initial_pos, num_samples, stepsize=None):\n", + "\n", + "def _build_tree(self, position, momentum, slice_var, direction, depth, stepsize, position0, momentum0):\n", + "\n", + "def sample(self, initial_pos, num_adapt, num_samples, stepsize=None, return_type='dataframe'):\n", + "\n", + "def generate_sample(self, initial_pos, num_adapt, num_samples, stepsize=None):\n", + "\n", + "def discretize(self, method, *args, **kwargs):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def normalize(self, inplace=True):\n", + "\n", + "def _operate(self, other, operation, inplace=True):\n", + "\n", + "def divide(self, other, inplace=True):\n", + "\n", + "def factor_product(*args):\n", + "\n", + "def factor_divide(phi1, phi2):\n", + "\n", + "def get_parameters(self, prior_type='BDeu', equivalent_sample_size=5, pseudo_counts=None):\n", + "\n", + "def estimate_cpd(self, node, prior_type='BDeu', pseudo_counts=[], equivalent_sample_size=5):\n", + "\n", + "def forward_sample(self, size=1, return_type='dataframe'):\n", + "\n", + "def rejection_sample(self, evidence=None, size=1, return_type=\"dataframe\"):\n", + "\n", + "def likelihood_weighted_sample(self, evidence=None, size=1, return_type=\"dataframe\"):\n", + "\n", + "def _get_kernel_from_bayesian_model(self, model):\n", + "\n", + "def _get_kernel_from_markov_model(self, model):\n", + "\n", + "def sample(self, start_state=None, size=1, return_type=\"dataframe\"):\n", + "\n", + "def generate_sample(self, start_state=None, size=1):\n", + "\n", + "def _collect_state_names(self, variable):\n", + "\n", + "def state_counts(self, variable, parents=[], complete_samples_only=None):\n", + "\n", + "def state_counts(self, variable, **kwargs):\n", + "\n", + "def add_node(self, node, **kwargs):\n", + "\n", + "def add_nodes_from(self, nodes, **kwargs):\n", + "\n", + "def add_edge(self, u, v, **kwargs):\n", + "\n", + "def add_factors(self, *factors):\n", + "\n", + "def get_factors(self, node=None):\n", + "\n", + "def get_cardinality(self, node=None):\n", + "\n", + "def get_partition_function(self):\n", + "\n", + "def check_model(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def _update_message(self, sending_cluster):\n", + "\n", + "def _local_decode(self):\n", + "\n", + "def _is_converged(self, dual_threshold=None, integrality_gap_threshold=None):\n", + "\n", + "def find_triangles(self):\n", + "\n", + "def _update_triangles(self, triangles_list):\n", + "\n", + "def _get_triplet_scores(self, triangles_list):\n", + "\n", + "def _run_mplp(self, no_iterations):\n", + "\n", + "def _tighten_triplet(self, max_iterations, later_iter, max_triplets, prolong):\n", + "\n", + "def map_query(self, init_iter=1000, later_iter=20, dual_threshold=0.0002, integrality_gap_threshold=0.0002,\n", + "\n", + "def add_edge(self, u, v, **kwargs):\n", + "\n", + "def add_factors(self, *factors):\n", + "\n", + "def get_factors(self, node=None):\n", + "\n", + "def check_model(self):\n", + "\n", + "def to_factor_graph(self):\n", + "\n", + "def triangulate(self, heuristic='H6', order=None, inplace=False):\n", + "\n", + " def _find_common_cliques(cliques_list):\n", + "\n", + " def _find_size_of_clique(clique, cardinalities):\n", + "\n", + " def _get_cliques_dict(node):\n", + "\n", + "def to_junction_tree(self):\n", + "\n", + "def get_local_independencies(self, latex=False):\n", + "\n", + "def to_bayesian_model(self):\n", + "\n", + "def get_partition_function(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def pdf(self):\n", + "\n", + "def precision_matrix(self):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + "def normalize(self, inplace=True):\n", + "\n", + "def copy(self):\n", + "\n", + "def to_canonical_factor(self):\n", + "\n", + "def _operate(self, other, operation, inplace=True):\n", + "\n", + "def product(self, other, inplace=True):\n", + "\n", + "def divide(self, other, inplace=True):\n", + "\n", + "def discretize(self, method, *args, **kwargs):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + " def reduced_pdf(*args, **kwargs):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + " def reordered_pdf(*args):\n", + "\n", + " def marginalized_pdf(*args):\n", + "\n", + "def normalize(self, inplace=True):\n", + "\n", + "def _operate(self, other, operation, inplace=True):\n", + "\n", + " def modified_pdf(*args):\n", + "\n", + "def _variable_elimination(self, variables, operation, evidence=None, elimination_order=None, joint=True):\n", + "\n", + "def query(self, variables, evidence=None, elimination_order=None, joint=True):\n", + "\n", + "def max_marginal(self, variables=None, evidence=None, elimination_order=None):\n", + "\n", + "def map_query(self, variables=None, evidence=None, elimination_order=None):\n", + "\n", + "def induced_graph(self, elimination_order):\n", + "\n", + "def induced_width(self, elimination_order):\n", + "\n", + "def _update_beliefs(self, sending_clique, recieving_clique, operation):\n", + "\n", + "def _is_converged(self, operation):\n", + "\n", + "def _calibrate_junction_tree(self, operation):\n", + "\n", + "def _query(self, variables, operation, evidence=None, joint=True):\n", + "\n", + "def query(self, variables, evidence=None, joint=True):\n", + "\n", + "def map_query(self, variables=None, evidence=None):\n", + "\n", + "def maximum_likelihood_estimator(self, data, states):\n", + "\n", + "def copy(self):\n", + "\n", + "def _pipe_segment_with_colons(align, colwidth):\n", + "\n", + "def _pipe_line_with_colons(colwidths, colaligns):\n", + "\n", + "def simple_separated_format(separator):\n", + "\n", + "def _isint(string):\n", + "\n", + "def _afterpoint(string):\n", + "\n", + "def _padleft(width, s, has_invisible=True):\n", + "\n", + "def _strip_invisible(s):\n", + "\n", + "def _visible_width(s):\n", + "\n", + "def _column_type(strings, has_invisible=True):\n", + "\n", + "def _build_simple_row(padded_cells, rowfmt):\n", + "\n", + "def _build_row(padded_cells, colwidths, colaligns, rowfmt):\n", + "\n", + "def _build_line(colwidths, colaligns, linefmt):\n", + "\n", + "def _format_table(fmt, headers, rows, colwidths, colaligns):\n", + "\n", + "def get_labels(self):\n", + "\n", + "def _lim_moment(self, u, order=1):\n", + "\n", + " def fun(x):\n", + "\n", + "def get_parameters(self):\n", + "\n", + "def estimate_cpd(self, node):\n", + "\n", + "def estimate(self, significance_level=0.01):\n", + "\n", + "def estimate_skeleton(self, significance_level=0.01):\n", + "\n", + " def is_independent(X, Y, Zs):\n", + "\n", + "def estimate_from_independencies(nodes, independencies):\n", + "\n", + "def pdag_to_dag(pdag):\n", + "\n", + "def model_to_pdag(model):\n", + "\n", + "def skeleton_to_pdag(skel, separating_sets):\n", + "\n", + "def build_skeleton(nodes, independencies):\n", + "\n", + " def is_independent(X, Y, Zs):\n", + "\n", + "def get_variable_grammar(self):\n", + "\n", + "def get_probability_grammar(self):\n", + "\n", + "def get_network_name(self):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_states(self):\n", + "\n", + "def get_property(self):\n", + "\n", + "def get_parents(self):\n", + "\n", + "def get_values(self):\n", + "\n", + "def get_edges(self):\n", + "\n", + "def get_model(self):\n", + "\n", + "def BIF_templates(self):\n", + "\n", + "def get_states(self):\n", + "\n", + "def get_properties(self):\n", + "\n", + "def get_parents(self):\n", + "\n", + "def get_cpds(self):\n", + "\n", + "def write_bif(self, filename):\n", + "\n", + "def copy(self):\n", + "\n", + "def to_joint_gaussian(self):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def _operate(self, other, operation, inplace=True):\n", + "\n", + " def _extend_K_scope(K, index):\n", + "\n", + " def _extend_h_scope(h, index):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_initial_beliefs(self):\n", + "\n", + "def get_state_transition_function(self):\n", + "\n", + "def get_obs_function(self):\n", + "\n", + "def get_reward_function(self):\n", + "\n", + "def get_parameter(self, var):\n", + "\n", + "def get_parameter_tbl(self, parameter):\n", + "\n", + "def get_parameter_dd(self, parameter):\n", + "\n", + " def get_param(node):\n", + "\n", + "def _add_value_enum(self, var, tag):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def add_parameter_dd(self, dag_tag, node_dict):\n", + "\n", + "def add_conditions(self, condition, condprob):\n", + "\n", + "def add_initial_belief(self):\n", + "\n", + "def add_state_transition_function(self):\n", + "\n", + "def add_obs_function(self):\n", + "\n", + "def add_reward_function(self):\n", + "\n", + "def get_grammar(self):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_domain(self):\n", + "\n", + "def get_edges(self):\n", + "\n", + "def get_tables(self):\n", + "\n", + "def get_model(self):\n", + "\n", + "def get_domain(self):\n", + "\n", + "def get_functions(self):\n", + "\n", + "def get_tables(self):\n", + "\n", + "def write_uai(self, filename):\n", + "\n", + "def local_score(self, variable, parents):\n", + "\n", + "def _clean_check(cmd, target):\n", + "\n", + "def download_file_powershell(url, target):\n", + "\n", + "def download_setuptools(version=DEFAULT_VERSION, download_base=DEFAULT_URL,\n", + "\n", + "def _parse_args():\n", + "\n", + "def add_edge(self, u, v, **kwargs):\n", + "\n", + "def remove_node(self, node):\n", + "\n", + "def add_cpds(self, *cpds):\n", + "\n", + "def get_cpds(self, node=None):\n", + "\n", + "def remove_cpds(self, *cpds):\n", + "\n", + "def get_cardinality(self, node=None):\n", + "\n", + "def check_model(self):\n", + "\n", + "def to_markov_model(self):\n", + "\n", + "def fit(self, data, estimator=None, state_names=[], complete_samples_only=True, **kwargs):\n", + "\n", + "def predict(self, data):\n", + "\n", + "def predict_probability(self, data):\n", + "\n", + "def is_imap(self, JPD):\n", + "\n", + "def copy(self):\n", + "\n", + "def get_values(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def normalize(self, inplace=True):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + "def reorder_parents(self, new_order, inplace=True):\n", + "\n", + "def add_cpds(self, *cpds):\n", + "\n", + "def to_joint_gaussian(self):\n", + "\n", + "def check_model(self):\n", + "\n", + "def factorset_product(*factorsets_list):\n", + "\n", + "def factorset_divide(factorset1, factorset2):\n", + "\n", + "def product(self, factorset, inplace=True):\n", + "\n", + "def divide(self, factorset, inplace=True):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def add_node(self, node, **attr):\n", + "\n", + "def _nodes(self):\n", + "\n", + "def add_edge(self, start, end, **kwargs):\n", + "\n", + "def add_edges_from(self, ebunch, **kwargs):\n", + "\n", + "def get_intra_edges(self, time_slice=0):\n", + "\n", + "def get_interface_nodes(self, time_slice=0):\n", + "\n", + "def get_slice_nodes(self, time_slice=0):\n", + "\n", + "def add_cpds(self, *cpds):\n", + "\n", + "def get_cpds(self, node=None, time_slice=0):\n", + "\n", + "def remove_cpds(self, *cpds):\n", + "\n", + "def check_model(self):\n", + "\n", + "def initialize_initial_state(self):\n", + "\n", + "def moralize(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def _legal_operations(self, model, tabu_list=[], max_indegree=None):\n", + "\n", + "def estimate(self, start=None, tabu_length=0, max_indegree=None):\n", + "\n", + "def get_elimination_order(self, nodes=None):\n", + "\n", + "def cost(self, node):\n", + "\n", + "def cost(self, node):\n", + "\n", + "def get_static_properties(self):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_edges(self):\n", + "\n", + "def get_distributions(self):\n", + "\n", + "def get_model(self):\n", + "\n", + "def set_analysisnotebook(self, **data):\n", + "\n", + "def set_static_properties(self, **data):\n", + "\n", + "def set_variables(self, data):\n", + "\n", + "def set_edges(self, edge_list):\n", + "\n", + "def set_distributions(self):\n", + "\n", + "def add_edge(self, u, v, **kwargs):\n", + "\n", + "def check_model(self):\n", + "\n", + "def get_variable_nodes(self):\n", + "\n", + "def get_factor_nodes(self):\n", + "\n", + "def to_markov_model(self):\n", + "\n", + "def get_factors(self, node=None):\n", + "\n", + "def local_score(self, variable, parents):\n", + "\n", + "def _get_clique(self, junction_tree, nodes):\n", + "\n", + "def _get_evidence(self, evidence_dict, time_slice, shift):\n", + "\n", + "def _marginalize_factor(self, nodes, factor):\n", + "\n", + "def _update_belief(self, belief_prop, clique, clique_potential, message=None):\n", + "\n", + "def _get_factor(self, belief_prop, evidence):\n", + "\n", + "def _shift_factor(self, factor, shift):\n", + "\n", + "def forward_inference(self, variables, evidence=None, args=None):\n", + "\n", + "def backward_inference(self, variables, evidence=None):\n", + "\n", + "def query(self, variables, evidence=None, args='exact'):\n", + "\n", + "def add_node(self, node, weight=None):\n", + "\n", + "def add_nodes_from(self, nodes, weights=None):\n", + "\n", + "def add_edge(self, u, v, weight=None):\n", + "\n", + "def add_edges_from(self, ebunch, weights=None):\n", + "\n", + "def moralize(self):\n", + "\n", + "def get_roots(self):\n", + "\n", + "def get_independencies(self, latex=False):\n", + "\n", + "def local_independencies(self, variables):\n", + "\n", + " def dfs(node):\n", + "\n", + "def is_iequivalent(self, model):\n", + "\n", + "def get_immoralities(self):\n", + "\n", + "def is_active_trail(self, start, end, observed=None):\n", + "\n", + "def get_markov_blanket(self, node):\n", + "\n", + "def active_trail_nodes(self, variables, observed=None):\n", + "\n", + "def _get_ancestors_of(self, obs_nodes_list):\n", + "\n", + "def add_edge(self, u, v, **kwargs):\n", + "\n", + "def check_model(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def generate_probmodelxml(model, encoding='utf-8', prettyprint=True):\n", + "\n", + "def write_probmodelxml(model, path, encoding='utf-8', prettyprint=True):\n", + "\n", + "def get_probmodel_data(model):\n", + "\n", + "def _add_additional_properties(position, properties_dict):\n", + "\n", + "def _add_variable(self, variable):\n", + "\n", + "def _add_link(self, edge):\n", + "\n", + "def _add_constraint(self, constraint):\n", + "\n", + "def _add_decision_criteria(self, criteria_dict):\n", + "\n", + "def _add_potential(self, potential, parent_tag):\n", + "\n", + "def _add_element(potential, var, potential_tag):\n", + "\n", + "def dump(self, stream):\n", + "\n", + "def write_file(self, filename):\n", + "\n", + "def create_probnet(self):\n", + "\n", + "def add_probnet_additionalconstraints(self, constraint):\n", + "\n", + "def add_criterion(self, criterion):\n", + "\n", + "def add_node(self, variable):\n", + "\n", + "def add_edge(self, edge):\n", + "\n", + "def add_potential(self, potential, potential_dict):\n", + "\n", + "def get_model(self):\n", + "\n", + "def all_dags(self, nodes=None):\n", + "\n", + "def all_scores(self):\n", + "\n", + "def estimate(self):\n", + "\n", + "def add_variables(self, variables, cardinality, inhibitor_probability):\n", + "\n", + "def del_variables(self, variables):\n", + "\n", + "def _return_samples(return_type, samples):\n", + "\n", + "def _get_gradient_log_pdf(self):\n", + "\n", + "def _get_proposed_values(self):\n", + "\n", + "def get_cardinality(self, variables):\n", + "\n", + "def assignment(self, index):\n", + "\n", + "def identity_factor(self):\n", + "\n", + "def marginalize(self, variables, inplace=True):\n", + "\n", + "def normalize(self, inplace=True):\n", + "\n", + "def reduce(self, values, inplace=True):\n", + "\n", + "def sum(self, phi1, inplace=True):\n", + "\n", + "def divide(self, phi1, inplace=True):\n", + "\n", + "def copy(self):\n", + "\n", + "def _str(self, phi_or_p=\"phi\", tablefmt=\"grid\", print_state_names=True):\n", + "\n", + "def _check_1d_array_object(parameter, name_param):\n", + "\n", + "def _check_length_equal(param_1, param_2, name_param_1, name_param_2):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_edges(self):\n", + "\n", + "def get_states(self):\n", + "\n", + "def get_parents(self):\n", + "\n", + "def get_values(self):\n", + "\n", + "def get_property(self):\n", + "\n", + "def get_variables(self):\n", + "\n", + "def get_states(self):\n", + "\n", + "def _make_valid_state_name(self, state_name):\n", + "\n", + "def get_properties(self):\n", + "\n", + "def get_definition(self):\n", + "\n", + "def get_values(self):\n", + "\n", + "def write_xmlbif(self, filename):\n", + "\n", + "def marginal_distribution(self, variables, inplace=True):\n", + "\n", + "def check_independence(self, event1, event2, event3=None, condition_random_variable=False):\n", + "\n", + "def get_independencies(self, condition=None):\n", + "\n", + "def conditional_distribution(self, values, inplace=True):\n", + "\n", + "def minimal_imap(self, order):\n", + "\n", + " def get_subsets(u):\n", + "\n", + "def is_imap(self, model):\n", + "\n", + "def _acceptance_prob(self, position, position_bar, momentum, momentum_bar):\n", + "\n", + "def _get_condition(self, acceptance_prob, a):\n", + "\n", + "def _find_reasonable_stepsize(self, position, stepsize_app=1):\n", + "\n", + "def _sample(self, position, trajectory_length, stepsize, lsteps=None):\n", + "\n", + "def sample(self, initial_pos, num_samples, trajectory_length, stepsize=None, return_type='dataframe'):\n", + "\n", + "def generate_sample(self, initial_pos, num_samples, trajectory_length, stepsize=None):\n", + "\n", + "def _adapt_params(self, stepsize, stepsize_bar, h_bar, mu, index_i, alpha, n_alpha=1):\n", + "\n", + "def generate_sample(self, initial_pos, num_adapt, num_samples, trajectory_length, stepsize=None):\n", + "\n", + "def is_list_of_states(self, arg):\n", + "\n", + "def is_list_of_list_of_states(self, arg):\n", + "\n", + "def add_edge(self, u, v, weight=None):\n", + "\n", + "def is_clique(self, nodes):\n", + "\n", + "def set_start_state(self, start_state):\n", + "\n", + "def _check_state(self, state):\n", + "\n", + "def add_variable(self, variable, card=0):\n", + "\n", + "def add_variables_from(self, variables, cards):\n", + "\n", + "def add_transition_model(self, variable, transition_model):\n", + "\n", + "def sample(self, start_state=None, size=1):\n", + "\n", + "def prob_from_sample(self, state, sample=None, window_size=None):\n", + "\n", + "def generate_sample(self, start_state=None, size=1):\n", + "\n", + "def is_stationarity(self, tolerance=0.2, sample=None):\n", + "\n", + "def random_state(self):\n", + "\n", + "def copy(self):\n", + "\n", + "def contains(self, assertion):\n", + "\n", + "def add_assertions(self, *assertions):\n", + "\n", + "def closure(self):\n", + "\n", + " def single_var(var):\n", + "\n", + " def sg0(ind):\n", + "\n", + " def apply_left_and_right(func):\n", + "\n", + " def symmetric_func(*args):\n", + "\n", + " def sg1(ind):\n", + "\n", + " def sg2(ind):\n", + "\n", + " def sg3(ind1, ind2):\n", + "\n", + "def entails(self, entailed_independencies):\n", + "\n", + "def add_edge(self, u, v, *kwargs):\n", + "\n", + "def _get_ancestors_of(self, obs_nodes_list):\n", + "\n", + "def active_trail_nodes(self, start, observed=None):\n", + "\n", + "def local_independencies(self, variables):\n", + "\n", + "def fit(self, data, parent_node=None, estimator=None):\n", + "\n", + "def score(self, model):\n", + "\n", + "def local_score(self, variable, parents):\n", + "\n", + "def cartesian(arrays, out=None):\n", + "\n", + "def sample_discrete(values, weights, size=1):\n", + "\n", + "def powerset(l):\n", + "\n", + "def clean_draft_pages_from_space(confluence, space_key, count, date_now):\n", + "\n", + "def clean_all_draft_pages_from_all_spaces(confluence, days=30):\n", + "\n", + "def get_page_child_by_type(self, page_id, type='page', start=None, limit=None):\n", + "\n", + "def get_page_by_title(self, space, title, start=None, limit=None):\n", + "\n", + "def get_page_by_id(self, page_id, expand=None):\n", + "\n", + "def get_page_labels(self, page_id, prefix=None, start=None, limit=None):\n", + "\n", + "def get_draft_page_by_id(self, page_id, status='draft'):\n", + "\n", + "def get_all_pages_by_label(self, label, start=0, limit=50):\n", + "\n", + "def get_all_pages_from_space(self, space, start=0, limit=500, status=None):\n", + "\n", + "def get_all_pages_from_space_trash(self, space, start=0, limit=500, status='trashed'):\n", + "\n", + "def get_all_draft_pages_from_space(self, space, start=0, limit=500, status='draft'):\n", + "\n", + "def get_all_draft_pages_from_space_through_cql(self, space, start=0, limit=500, status='draft'):\n", + "\n", + "def remove_page(self, page_id, status=None, recursive=False):\n", + "\n", + "def create_page(self, space, title, body, parent_id=None, type='page'):\n", + "\n", + "def get_all_spaces(self, start=0, limit=500):\n", + "\n", + "def add_comment(self, page_id, text):\n", + "\n", + "def attach_file(self, filename, page_id=None, title=None, space=None, comment=None):\n", + "\n", + "def set_page_label(self, page_id, label):\n", + "\n", + "def remove_content_history(self, page_id, version_number):\n", + "\n", + "def remove_content_history_in_cloud(self, page_id, version_id):\n", + "\n", + "def has_unknown_attachment_error(self, page_id):\n", + "\n", + "def is_page_content_is_already_updated(self, page_id, body):\n", + "\n", + "def update_page(self, parent_id, page_id, title, body, type='page',\n", + "\n", + "def update_or_create(self, parent_id, title, body):\n", + "\n", + "def set_page_property(self, page_id, data):\n", + "\n", + "def delete_page_property(self, page_id, page_property):\n", + "\n", + "def get_page_property(self, page_id, page_property_key):\n", + "\n", + "def get_page_properties(self, page_id):\n", + "\n", + "def get_page_ancestors(self, page_id):\n", + "\n", + "def clean_package_cache(self, cache_name='com.gliffy.cache.gon'):\n", + "\n", + "def get_all_groups(self, start=0, limit=1000):\n", + "\n", + "def get_group_members(self, group_name='confluence-users', start=0, limit=1000):\n", + "\n", + "def get_space(self, space_key, expand='description.plain,homepage'):\n", + "\n", + "def get_user_details_by_username(self, username, expand=None):\n", + "\n", + "def get_user_details_by_userkey(self, userkey, expand=None):\n", + "\n", + "def cql(self, cql, start=0, limit=None, expand=None, include_archived_spaces=None, excerpt=None):\n", + "\n", + "def get_page_as_pdf(self, page_id):\n", + "\n", + "def get_descendant_page_id(self, space, parent_id, title):\n", + "\n", + "def health_check(self):\n", + "\n", + "def reindex(self, comments=True, change_history=True, worklogs=True):\n", + "\n", + "def jql(self, jql, fields='*all', start=0, limit=None):\n", + "\n", + "def csv(self, jql, limit=1000):\n", + "\n", + "def user_update(self, username, data):\n", + "\n", + "def user_update_email(self, username, email):\n", + "\n", + "def user_deactivate(self, username):\n", + "\n", + "def user_disable_throw_rest_endpoint(self, username, url='rest/scriptrunner/latest/custom/disableUser',\n", + "\n", + "def user_get_websudo(self):\n", + "\n", + "def user_find_by_user_string(self, username, start=0, limit=50, include_inactive_users=False, include_active_users=True):\n", + "\n", + "def get_project_versions(self, key, expand=None):\n", + "\n", + "def get_project_versions_paginated(self, key, start=None, limit=None, order_by=None, expand=None):\n", + "\n", + "def get_project_actors_for_role_project(self, project_key, role_id):\n", + "\n", + "def delete_project_actors(self, project_key, role_id, actor, actor_type=None):\n", + "\n", + "def update_project(self, project_key, data, expand=None):\n", + "\n", + "def get_custom_fields(self, search=None, start=1, limit=50):\n", + "\n", + "def get_issue_labels(self, issue_key):\n", + "\n", + "def get_all_assignable_users_for_project(self, project_key, start=0, limit=50):\n", + "\n", + "def get_groups(self, query=None, exclude=None, limit=20):\n", + "\n", + "def create_group(self, name):\n", + "\n", + "def remove_group(self, name, swap_group=None):\n", + "\n", + "def get_all_users_from_group(self, group, include_inactive_users=False, start=0, limit=50):\n", + "\n", + "def add_user_to_group(self, username, group_name):\n", + "\n", + "def remove_user_from_group(self, username, group_name):\n", + "\n", + "def issue_add_comment(self, issue_key, comment, visibility=None):\n", + "\n", + "def add_attachment(self, issue_key, filename):\n", + "\n", + "def get_issue_remotelinks(self, issue_key, global_id=None, internal_id=None):\n", + "\n", + "def get_issue_remote_links(self, issue_key, global_id=None, internal_id=None):\n", + "\n", + "def create_or_update_issue_remote_links(self, issue_key, link_url, title, global_id=None, relationship=None):\n", + "\n", + "def update_issue_remote_link_by_id(self, issue_key, link_id, url, title, global_id=None, relationship=None):\n", + "\n", + "def delete_issue_remote_link_by_id(self, issue_key, link_id):\n", + "\n", + "def create_issue_link_type(self, link_type_name, inward, outward):\n", + "\n", + "def get_issue_link_type(self, issue_link_type_id):\n", + "\n", + "def delete_issue_link_type(self, issue_link_type_id):\n", + "\n", + "def update_issue_link_type(self, issue_link_type_id, data):\n", + "\n", + "def get_component_related_issues(self, component_id):\n", + "\n", + "def upload_plugin(self, plugin_path):\n", + "\n", + "def get_all_permissionschemes(self, expand=None):\n", + "\n", + "def get_permissionscheme(self, permission_id, expand=None):\n", + "\n", + "def set_permissionscheme_grant(self, permission_id, new_permission):\n", + "\n", + "def tempo_account_get_accounts(self, skip_archived=None, expand=None):\n", + "\n", + "def tempo_account_associate_with_jira_project(self, account_id, project_id,\n", + "\n", + "def tempo_account_add_account(self, data=None):\n", + "\n", + "def tempo_account_delete_account_by_id(self, account_id):\n", + "\n", + "def tempo_account_get_all_account_by_customer_id(self, customer_id):\n", + "\n", + "def tempo_account_get_customers(self, query=None, count_accounts=None):\n", + "\n", + "def tempo_account_add_customer(self, data=None):\n", + "\n", + "def tempo_account_get_customer_by_id(self, customer_id=1):\n", + "\n", + "def tempo_account_update_customer_by_id(self, customer_id=1, data=None):\n", + "\n", + "def tempo_account_delete_customer_by_id(self, customer_id=1):\n", + "\n", + "def tempo_account_export_accounts(self):\n", + "\n", + "def get_all_agile_boards(self, board_name=None, project_key=None, board_type=None, start=0, limit=50):\n", + "\n", + "def get_agile_board(self, board_id):\n", + "\n", + "def get_agile_board_configuration(self, board_id):\n", + "\n", + "def delete_agile_board(self, board_id):\n", + "\n", + "def create_customer(self, full_name, email):\n", + "\n", + "def create_customer_request(self, service_desk_id, request_type_id, values_dict, raise_on_behalf_of=None):\n", + "\n", + "def get_customer_request_status(self, issue_id_or_key):\n", + "\n", + "def get_customer_transitions(self, issue_id_or_key):\n", + "\n", + "def get_request_participants(self, issue_id_or_key, start=0, limit=50):\n", + "\n", + "def add_request_participants(self, issue_id_or_key, users_list):\n", + "\n", + "def remove_request_participants(self, issue_id_or_key, users_list):\n", + "\n", + "def perform_transition(self, issue_id_or_key, transition_id, comment=None):\n", + "\n", + "def create_request_comment(self, issue_id_or_key, body, public=True):\n", + "\n", + "def get_organisations(self, service_desk_id=None, start=0, limit=50):\n", + "\n", + "def get_organization(self, organization_id):\n", + "\n", + "def get_users_in_organization(self, organization_id, start=0, limit=50):\n", + "\n", + "def create_organization(self, name):\n", + "\n", + "def add_organization(self, service_desk_id, organization_id):\n", + "\n", + "def remove_organization(self, service_desk_id, organization_id):\n", + "\n", + "def delete_organization(self, organization_id):\n", + "\n", + "def add_users_to_organization(self, organization_id, users_list):\n", + "\n", + "def remove_users_from_organization(self, organization_id, users_list):\n", + "\n", + "def create_attachment(self, service_desk_id, issue_id_or_key, filename, public=True, comment=None):\n", + "\n", + "def attach_temporary_file(self, service_desk_id, filename):\n", + "\n", + "def add_attachment(self, issue_id_or_key, temp_attachment_id, public=True, comment=None):\n", + "\n", + "def get_sla_by_id(self, issue_id_or_key, sla_id):\n", + "\n", + "def get_approvals(self, issue_id_or_key, start=0, limit=50):\n", + "\n", + "def get_approval_by_id(self, issue_id_or_key, approval_id):\n", + "\n", + "def answer_approval(self, issue_id_or_key, approval_id, decision):\n", + "\n", + "def get_queue_settings(self, project_key):\n", + "\n", + "def add_customers(self, service_desk_id, list_of_usernames):\n", + "\n", + "def get_queues(self, service_desk_id, include_count=False, start=0, limit=50):\n", + "\n", + "def get_issues_in_queue(self, service_desk_id, queue_id, start=0, limit=50):\n", + "\n", + "def _get_generator(self, path, elements_key='results', element_key='result', data=None, flags=None,\n", + "\n", + "def project_plans(self, project_key):\n", + "\n", + "def results(self, project_key=None, plan_key=None, job_key=None, build_number=None, expand=None, favourite=False,\n", + "\n", + "def plan_results(self, project_key, plan_key, expand=None, favourite=False, clover_enabled=False, label=None,\n", + "\n", + "def build_result(self, build_key, expand=None):\n", + "\n", + "def deployment_dashboard(self, project_id=None):\n", + "\n", + "def plan_branches(self, plan_key, expand=None, favourite=False, clover_enabled=False, max_results=25):\n", + "\n", + "def is_email(string):\n", + "\n", + "def html_email(email, title=None):\n", + "\n", + "def html_list(data):\n", + "\n", + "def html_table_header_row(data):\n", + "\n", + "def html_row_with_ordered_headers(data, headers):\n", + "\n", + "def html_table_from_dict(data, ordering):\n", + "\n", + "def get_plugins_info(self, limit=10, offset=10):\n", + "\n", + "def get_vendors_info(self, limit=10, offset=10):\n", + "\n", + "def get_application_info(self, limit=10, offset=10):\n", + "\n", + "def project_list(self, limit=None):\n", + "\n", + "def project(self, key):\n", + "\n", + "def create_project(self, key, name, description=\"\"):\n", + "\n", + "def project_users_with_administrator_permissions(self, key):\n", + "\n", + "def project_groups(self, key, limit=99999, filter_str=None):\n", + "\n", + "def repo_groups(self, project_key, repo_key, limit=99999, filter_str=None):\n", + "\n", + "def group_members(self, group, limit=99999):\n", + "\n", + "def all_project_administrators(self):\n", + "\n", + "def repo_list(self, project_key, start=None, limit=25):\n", + "\n", + "def create_repo(self, project_key, repository, forkable=False, is_private=True):\n", + "\n", + "def repo_all_list(self, project_key):\n", + "\n", + "def get_branches(self, project, repository, base=None, filter=None, start=0, limit=99999, details=True,\n", + "\n", + "def create_branch(self, project_key, repository, name, start_point, message=\"\"):\n", + "\n", + "def delete_branch(self, project, repository, name, end_point):\n", + "\n", + "def get_pull_requests(self, project, repository, state='OPEN', order='newest', limit=100, start=0):\n", + "\n", + "def get_pull_requests_activities(self, project, repository, pull_request_id):\n", + "\n", + "def get_pull_requests_changes(self, project, repository, pull_request_id):\n", + "\n", + "def get_pull_requests_commits(self, project, repository, pull_request_id):\n", + "\n", + "def add_pull_request_comment(self, project, repository, pull_request_id, text):\n", + "\n", + "def get_pullrequest(self, project, repository, pull_request_id):\n", + "\n", + "def get_tags(self, project, repository, filter='', limit=1000, order_by=None, start=0):\n", + "\n", + "def get_project_tags(self, project, repository, tag_name):\n", + "\n", + "def set_tag(self, project, repository, tag_name, commit_revision, description=None):\n", + "\n", + "def delete_tag(self, project, repository, tag_name):\n", + "\n", + "def get_commits(self, project, repository, hash_oldest, hash_newest, limit=99999):\n", + "\n", + "def get_commit_info(self, project, repository, commit, path=None):\n", + "\n", + "def get_changelog(self, project, repository, ref_from, ref_to, limit=99999):\n", + "\n", + "def get_file_list(self, project, repository, query, limit=100000):\n", + "\n", + "def get_content_of_file(self, project, repository, filename, at=None, markup=None):\n", + "\n", + "def get_branches_permissions(self, project, repository, limit=25):\n", + "\n", + "def reindex_repo_dev_panel(self, project, repository):\n", + "\n", + "def fork_repository(self, project, repository, new_repository):\n", + "\n", + "def get_branching_model(self, project, repository):\n", + "\n", + "def set_branching_model(self, project, repository, data):\n", + "\n", + "def enable_branching_model(self, project, repository):\n", + "\n", + "def disable_branching_model(self, project, repository):\n", + "\n", + "def get(self, path, data=None, flags=None, params=None, headers=None, not_json_response=None):\n", + "\n", + "def delete(self, path, data=None, headers=None, params=None):\n", + "\n", + "def check_unknown_attachment_in_space(confluence, space_key):\n", + "\n", + "def search_word(confluence, word):\n", + "\n", + "def search_word_in_space(confluence, space, word):\n", + "\n", + "def clean_pages_from_space(confluence, space_key, limit=500):\n", + "\n", + "def clean_all_trash_pages_from_all_spaces(confluence):\n", + "\n", + "def get_all_page_ids_from_space(confluence, space_key):\n", + "\n", + "def threshold(self, value):\n", + "\n", + "def post_to_url(self, value):\n", + "\n", + "def get(self):\n", + "\n", + "def content(self, value):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def _default_headers(self):\n", + "\n", + "def send(self, message):\n", + "\n", + "def _ensure_append(self, new_items, append_to, index=0):\n", + "\n", + "def _ensure_insert(self, new_items, insert_to):\n", + "\n", + "def _flatten_dicts(self, dicts):\n", + "\n", + "def add_personalization(self, personalization, index=0):\n", + "\n", + "def to(self, to_emails, global_substitutions=None, is_multiple=False, p=0):\n", + "\n", + "def cc(self, cc_emails, global_substitutions=None, is_multiple=False, p=0):\n", + "\n", + "def subject(self, value):\n", + "\n", + "def header(self, headers):\n", + "\n", + "def add_header(self, header):\n", + "\n", + "def substitution(self, substitution):\n", + "\n", + "def add_substitution(self, substitution):\n", + "\n", + "def custom_arg(self, custom_arg):\n", + "\n", + "def add_custom_arg(self, custom_arg):\n", + "\n", + "def send_at(self, value):\n", + "\n", + "def dynamic_template_data(self, value):\n", + "\n", + "def from_email(self, value):\n", + "\n", + "def reply_to(self, value):\n", + "\n", + "def content(self, contents):\n", + "\n", + "def add_content(self, content, mime_type=None):\n", + "\n", + "def attachment(self, attachment):\n", + "\n", + "def add_attachment(self, attachment):\n", + "\n", + "def template_id(self, value):\n", + "\n", + "def section(self, section):\n", + "\n", + "def add_section(self, section):\n", + "\n", + "def category(self, categories):\n", + "\n", + "def add_category(self, category):\n", + "\n", + "def get(self):\n", + "\n", + "def from_EmailMessage(cls, message):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def name(self, value):\n", + "\n", + "def parse_email(self, email_info):\n", + "\n", + "def get(self):\n", + "\n", + "def groups_to_display(self, value):\n", + "\n", + "def group_id(self, value):\n", + "\n", + "def groups_to_display(self, value):\n", + "\n", + "def get(self):\n", + "\n", + "def validate_message_dict(self, request_body):\n", + "\n", + "def validate_message_text(self, message_string):\n", + "\n", + "def get_mock_personalization_dict():\n", + "\n", + "def build_attachment1():\n", + "\n", + "def build_attachment2():\n", + "\n", + "def build_kitchen_sink():\n", + "\n", + "def init_environment():\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def key_values(self):\n", + "\n", + "def get_raw_email(self):\n", + "\n", + "def attachments(self):\n", + "\n", + "def format_ret(return_set, as_json=False):\n", + "\n", + "def unassigned(data, as_json=False):\n", + "\n", + "def add_to(self, email):\n", + "\n", + "def add_substitution(self, substitution):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def get(self):\n", + "\n", + "def file_content(self, value):\n", + "\n", + "def file_name(self, value):\n", + "\n", + "def file_type(self, value):\n", + "\n", + "def disposition(self, value):\n", + "\n", + "def content_id(self, value):\n", + "\n", + "def get(self):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _check_classifier(classifier):\n", + "\n", + "def _check_image(self, X):\n", + "\n", + "def image_predict(self, X):\n", + "\n", + "def image_predict_proba(self, X):\n", + "\n", + "def _to_patches(self, X):\n", + "\n", + "def image_predict(self, X):\n", + "\n", + "def image_predict_proba(self, X):\n", + "\n", + "def _to_patches(self, X):\n", + "\n", + "def image_predict(self, X):\n", + "\n", + "def image_predict_proba(self, X):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _parse_execution_args(execution_args):\n", + "\n", + "def run(self, workers=1):\n", + "\n", + "def _execute_workflow(cls, process_args):\n", + "\n", + "def make_report(self):\n", + "\n", + "def onscroll(self, event):\n", + "\n", + "def update(self):\n", + "\n", + "def _get_data_to_display(self, eopatch):\n", + "\n", + "def execute(self, eopatch, title=None, colorbar=False):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _get_wms_request(self, bbox, size_x, size_y):\n", + "\n", + "def _reproject(self, eopatch, src_raster):\n", + "\n", + "def _map_from_binaries(self, eopatch, dst_shape, request_data):\n", + "\n", + "def _map_from_multiclass(self, eopatch, dst_shape, request_data):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _get_parameter(self, name, eopatch):\n", + "\n", + "def _prepare_request_data(self, eopatch, bbox, time_interval):\n", + "\n", + "def _add_data(self, eopatch, data):\n", + "\n", + "def _add_meta_info(self, eopatch, request_params, service_type):\n", + "\n", + "def execute(self, eopatch=None, bbox=None, time_interval=None):\n", + "\n", + "def get_s2_pixel_cloud_detector(threshold=0.4, average_over=4, dilation_size=2, all_bands=True):\n", + "\n", + "def _get_wms_request(self, bbox, time_interval, size_x, size_y, maxcc, time_difference, custom_url_params):\n", + "\n", + "def _get_wcs_request(self, bbox, time_interval, size_x, size_y, maxcc, time_difference, custom_url_params):\n", + "\n", + "def _get_rescale_factors(self, reference_shape, meta_info):\n", + "\n", + "def _downscaling(self, hr_array, meta_info, interp='linear', smooth=True):\n", + "\n", + "def _upsampling(lr_array, rescale, reference_shape, interp='linear'):\n", + "\n", + "def _make_request(self, bbox, meta_info, timestamps):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _execute_handling(self, *eopatches, **kwargs):\n", + "\n", + "def _parse_features(features, new_names=False, rename_function=None, default_feature_type=None,\n", + "\n", + "def process_readme():\n", + "\n", + "def get_common_timestamps(source, target):\n", + "\n", + "def deep_eq(fst_obj, snd_obj):\n", + "\n", + "def negate_mask(mask):\n", + "\n", + "def constant_pad(X, multiple_of, up_down_rule='even', left_right_rule='even', pad_value=0):\n", + "\n", + "def _parse_features(features, new_names):\n", + "\n", + "def _parse_dict(features, new_names):\n", + "\n", + "def _parse_list(features, new_names):\n", + "\n", + "def _parse_tuple(features, new_names):\n", + "\n", + "def _parse_feature_names(feature_names, new_names):\n", + "\n", + "def _parse_names_set(feature_names):\n", + "\n", + "def _parse_names_dict(feature_names):\n", + "\n", + "def _parse_names_tuple(feature_names, new_names):\n", + "\n", + "def _check_feature_types(self):\n", + "\n", + "def _get_features(self, eopatch=None):\n", + "\n", + "def _find_feature_type(self, feature_name, eopatch):\n", + "\n", + "def _return_feature(self, feature_type, feature_name, new_feature_name=...):\n", + "\n", + "def _parse_dependencies(dependencies, task_names):\n", + "\n", + "def _set_task_uuid(self, dependencies):\n", + "\n", + "def create_dag(self, dependencies):\n", + "\n", + "def _schedule_dependencies(dag):\n", + "\n", + "def make_linear_workflow(*tasks, **kwargs):\n", + "\n", + "def execute(self, input_args=None, monitor=False):\n", + "\n", + "def parse_input_args(input_args):\n", + "\n", + "def _execute_tasks(self, *, input_args, out_degs, monitor):\n", + "\n", + "def _execute_task(self, *, dependency, input_args, intermediate_results, monitor):\n", + "\n", + "def _relax_dependencies(self, *, dependency, out_degrees, intermediate_results):\n", + "\n", + "def get_tasks(self):\n", + "\n", + "def get_dot(self):\n", + "\n", + "def _get_dep_to_dot_name_mapping(dependencies):\n", + "\n", + "def dependency_graph(self, filename=None):\n", + "\n", + "def _make_tasks_unique(tasks):\n", + "\n", + "def items(self):\n", + "\n", + "def get(self, key, default=None):\n", + "\n", + "def get_operation(cls, morph_type):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def process(self, raster):\n", + "\n", + "def get_outdegrees(self):\n", + "\n", + "def add_edge(self, u_vertex, v_vertex):\n", + "\n", + "def del_edge(self, u_vertex, v_vertex):\n", + "\n", + "def add_vertex(self, vertex):\n", + "\n", + "def del_vertex(self, vertex):\n", + "\n", + "def from_edges(edges):\n", + "\n", + "def _is_cyclic(dag):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def ndim(self):\n", + "\n", + "def type(self):\n", + "\n", + "def split_by_extensions(filename):\n", + "\n", + "def reset_counters(self):\n", + "\n", + "def _count_truth_pixels(self):\n", + "\n", + "def _count_classified_pixels(self):\n", + "\n", + "def add_validation_patch(self, patch):\n", + "\n", + "def validate(self):\n", + "\n", + "def save(self, filename):\n", + "\n", + "def pandas_df(self):\n", + "\n", + "def confusion_matrix(self):\n", + "\n", + "def plot_confusion_matrix(self, normalised=True):\n", + "\n", + "def summary(self, scoring):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def ransac(npts, model, n, k, t, d):\n", + "\n", + "def random_partition(n, n_data):\n", + "\n", + "def estimate_rigid_transformation(self, idx):\n", + "\n", + "def score(self, idx, warp_matrix):\n", + "\n", + "def rolling_window(array, window=(0,), asteps=None, wsteps=None, axes=None, toend=True):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def warp(self, warp_matrix, img, iflag=cv2.INTER_NEAREST):\n", + "\n", + "def is_registration_suspicious(warp_matrix):\n", + "\n", + "def register(self, src, trg, trg_mask=None, src_mask=None):\n", + "\n", + "def register(self, src, trg, trg_mask=None, src_mask=None):\n", + "\n", + "def register(self, src, trg, trg_mask=None, src_mask=None):\n", + "\n", + "def rescale_image(image):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def transform(self, X):\n", + "\n", + "def _get_submap(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _vectorize_single_raster(self, raster, data_transform, crs, timestamp=None):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def area(self, cc_index=None):\n", + "\n", + "def sample(self, nsamples=1, weighted=True):\n", + "\n", + "def sample_cc(self, nsamples=1, weighted=True):\n", + "\n", + "def sample_within_cc(self, cc_index, nsamples=1):\n", + "\n", + "def contains(polygon, point):\n", + "\n", + "def random_coords(bounds):\n", + "\n", + "def random_point_triangle(triangle, use_int_coords=True):\n", + "\n", + "def _get_unknown_value(self):\n", + "\n", + "def _binary_sample(image, label, n_samples_per_label, label_count):\n", + "\n", + "def sample(self, raster, n_samples=1000):\n", + "\n", + "def execute(self, eopatch, seed=None):\n", + "\n", + "def execute(self, eopatch, *, eopatch_folder):\n", + "\n", + "def execute(self, *, eopatch_folder):\n", + "\n", + "def execute(self, eopatch, data):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _numpy_index_by_percentile(self, data, percentile):\n", + "\n", + "def _geoville_index_by_percentile(self, data, percentile):\n", + "\n", + "def _get_indices(self, data):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _get_reference_band(self, data):\n", + "\n", + "def _get_reference_band(self, data):\n", + "\n", + "def _get_reference_band(self, data):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def _parse_feature_value(self, value):\n", + "\n", + "def _correctly_load_bbox(bbox, path, is_zipped=False):\n", + "\n", + "def load(self):\n", + "\n", + "def get_file_path(self, path):\n", + "\n", + "def _get_filename_path(self, path):\n", + "\n", + "def save(self, eopatch, use_tmp=True):\n", + "\n", + "def _mask_feature_data(feature_data, mask, mask_type):\n", + "\n", + "def _get_start_end_nans(data):\n", + "\n", + "def _get_unique_times(data, times):\n", + "\n", + "def _copy_old_features(new_eopatch, old_eopatch, copy_features):\n", + "\n", + "def interpolate_data(self, data, times, resampled_times):\n", + "\n", + "def get_interpolation_function(self, times, series):\n", + "\n", + "def get_resampled_timestamp(self, timestamp):\n", + "\n", + "def execute(self, eopatch):\n", + "\n", + "def interpolate_data(self, data, times, resampled_times):\n", + "\n", + "def get_interpolation_function(self, times, data):\n", + "\n", + "def get_text(element):\n", + "\n", + "def download_file(url, local_filename):\n", + "\n", + " def report(chunk, chunksize, total):\n", + "\n", + "def extract_gcc_binaries():\n", + "\n", + "def set_gcc():\n", + "\n", + "def nonzeros(m, row):\n", + "\n", + "def check_blas_config():\n", + "\n", + "def _read_dataframe(filename):\n", + "\n", + "def get_lastfm():\n", + "\n", + "def alternating_least_squares(Ciu, factors, **kwargs):\n", + "\n", + "def least_squares(Cui, X, Y, regularization, num_threads=0):\n", + "\n", + "def fit(self, item_users, show_progress=True):\n", + "\n", + "def _fit_gpu(self, Ciu_host, Cui_host, show_progress=True):\n", + "\n", + "def explain(self, userid, user_items, itemid, user_weights=None, N=10):\n", + "\n", + "def augment_inner_product_matrix(factors):\n", + "\n", + "def convert_sparse_to_dataframe(spark, context, sparse_matrix):\n", + "\n", + "def generate_dataset(triplets_filename, summary_filename=\"msd_summary_file.h5\",\n", + "\n", + "def _read_triplets_dataframe(filename):\n", + "\n", + "def _join_summary_file(data, summary_filename=\"msd_summary_file.h5\"):\n", + "\n", + "def tfidf_weight(X):\n", + "\n", + "def normalize(X):\n", + "\n", + "def bm25_weight(X, K1=100, B=0.8):\n", + "\n", + "def fit(self, weighted, show_progress=True):\n", + "\n", + "def recommend(self, userid, user_items,\n", + "\n", + "def rank_items(self, userid, user_items, selected_items, recalculate_user=False):\n", + "\n", + "def similar_items(self, itemid, N=10):\n", + "\n", + "def get_reddit():\n", + "\n", + "def _read_dataframe(filename):\n", + "\n", + "def get_movielens(variant=\"20m\"):\n", + "\n", + "def generate_dataset(path, variant='20m', outputpath=\".\"):\n", + "\n", + "def _read_dataframes_20M(path):\n", + "\n", + "def _read_dataframes_100k(path):\n", + "\n", + "def recommend(self, userid, user_items,\n", + "\n", + "def find_in_path(name, path):\n", + "\n", + "def locate_cuda():\n", + "\n", + "def calculate_similar_artists(output_filename, model_name=\"als\"):\n", + "\n", + "def calculate_recommendations(output_filename, model_name=\"als\"):\n", + "\n", + "def ion_or_solid_comp_object(formula):\n", + "\n", + "def generate_entry_label(entry):\n", + "\n", + "def energy_at_conditions(self, pH, V):\n", + "\n", + "def normalized_energy_at_conditions(self, pH, V):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def normalization_factor(self):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def _generate_multielement_entries(self, entries, forced_include=None,\n", + "\n", + "def process_multientry(entry_list, prod_comp, coeff_threshold=1e-4):\n", + "\n", + "def get_pourbaix_domains(pourbaix_entries, limits=None):\n", + "\n", + "def find_stable_entry(self, pH, V):\n", + "\n", + "def get_decomposition_energy(self, entry, pH, V):\n", + "\n", + "def show(self, *args, **kwargs):\n", + "\n", + "def get_pourbaix_plot(self, limits=None, title=\"\",\n", + "\n", + "def as_dict(self):\n", + "\n", + "def fast_ordering(self, structure, num_remove_dict, num_to_return=1):\n", + "\n", + "def apply_transformation(self, structure, return_ranked_list=False):\n", + "\n", + "def apply_transformation(self, structure):\n", + "\n", + "def write_lammps_inputs(output_dir, script_template, settings=None,\n", + "\n", + "def write_inputs(self, output_dir, **kwargs):\n", + "\n", + "def md(cls, data, force_field, temperature, nsteps,\n", + "\n", + "def genrecip(a1, a2, a3, encut):\n", + "\n", + "def generate_reciprocal_vectors_squared(a1, a2, a3, encut):\n", + "\n", + "def closestsites(struct_blk, struct_def, pos):\n", + "\n", + "def converge(f, step, tol, max_h):\n", + "\n", + "def rho_rec(self, g2):\n", + "\n", + "def rho_rec_limit0(self):\n", + "\n", + "def make_supercells_with_defects(self, scaling_matrix):\n", + "\n", + "def cluster_nodes(self, tol=0.2):\n", + "\n", + "def remove_collisions(self, min_dist=0.5):\n", + "\n", + "def get_structure_with_nodes(self):\n", + "\n", + "def _get_charge_distribution_df(self):\n", + "\n", + "def _update_extrema(self, f_coords, extrema_type, threshold_frac=None,\n", + "\n", + "def get_local_extrema(self, find_min=True, threshold_frac=None,\n", + "\n", + "def cluster_nodes(self, tol=0.2):\n", + "\n", + "def remove_collisions(self, min_dist=0.5):\n", + "\n", + "def get_structure_with_nodes(self, find_min=True, min_dist=0.5, tol=0.2,\n", + "\n", + "def sort_sites_by_integrated_chg(self, r=0.4):\n", + "\n", + "def multiple_outputs_from_file(cls, filename, keep_sub_files=True):\n", + "\n", + "def _read_charge_and_multiplicity(self):\n", + "\n", + "def _read_species_and_inital_geometry(self):\n", + "\n", + "def _read_SCF(self):\n", + "\n", + "def _read_mulliken(self):\n", + "\n", + "def _read_optimized_geometry(self):\n", + "\n", + "def _read_last_geometry(self):\n", + "\n", + "def _read_frequency_data(self):\n", + "\n", + "def _read_single_point_data(self):\n", + "\n", + "def _read_pcm_information(self):\n", + "\n", + "def _check_optimization_errors(self):\n", + "\n", + "def _check_completion_errors(self):\n", + "\n", + "def get_cod_ids(self, formula):\n", + "\n", + "def get_structure_by_id(self, cod_id, **kwargs):\n", + "\n", + "def get_structure_by_formula(self, formula, **kwargs):\n", + "\n", + "def get_csms(self, isite, mp_symbol):\n", + "\n", + "def plot_csm_and_maps(self, isite, max_csm=8.0):\n", + "\n", + "def get_environments_figure(self, isite, plot_type=None, title='Coordination numbers', max_dist=2.0,\n", + "\n", + " def dp_func(dp):\n", + "\n", + " def dp_func(dp):\n", + "\n", + " def ap_func(ap):\n", + "\n", + " def ap_func(ap):\n", + "\n", + "def plot_environments(self, isite, plot_type=None, title='Coordination numbers', max_dist=2.0,\n", + "\n", + "def as_dict(self):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def structure_contains_atom_environment(self, atom_symbol, ce_symbol):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def minimum_geometry(self, symmetry_measure_type=None, max_csm=None):\n", + "\n", + "def minimum_geometries(self, n=None, symmetry_measure_type=None, max_csm=None):\n", + "\n", + "def add_coord_geom(self, mp_symbol, symmetry_measure, algo='UNKNOWN', permutation=None, override=False,\n", + "\n", + "def as_dict(self):\n", + "\n", + "def from_dict(cls, d):\n", + "\n", + "def _get_bond_data(line):\n", + "\n", + "def icohplist(self):\n", + "\n", + "def get_structure_with_charges(self, structure_filename):\n", + "\n", + "def get_bandstructure(self):\n", + "\n", + "def get_lowest_decomposition(self, composition):\n", + "\n", + "def get_cost_per_mol(self, comp):\n", + "\n", + "def get_cost_per_kg(self, comp):\n", + "\n", + "def as_bool(s):\n", + "\n", + "def abi_splitext(filename):\n", + "\n", + "def map2rpn(map, obj):\n", + "\n", + "def evaluate_rpn(rpn):\n", + "\n", + "def relpath(self):\n", + "\n", + "def write(self, string):\n", + "\n", + "def writelines(self, lines):\n", + "\n", + "def make_dir(self):\n", + "\n", + "def list_filepaths(self, wildcard=None):\n", + "\n", + "def has_abiext(self, ext, single_file=True):\n", + "\n", + "def symlink_abiext(self, inext, outext):\n", + "\n", + "def rename_abiext(self, inext, outext):\n", + "\n", + "def copy_abiext(self, inext, outext):\n", + "\n", + "def remove_exts(self, exts):\n", + "\n", + "def find_last_timden_file(self):\n", + "\n", + "def find_1wf_files(self):\n", + "\n", + "def find_1den_files(self):\n", + "\n", + "def fix_paths(self, paths):\n", + "\n", + "def as_condition(cls, obj):\n", + "\n", + "def plot(self, ax=None, **kwargs):\n", + "\n", + "def get_cluster_graph(self, engine=\"fdp\", graph_attr=None, node_attr=None, edge_attr=None):\n", + "\n", + " def node_kwargs(path):\n", + "\n", + "def _get_entry_energy(pd, composition):\n", + "\n", + "def _get_grand_potential(self, composition):\n", + "\n", + "def _get_energy(self, x):\n", + "\n", + "def _get_reaction(self, x):\n", + "\n", + "def _get_elmt_amt_in_rxt(self, rxt):\n", + "\n", + "def get_products(self):\n", + "\n", + "def _convert(x, factor1, factor2):\n", + "\n", + "def _reverse_convert(x, factor1, factor2):\n", + "\n", + "def get_kinks(self):\n", + "\n", + "def get_critical_original_kink_ratio(self):\n", + "\n", + "def _get_original_composition_ratio(self, reaction):\n", + "\n", + "def labels(self):\n", + "\n", + "def plot(self):\n", + "\n", + "def minimum(self):\n", + "\n", + "def get_no_mixing_energy(self):\n", + "\n", + "def get_chempot_correction(element, temp, pres):\n", + "\n", + "def get_atom_map(structure):\n", + "\n", + "def get_absorbing_atom_symbol_index(absorbing_atom, structure):\n", + "\n", + "def from_cif_file(cif_file, source='', comment=''):\n", + "\n", + "def header_string_from_file(filename='feff.inp'):\n", + "\n", + "def from_string(header_str):\n", + "\n", + "def write_file(self, filename='HEADER'):\n", + "\n", + "def _set_cluster(self):\n", + "\n", + "def atoms_string_from_file(filename):\n", + "\n", + "def cluster_from_file(filename):\n", + "\n", + "def get_lines(self):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def from_dict(d):\n", + "\n", + "def get_string(self, sort_keys=False, pretty=False):\n", + "\n", + "def _stringify_val(val):\n", + "\n", + "def from_file(filename=\"feff.inp\"):\n", + "\n", + "def proc_val(key, val):\n", + "\n", + " def smart_int_or_float(numstr):\n", + "\n", + "def pot_string_from_file(filename='feff.inp'):\n", + "\n", + "def pot_dict_from_string(pot_data):\n", + "\n", + "def write_file(self, filename=\"paths.dat\"):\n", + "\n", + "def lattice_from_abivars(cls=None, *args, **kwargs):\n", + "\n", + "def structure_from_abivars(cls=None, *args, **kwargs):\n", + "\n", + "def structure_to_abivars(structure, **kwargs):\n", + "\n", + "def contract(s):\n", + "\n", + "def as_spinmode(cls, obj):\n", + "\n", + "def as_smearing(cls, obj):\n", + "\n", + "def as_dict(self):\n", + "\n", + "def gamma_centered(cls, kpts=(1, 1, 1), use_symmetries=True, use_time_reversal=True):\n", + "\n", + "def monkhorst(cls, ngkpt, shiftk=(0.5, 0.5, 0.5), chksymbreak=None, use_symmetries=True,\n", + "\n", + "def monkhorst_automatic(cls, structure, ngkpt,\n", + "\n", + "def _path(cls, ndivsm, structure=None, kpath_bounds=None, comment=None):\n", + "\n", + "def path_from_structure(cls, ndivsm, structure):\n", + "\n", + "def explicit_path(cls, ndivsm, kpath_bounds):\n", + "\n", + "def automatic_density(cls, structure, kppa, chksymbreak=None, use_symmetries=True, use_time_reversal=True,\n", + "\n", + "def to_abivars(self):\n", + "\n", + "def as_ppmodel(cls, obj):\n", + "\n", + "def to_abivars(self):\n", + "\n", + "def to_abivars(self):\n", + "\n", + "def gwcalctyp(self):\n", + "\n", + "def to_abivars(self):\n", + "\n", + "def to_abivars(self):\n", + "\n", + "def set_upper_lower_bands(self,e_lower,e_upper):\n", + "\n", + "def from_file(self, vasprun_file):\n", + "\n", + "def bandana(self, emin=-np.inf, emax=np.inf):\n", + "\n", + "def get_band_structure(self):\n", + "\n", + "def get_dos(self, partial_dos=False, npts_mu=10000, T=None):\n", + "\n", + "def get_partial_doses(self, tdos, npts_mu, T):\n", + "\n", + "def compute_properties_doping(self, doping, temp_r=None):\n", + "\n", + "def plot_props(self, prop_y, prop_x, prop_z='temp',\n", + "\n", + "def plot_bands(self):\n", + "\n", + "def plot_dos(self, T=None, npoints=10000):\n", + "\n", + "def calculate_energy(self, energies):\n", + "\n", + "def normalize_to(self, comp, factor=1):\n", + "\n", + "def normalize_to_element(self, element, factor=1):\n", + "\n", + "def get_el_amount(self, element):\n", + "\n", + "def reactants(self):\n", + "\n", + "def products(self):\n", + "\n", + "def as_entry(self, energies):\n", + "\n", + "def from_string(rxn_string):\n", + "\n", + " def get_comp_amt(comp_str):\n", + "\n", + "def all_entries(self):\n", + "\n", + "def get_energy_tersoff(structure, gulp_cmd='gulp'):\n", + "\n", + "def get_energy_buckingham(structure, gulp_cmd='gulp',\n", + "\n", + "51304\n" + ] + } + ], + "source": [ + "label_txt1 = 'data/Model/Epoch_1/label.txt'\n", + "label_txt2 = 'data/Model/Epoch_2/label.txt'\n", + "function_count = 0\n", + "with open(label_txt1, 'r', encoding='utf-8') as file:\n", + "\n", + " for line in file:\n", + " ss = line.strip()\n", + " kk = line.lstrip()\n", + " # Count function definitions\n", + " \n", + " if (ss.startswith('def ') or ss.startswith(\"def \")) and (ss.endswith(\":\") or ss.endswith(\",\")) and not ( (kk.startswith('def ') or kk.startswith(\"def \")) and (kk.endswith(\":\") or kk.endswith(\",\"))):\n", + " \n", + " print(line)\n", + " function_count += 1\n", + "\n", + " \n", + "\n", + " print(function_count)\n", + "# with open(label_txt2, 'r', encoding='utf-8') as file:\n", + "# for line in file:\n", + " \n", + "\n", + "# # Count function definitions\n", + "# if line[0].isalpha():\n", + "# function_count += 1\n", + "\n", + "# print(function_count)" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "False\n" + ] + } + ], + "source": [ + "print(\">\".isalpha())" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'test_img/1.png'" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "label_txt1 = 'data/Model/Epoch_1/label.txt'\n", + "label_txt2 = 'data/Model/Epoch_2/label.txt'\n", + "from flask import jsonify, make_response\n", + "from PIL import Image, ImageDraw, ImageFont\n", + "import io\n", + "import os\n", + "import base64\n", + "\n", + "# Now 'testing_data' contains the data from the '.pth' file.\n", + "# You can use this data according to your needs, for example in a testing loop.\n", + "\n", + " # Adjust font path as needed. Use a path to a .ttf file on your system, or remove the 'truetype' part to use a default font.\n", + "# try:\n", + "# font = ImageFont.truetype(\"arial.ttf\", 15)\n", + "# except IOError:\n", + "# font = ImageFont.load_default()\n", + "# image_size = (200, 100)\n", + "# background_color = \"white\"\n", + "# font_color = \"black\"\n", + "\n", + "# image = Image.new(\"RGB\", image_size, background_color)\n", + "# draw = ImageDraw.Draw(image)\n", + "# draw.text((10, 40), text, fill=font_color, font=font)\n", + "\n", + "# img_io = io.BytesIO()\n", + "# image.save(img_io, 'PNG', quality=70)\n", + "\n", + "f1 = open(label_txt1, \"r\")\n", + "# print(len(f1.read()))\n", + "# print(\"f1line\",f1.readline())\n", + "\n", + "with open(label_txt1, \"r\") as f1:\n", + " text = f1.readline()\n", + "\n", + "\n", + "\n", + "# font = ImageFont.load_default()\n", + "# image_size = (200, 100)\n", + "# background_color = \"white\"\n", + "# font_color = \"black\"\n", + "# image = Image.new(\"RGB\", image_size, background_color)\n", + "# draw = ImageDraw.Draw(image)\n", + "# draw.text((10, 40), text, fill=font_color, font=font)\n", + " \n", + "# img_io = io.BytesIO()\n", + "# image.save(img_io, 'PNG', quality=70)\n", + "\n", + "# f2 = open(label_txt2, \"r\")\n", + "# # print(\"f2line\",f2.readline())\n", + "\n", + "# with open(label_txt2, \"rbU\") as f2:\n", + "# text = \"go fff you\"\n", + "def remove_non_latin1_characters(file_path):\n", + " with open(file_path, 'r', encoding='utf-8') as file:\n", + " content = file.read()\n", + "\n", + " # Keep only characters that are within the Latin-1 range\n", + " cleaned_content = ''.join(char for char in content if ord(char) < 256)\n", + "\n", + " return cleaned_content\n", + "\n", + "def read_and_process_file(file_path):\n", + " with open(file_path, 'r', encoding='utf-8') as file: # Ensure you're opening the file with utf-8 encoding\n", + " # Read the file content\n", + " file_content = file.readline()\n", + "\n", + " # The content should already be properly decoded, but we still remove the literal byte string notation if present\n", + " if file_content.startswith(\"b'\") and file_content.endswith(\"'\"):\n", + " file_content = file_content[2:-1]\n", + "\n", + " formatted_content = (file_content\n", + " .replace('\\\\n', '\\n')\n", + " .replace('\\\\\"','\\\"')\n", + " \n", + " .replace('\\\\u251c', '├')\n", + " .replace('\\\\u2500', '─')\n", + " .replace('\\\\u2502', '│')\n", + " .replace('\\\\u2514', '└')\n", + " .replace('\\\\\\\\', '\\\\')) # Replace double backslashes with a single backslash\n", + " cleaned_content = ''.join(char for char in formatted_content if ord(char) < 256)\n", + " return cleaned_content\n", + "\n", + "text = read_and_process_file(label_txt1)\n", + "\n", + "# def create_and_save_image(text, file_path):\n", + "# # Load a font\n", + "# try:\n", + "# font = ImageFont.truetype(\"arial.ttf\", 20) # Adjust font size as needed\n", + "# except IOError:\n", + "# font = ImageFont.load_default()\n", + " \n", + "# # Calculate text size, add some padding\n", + "\n", + "# lines = text.split('\\n')\n", + "\n", + "# max_width = 0\n", + "# total_height = 0\n", + "# line_heights = []\n", + "# print(\"lines\",lines)\n", + "# for line in lines:\n", + "# print(line)\n", + "# line_width, line_height = font.getsize(line)\n", + "# max_width = max(max_width, line_width)\n", + "# total_height += line_height\n", + "# line_heights.append(line_height)\n", + " \n", + "# # Image size based on text size\n", + "# image_size = (max_width, total_height) # Adjust spacing between lines with the multiplier\n", + "\n", + "# # Create an image\n", + "# image = Image.new(\"RGB\", image_size, \"white\")\n", + "# draw = ImageDraw.Draw(image)\n", + "\n", + "# # Draw the text\n", + "# current_height = 0\n", + "# for i, line in enumerate(lines):\n", + "# draw.text((1, current_height), line, fill=\"black\", font=font)\n", + "# current_height += line_heights[i] # Adjust line spacing with the 5 pixels here\n", + "\n", + "# # Save the image\n", + "# if not os.path.exists(os.path.dirname(file_path)):\n", + "# os.makedirs(os.path.dirname(file_path))\n", + "# image.save(file_path)\n", + "\n", + "# return file_path\n", + "\n", + "\n", + "from PIL import Image, ImageDraw, ImageFont\n", + " # Create an image\n", + "def create_and_save_image(text, file_path):\n", + " # Load a font\n", + " try:\n", + " font = ImageFont.truetype(\"arial.ttf\", 20) # Adjust font size as needed\n", + " except IOError:\n", + " font = ImageFont.load_default()\n", + " image = Image.new(\"RGB\", (1, 1), \"white\") # Temporary image to get draw object\n", + " draw = ImageDraw.Draw(image)\n", + " \n", + " # Calculate text size\n", + " text_width, text_height = draw.textsize(text, font=font)\n", + "\n", + " # Image size based on text size\n", + " image_size = (text_width, text_height)\n", + "\n", + " # Create an image\n", + " image = Image.new(\"RGB\", image_size, \"white\")\n", + " draw = ImageDraw.Draw(image)\n", + "\n", + " # Draw the text\n", + " draw.text((0, 0), text, fill=\"red\", font=font)\n", + "\n", + " # Save the image\n", + " if not os.path.exists(os.path.dirname(file_path)):\n", + " os.makedirs(os.path.dirname(file_path))\n", + " image.save(file_path)\n", + "\n", + " return file_path\n", + "file_path = \"test_img/1.png\"\n", + "create_and_save_image(text, file_path)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "label_txt1 = 'data/Model/Epoch_1/label.txt'\n", + "label_txt2 = 'data/Model/Epoch_2/label.txt'\n", + "from flask import jsonify, make_response\n", + "from PIL import Image, ImageDraw, ImageFont\n", + "import io\n", + "import os\n", + "import base64\n", + "\n", + "def read_and_process_file(file_path,output_dir_path):\n", + "\n", + " if not os.path.exists(output_dir_path):\n", + " os.makedirs(output_dir_path)\n", + " idx = 0\n", + " with open(file_path, 'r', encoding='utf-8') as file: # Ensure you're opening the file with utf-8 encoding\n", + " # Read the file content\n", + " for line in file:\n", + "\n", + " file_content = line\n", + "\n", + " # The content should already be properly decoded, but we still remove the literal byte string notation if present\n", + " if file_content.startswith(\"b'\") and file_content.endswith(\"'\"):\n", + " file_content = file_content[2:-1]\n", + "\n", + " formatted_content = (file_content\n", + " .replace('\\\\n', '\\n')\n", + " .replace('\\\\\"','\\\"')\n", + " \n", + " .replace('\\\\u251c', '├')\n", + " .replace('\\\\u2500', '─')\n", + " .replace('\\\\u2502', '│')\n", + " .replace('\\\\u2514', '└')\n", + " .replace('\\\\\\\\', '\\\\')) # Replace double backslashes with a single backslash\n", + " cleaned_content = ''.join(char for char in formatted_content if ord(char) < 256)\n", + " \n", + " filename = f\"text_{idx}.txt\" # idx + 1 to make file naming start from 1\n", + " file_path = os.path.join(output_dir_path, filename)\n", + "\n", + " # Write the processed line to its file\n", + " with open(file_path, 'w', encoding='utf-8') as output_file:\n", + " output_file.write(cleaned_content)\n", + " idx += 1\n", + "read_and_process_file(label_txt1, 'data/Model/Epoch_1/labels')\n", + "read_and_process_file(label_txt2, 'data/Model/Epoch_2/labels')" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.16" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}