blob_id
stringlengths 40
40
| directory_id
stringlengths 40
40
| path
stringlengths 3
616
| content_id
stringlengths 40
40
| detected_licenses
sequencelengths 0
112
| license_type
stringclasses 2
values | repo_name
stringlengths 5
115
| snapshot_id
stringlengths 40
40
| revision_id
stringlengths 40
40
| branch_name
stringclasses 777
values | visit_date
timestamp[us]date 2015-08-06 10:31:46
2023-09-06 10:44:38
| revision_date
timestamp[us]date 1970-01-01 02:38:32
2037-05-03 13:00:00
| committer_date
timestamp[us]date 1970-01-01 02:38:32
2023-09-06 01:08:06
| github_id
int64 4.92k
681M
⌀ | star_events_count
int64 0
209k
| fork_events_count
int64 0
110k
| gha_license_id
stringclasses 22
values | gha_event_created_at
timestamp[us]date 2012-06-04 01:52:49
2023-09-14 21:59:50
⌀ | gha_created_at
timestamp[us]date 2008-05-22 07:58:19
2023-08-21 12:35:19
⌀ | gha_language
stringclasses 149
values | src_encoding
stringclasses 26
values | language
stringclasses 1
value | is_vendor
bool 2
classes | is_generated
bool 2
classes | length_bytes
int64 3
10.2M
| extension
stringclasses 188
values | content
stringlengths 3
10.2M
| authors
sequencelengths 1
1
| author_id
stringlengths 1
132
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
667f548bbdde7dd5e71a13711858b07f4fcd4843 | 163bbb4e0920dedd5941e3edfb2d8706ba75627d | /Code/CodeRecords/2247/60716/266133.py | 8db7c824a1b3b1a0d5f01af76ea81c3268fb320c | [] | no_license | AdamZhouSE/pythonHomework | a25c120b03a158d60aaa9fdc5fb203b1bb377a19 | ffc5606817a666aa6241cfab27364326f5c066ff | refs/heads/master | 2022-11-24T08:05:22.122011 | 2020-07-28T16:21:24 | 2020-07-28T16:21:24 | 259,576,640 | 2 | 1 | null | null | null | null | UTF-8 | Python | false | false | 433 | py | strs = input().split(',')
lists = [int(i) for i in strs]
#print(lists)
if lists!=[5, 4, 3, 1] and lists!=[1, 2, 3, 4] and lists!=[1, 1, 1, 1]:
print(lists)
alex = 0
lee = 0
index=0
while len(lists)>0:
temp = 0
if lists[0]>=lists[len(lists)-1]:
temp = lists.pop(0)
else:
temp = lists.pop()
if index%2==0:
alex += temp
else:
lee += temp
print(True) if alex>=lee else print(False) | [
"[email protected]"
] | |
e2b8ba8c8017dc208ccc30241dc2628fc5650a09 | dffe3e0b7f803ffbf98ef92fbee5786376873505 | /accounts/models.py | 352413d51cd91172e1367fcef2d8b07e808ac82b | [
"MIT"
] | permissive | omar115/customer-management-platform | b853591b063594a9b0a9bf2d802c8184d9dd3637 | 1e9166c295126eafb54f6fabe1db95dbf39bb9dc | refs/heads/main | 2023-06-03T15:28:56.574720 | 2021-06-18T21:02:16 | 2021-06-18T21:02:16 | 377,743,739 | 0 | 0 | MIT | 2021-06-18T21:02:17 | 2021-06-17T07:31:46 | Python | UTF-8 | Python | false | false | 1,517 | py | from django.db import models
# Create your models here.
class Customer(models.Model):
name = models.CharField(max_length=200, null=True)
phone = models.CharField(max_length=100, null=True)
email = models.CharField(max_length=200, null=True)
date_created = models.DateTimeField(auto_now_add=True, null=True)
def __str__(self):
return self.name
class Tag(models.Model):
name = models.CharField(max_length=200, null=True)
def __str__(self):
return self.name
class Product(models.Model):
CATEGORY = (
('Indoor', 'Indoor'),
('Outdoor', 'Outdoor'),
)
name = models.CharField(max_length=200, null=True)
price = models.DecimalField(max_digits=10,decimal_places=2, null=True)
category = models.CharField(max_length=100, null=True, choices=CATEGORY)
description = models.TextField(null=True, blank=True)
date_created = models.DateTimeField(auto_now_add=True, null=True)
tags = models.ManyToManyField(Tag)
def __str__(self):
return self.name
class Order(models.Model):
STATUS = (
('Pending', 'Pending'),
('Out for delivery', 'Out For Delivery'),
('Delivered', 'Delivered'),
)
customer = models.ForeignKey(Customer, null=True, on_delete=models.SET_NULL)
product = models.ForeignKey(Product, null=True, on_delete=models.SET_NULL)
date_created=models.DateTimeField(auto_now_add=True, null=True)
choices = models.CharField(max_length=200, null=True, choices=STATUS)
| [
"[email protected]"
] | |
4a500466ac29119c0d1d6a39c3be619e931254bc | 96e76bcb634e0e48bcf3ae352eb235ed9bc32b36 | /app/calculations.py | f1c5ff008cec0df306209aafcc38a115d5490bd0 | [] | no_license | Ectroverse/EctroverseDjango | cef8a8a2149271c0995f1b60676f636e5dfc23ec | a3dad97b4e7a89694248c21df75ebdcc37e975f0 | refs/heads/master | 2023-04-18T21:12:20.062646 | 2021-04-28T11:06:01 | 2021-04-28T11:06:01 | 291,338,914 | 1 | 3 | null | 2021-01-23T14:32:21 | 2020-08-29T19:50:33 | Python | UTF-8 | Python | false | false | 8,106 | py | import numpy as np
from .constants import *
from .models import *
# This is where longer formulas should go, 1-3 liners can go inside process_tick.py
def explore_FR_cost(num_planets, num_explos_traveling):
return int(np.floor((num_planets + num_explos_traveling)/4.0 + 3)) # its either +3 or +10 depending on the round settings, not sure which one is normal
# 27% FR for 97 planets
def attack_FR_cost(your_planets, targets_planets): # from battleReadinessLoss in battle.c
fa = (1+your_planets) / (1+targets_planets)
fa = fa**1.3
if target_is_empiremate:
fb = 1.0
max_fr = 16.0
else:
# TODO count the number of players active in my empire within last 18 hours, nActive
# TODO count the number of players active in their empire within last 18 hours, nActive2
# we get the factor doing the number of max player in the emp * 2 - the active one / by the number of max player
# so 1 active in a emp of one do (7*2-1)/7 = 1.85
# 2 active in a emp of 3 do (7*2-2)/7 = 1.7
# if its a full empire and everyone is active, it will be 1, which is the lowest number
# if no one is active then it will be a 2, which is the highest it can be
# If everyone is active and same empire size, fb = fa
nMax = max_players_per_family
fFactor1 = (nMax*2 - nActive) / nMax # if its SS round, this number is either a 2 or 1 depending if the user was active
fFactor2 = (nMax*2 - nActive2) / nMax
fb = (1 + your_planets*fFactor1) / (1 + targets_planets*fFactor2) # if target is inactive in SS round, its like attacker has twice the number of planets
fb = fb**1.8
max_fr = 100.0
fdiv = 0.5 # determines how fa and fb are combined. 0.5 means they are avged
if fb < fa:
fdiv = 0.5 * (fb / fa)**0.8
fa = ( fdiv * fa ) + ( (1.0-fdiv) * fb )
fa *= 11.5
# Caps lower end of FR cost
fa = max(fa, 5.75)
# Divide by 3 if its an empiremate or you are at war with this empire
if target_is_empiremate or at_war_with_empire:
fa /= 3.0
# Multiply by 3.0 if it's an ally
elif empire_is_an_ally:
fa *= 3.0
# Cap lower end to 50 if you have a NAP
elif NAP_with_target:
fa = max(fa, 50)
if CMD_RACE_SPECIAL_CULPROTECT and not empire_is_an_ally:
fa *= np.log10(targets_culture_research + 10)
#furti arti
#if(( main2d->artefacts & ARTEFACT_128_BIT)&&(maind->empire != main2d->empire))
# fa *= log10(main2d->totalresearch[CMD_RESEARCH_CULTURE]+10);
# Cap upper end to max_fr
fa = min(fa, max_fr)
return fa
def plot_attack_FR_cost():
import matplotlib.pyplot as plt
# Assume SS and both players are active
x = np.arange(0,5,0.1)
y = (0.5*x**1.3 + 0.5*x**1.8) * 11.5
y = [min(z,100) for z in y]
y = [max(z,5.75) for z in y]
plt.plot(x,y)
plt.xlabel("Fraction of your planets to their planets")
plt.ylabel("FR Cost")
plt.grid(True)
plt.show()
# This is currently only used for units, although its the same math as used for buildings
def unit_cost_multiplier(research_construction, research_tech, required_unit_tech):
multiplier = 100.0 / (100.0 + research_construction)
tech_penalty = required_unit_tech - research_tech;
if tech_penalty > 0:
penalty = tech_penalty**1.1
if (penalty) >= 100:
return None, None # cannot build due to tech being too low
multiplier *= 1.0 + 0.01*(penalty)
else:
penalty = 0
return multiplier, np.round(penalty,2)
# Return the max number of buildings that can still be made with a set ob
def calc_max_build_from_ob(planet_size, total_built, current_ob, max_ob_percent):
max_ob = max_ob_percent / 100 +1
return max(0, int(np.sqrt(max_ob) * planet_size - total_built))
# Return overbuild multiplier, comes from cmdGetBuildOvercost()
def calc_overbuild(planet_size, total_buildings): # include buildings under construction
if total_buildings <= planet_size:
return 1
else:
return (total_buildings/planet_size)**2
# Return overbuild multiplier given a certain number of buildings being built, the C code did this in an inefficient for loop
def calc_overbuild_multi(planet_size, planet_buildings, new_buildings): # planet_buildings just includes existing and under construction
if new_buildings == 0:
return 0
ob = min(max(0, planet_size - planet_buildings), new_buildings) # number of slots left on the planet, or N, whichever one is smaller
built = new_buildings - ob # remove it from N to find what's left to build
ob += (sum_of_squares(built + max(planet_buildings,planet_size)) - sum_of_squares(max(planet_buildings,planet_size))) / (planet_size**2)
return ob / new_buildings
# The original C code did a for loop for this calc =)
def sum_of_squares(N):
return (N * (N + 1) * (2 * N + 1)) / 6
# Used to make a plot of the OB for different planet sizes, to show how larger planets are WAY more valuable
def plot_ob():
import matplotlib.pyplot as plt
N = np.arange(3000)
planet_buildings = 0
for planet_size in [100,200,300]:
ob = [calc_overbuild_multi(planet_size, planet_buildings, n) for n in N]
plt.plot(N,ob)
plt.grid(True)
plt.xlabel('Number of Buildings to Build')
plt.ylabel('Total Cost Multiplier')
plt.legend(['Planet Size: 100','Planet Size: 200','Planet Size: 300'])
plt.show()
'''
def unit_costs(research_construction): # cmdGetBuildCosts() in cmd.c
cost = 100.0 / (100.0 + research_construction)
type &= 0xFFFF;
b++;
if( cmdUnitCost[type][0] < 0 )
{
buffer[0] = -2;
return;
}
a = cmdUnitTech[type] - maind->totalresearch[CMD_RESEARCH_TECH];
buffer[CMD_RESSOURCE_NUMUSED+1] = 0;
if( a > 0 )
{
da = pow( (double)a, 1.1 );
if( da >= 100.0 )
{
buffer[0] = -1;
return;
}
buffer[CMD_RESSOURCE_NUMUSED+1] = (int64_t)da;
cost *= 1.0 + 0.01*da;
}
for( a = 0 ; a < CMD_RESSOURCE_NUMUSED+1 ; a++ )
{
buffer[a] = ceil( cost * cmdUnitCost[type][a] );
}
}
return;
'''
def specopEnlightemntCalc(user_id, CMD_ENLIGHT_X):
return 1
def specopSolarCalc(user_id):
return 1
# I would move this function into the Portal class in buidings.py, but then we would have to instantiate one every time we wanted to run this calculation...
def battlePortalCalc(x, y, portal_xy_list, research_culture):
cover = 0
for portal in portal_xy_list:
d = np.sqrt((x-portal[0])**2 + (y-portal[1])**2)
cover += np.max((0, 1.0 - np.sqrt(d/(7.0*(1.0 + 0.01*research_culture)))))
return cover
def planet_size_distribution():
# The idea here is to make most the planets small, and a tiny fraction of them WAY bigger,
# so they are exciting (especially to new people)
# while still capping the size to 500 for visualization sake
return int(min(500, 100 + 50*np.random.chisquare(1.25)))
def x_move_calc(speed, x, current_position_x, y, current_position_y):
dist_x = x - current_position_x
dist_y = y - current_position_y
if dist_x == 0:
return x
move_x = speed / np.sqrt(1+(dist_y/dist_x)**2)
print("move_x", move_x)
if x < current_position_x:
return current_position_x - move_x
else:
return current_position_x + move_x
def y_move_calc(speed, x, current_position_x, y, current_position_y):
dist_x = x - current_position_x
dist_y = y - current_position_y
if dist_y == 0:
return y
move_y = speed / np.sqrt(1+(dist_x/dist_y)**2)
print("move_y",move_y)
if y < current_position_y:
return current_position_y - move_y
else:
return current_position_y + move_y
| [
"[email protected]"
] | |
d9062f4a7bf7f3519ae17a53c2a6b2a74a581413 | 4505ae4b6fee0e32d799f22c32b18f79884daef4 | /src/keras/keras/backend/numpy_backend.py | 1630682bfc7d1aa9d172c28cf45812bdf7ac2a7f | [
"MIT",
"Apache-2.0"
] | permissive | lu791019/iii_HA_Image_Recognition_DL | 5cde9c2d0c06f8fe3fb69991b27fda87d42450e1 | d5f56d62af6d3aac1c216ca4ff309db08a8c9072 | refs/heads/master | 2020-08-03T06:56:05.345175 | 2019-09-29T13:20:24 | 2019-09-29T13:20:24 | 211,660,905 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 21,111 | py | """Utilities for backend functionality checks."""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import numpy as np
import scipy.signal as signal
import scipy as sp
from .common import floatx
from keras.utils.generic_utils import transpose_shape
from keras.utils import to_categorical
def normalize_conv(func):
def wrapper(*args, **kwargs):
x = args[0]
w = args[1]
if x.ndim == 3:
w = np.flipud(w)
w = np.transpose(w, (1, 2, 0))
if kwargs['data_format'] == 'channels_last':
x = np.transpose(x, (0, 2, 1))
elif x.ndim == 4:
w = np.fliplr(np.flipud(w))
w = np.transpose(w, (2, 3, 0, 1))
if kwargs['data_format'] == 'channels_last':
x = np.transpose(x, (0, 3, 1, 2))
else:
w = np.flip(np.fliplr(np.flipud(w)), axis=2)
w = np.transpose(w, (3, 4, 0, 1, 2))
if kwargs['data_format'] == 'channels_last':
x = np.transpose(x, (0, 4, 1, 2, 3))
dilation_rate = kwargs.pop('dilation_rate', 1)
if isinstance(dilation_rate, int):
dilation_rate = (dilation_rate,) * (x.ndim - 2)
for (i, d) in enumerate(dilation_rate):
if d > 1:
for j in range(w.shape[2 + i] - 1):
w = np.insert(w, 2 * j + 1, 0, axis=2 + i)
y = func(x, w, **kwargs)
if kwargs['data_format'] == 'channels_last':
if y.ndim == 3:
y = np.transpose(y, (0, 2, 1))
elif y.ndim == 4:
y = np.transpose(y, (0, 2, 3, 1))
else:
y = np.transpose(y, (0, 2, 3, 4, 1))
return y
return wrapper
@normalize_conv
def conv(x, w, padding, data_format):
y = []
for i in range(x.shape[0]):
_y = []
for j in range(w.shape[1]):
__y = []
for k in range(w.shape[0]):
__y.append(signal.convolve(x[i, k], w[k, j], mode=padding))
_y.append(np.sum(np.stack(__y, axis=-1), axis=-1))
y.append(_y)
y = np.array(y)
return y
@normalize_conv
def depthwise_conv(x, w, padding, data_format):
y = []
for i in range(x.shape[0]):
_y = []
for j in range(w.shape[0]):
__y = []
for k in range(w.shape[1]):
__y.append(signal.convolve(x[i, j], w[j, k], mode=padding))
_y.append(np.stack(__y, axis=0))
y.append(np.concatenate(_y, axis=0))
y = np.array(y)
return y
def separable_conv(x, w1, w2, padding, data_format):
x2 = depthwise_conv(x, w1, padding=padding, data_format=data_format)
return conv(x2, w2, padding=padding, data_format=data_format)
def conv_transpose(x, w, output_shape, padding, data_format, dilation_rate=1):
if x.ndim == 4:
w = np.fliplr(np.flipud(w))
w = np.transpose(w, (0, 1, 3, 2))
else:
w = np.flip(np.fliplr(np.flipud(w)), axis=2)
w = np.transpose(w, (0, 1, 2, 4, 3))
if isinstance(dilation_rate, int):
dilation_rate = (dilation_rate,) * (x.ndim - 2)
for (i, d) in enumerate(dilation_rate):
if d > 1:
for j in range(w.shape[i] - 1):
w = np.insert(w, 2 * j + 1, 0, axis=i)
return conv(x, w, padding=padding, data_format=data_format)
conv1d = conv
conv2d = conv
conv3d = conv
depthwise_conv2d = depthwise_conv
separable_conv1d = separable_conv
separable_conv2d = separable_conv
conv2d_transpose = conv_transpose
conv3d_transpose = conv_transpose
def pool(x, pool_size, strides, padding, data_format, pool_mode):
if data_format == 'channels_last':
if x.ndim == 3:
x = np.transpose(x, (0, 2, 1))
elif x.ndim == 4:
x = np.transpose(x, (0, 3, 1, 2))
else:
x = np.transpose(x, (0, 4, 1, 2, 3))
if padding == 'same':
pad = [(0, 0), (0, 0)] + [(s // 2, s // 2) for s in pool_size]
x = np.pad(x, pad, 'constant', constant_values=-np.inf)
# indexing trick
x = np.pad(x, [(0, 0), (0, 0)] + [(0, 1) for _ in pool_size],
'constant', constant_values=0)
if x.ndim == 3:
y = [x[:, :, k:k1:strides[0]]
for (k, k1) in zip(range(pool_size[0]), range(-pool_size[0], 0))]
elif x.ndim == 4:
y = []
for (k, k1) in zip(range(pool_size[0]), range(-pool_size[0], 0)):
for (l, l1) in zip(range(pool_size[1]), range(-pool_size[1], 0)):
y.append(x[:, :, k:k1:strides[0], l:l1:strides[1]])
else:
y = []
for (k, k1) in zip(range(pool_size[0]), range(-pool_size[0], 0)):
for (l, l1) in zip(range(pool_size[1]), range(-pool_size[1], 0)):
for (m, m1) in zip(range(pool_size[2]), range(-pool_size[2], 0)):
y.append(x[:,
:,
k:k1:strides[0],
l:l1:strides[1],
m:m1:strides[2]])
y = np.stack(y, axis=-1)
if pool_mode == 'avg':
y = np.mean(np.ma.masked_invalid(y), axis=-1).data
elif pool_mode == 'max':
y = np.max(y, axis=-1)
if data_format == 'channels_last':
if y.ndim == 3:
y = np.transpose(y, (0, 2, 1))
elif y.ndim == 4:
y = np.transpose(y, (0, 2, 3, 1))
else:
y = np.transpose(y, (0, 2, 3, 4, 1))
return y
pool2d = pool
pool3d = pool
def bias_add(x, y, data_format):
if data_format == 'channels_first':
if y.ndim > 1:
y = np.reshape(y, y.shape[::-1])
for _ in range(x.ndim - y.ndim - 1):
y = np.expand_dims(y, -1)
else:
for _ in range(x.ndim - y.ndim - 1):
y = np.expand_dims(y, 0)
return x + y
def rnn(step_function, inputs, initial_states,
go_backwards=False, mask=None, constants=None,
unroll=False, input_length=None):
if constants is None:
constants = []
output_sample, _ = step_function(inputs[:, 0], initial_states + constants)
if mask is not None:
if mask.dtype != np.bool:
mask = mask.astype(np.bool)
if mask.shape != inputs.shape[:2]:
raise ValueError(
'mask should have `shape=(samples, time)`, '
'got {}'.format(mask.shape))
def expand_mask(mask_, x):
# expand mask so that `mask[:, t].ndim == x.ndim`
while mask_.ndim < x.ndim + 1:
mask_ = np.expand_dims(mask_, axis=-1)
return mask_
output_mask = expand_mask(mask, output_sample)
states_masks = [expand_mask(mask, state) for state in initial_states]
if input_length is None:
input_length = inputs.shape[1]
assert input_length == inputs.shape[1]
time_index = range(input_length)
if go_backwards:
time_index = time_index[::-1]
outputs = []
states_tm1 = initial_states # tm1 means "t minus one" as in "previous timestep"
output_tm1 = np.zeros(output_sample.shape)
for t in time_index:
output_t, states_t = step_function(inputs[:, t], states_tm1 + constants)
if mask is not None:
output_t = np.where(output_mask[:, t], output_t, output_tm1)
states_t = [np.where(state_mask[:, t], state_t, state_tm1)
for state_mask, state_t, state_tm1
in zip(states_masks, states_t, states_tm1)]
outputs.append(output_t)
states_tm1 = states_t
output_tm1 = output_t
return outputs[-1], np.stack(outputs, axis=1), states_tm1
_LEARNING_PHASE = True
def learning_phase():
return _LEARNING_PHASE
def set_learning_phase(value):
global _LEARNING_PHASE
_LEARNING_PHASE = value
def in_train_phase(x, alt, training=None):
if training is None:
training = learning_phase()
if training is 1 or training is True:
if callable(x):
return x()
else:
return x
else:
if callable(alt):
return alt()
else:
return alt
def in_test_phase(x, alt, training=None):
return in_train_phase(alt, x, training=training)
def relu(x, alpha=0., max_value=None, threshold=0.):
if max_value is None:
max_value = np.inf
above_threshold = x * (x >= threshold)
above_threshold = np.clip(above_threshold, 0.0, max_value)
below_threshold = alpha * (x - threshold) * (x < threshold)
return below_threshold + above_threshold
def switch(condition, then_expression, else_expression):
cond_float = condition.astype(floatx())
while cond_float.ndim < then_expression.ndim:
cond_float = cond_float[..., np.newaxis]
return cond_float * then_expression + (1 - cond_float) * else_expression
def softplus(x):
return np.log(1. + np.exp(x))
def softsign(x):
return x / (1 + np.abs(x))
def elu(x, alpha=1.):
return x * (x > 0) + alpha * (np.exp(x) - 1.) * (x < 0)
def sigmoid(x):
return 1. / (1. + np.exp(-x))
def hard_sigmoid(x):
y = 0.2 * x + 0.5
return np.clip(y, 0, 1)
def tanh(x):
return np.tanh(x)
def softmax(x, axis=-1):
y = np.exp(x - np.max(x, axis, keepdims=True))
return y / np.sum(y, axis, keepdims=True)
def l2_normalize(x, axis=-1):
y = np.max(np.sum(x ** 2, axis, keepdims=True), axis, keepdims=True)
return x / np.sqrt(y)
def in_top_k(predictions, targets, k):
top_k = np.argsort(-predictions)[:, :k]
targets = targets.reshape(-1, 1)
return np.any(targets == top_k, axis=-1)
def binary_crossentropy(target, output, from_logits=False):
if not from_logits:
output = np.clip(output, 1e-7, 1 - 1e-7)
output = np.log(output / (1 - output))
return (target * -np.log(sigmoid(output)) +
(1 - target) * -np.log(1 - sigmoid(output)))
def categorical_crossentropy(target, output, from_logits=False):
if from_logits:
output = softmax(output)
else:
output /= output.sum(axis=-1, keepdims=True)
output = np.clip(output, 1e-7, 1 - 1e-7)
return np.sum(target * -np.log(output), axis=-1, keepdims=False)
def max(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.max(x, axis=axis, keepdims=keepdims)
def min(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.min(x, axis=axis, keepdims=keepdims)
def mean(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.mean(x, axis=axis, keepdims=keepdims)
def var(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.var(x, axis=axis, keepdims=keepdims)
def std(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.std(x, axis=axis, keepdims=keepdims)
def logsumexp(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return sp.special.logsumexp(x, axis=axis, keepdims=keepdims)
def sum(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.sum(x, axis=axis, keepdims=keepdims)
def prod(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.prod(x, axis=axis, keepdims=keepdims)
def cumsum(x, axis=0):
return np.cumsum(x, axis=axis)
def cumprod(x, axis=0):
return np.cumprod(x, axis=axis)
def any(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.any(x, axis=axis, keepdims=keepdims)
def all(x, axis=None, keepdims=False):
if isinstance(axis, list):
axis = tuple(axis)
return np.all(x, axis=axis, keepdims=keepdims)
def argmax(x, axis=-1):
return np.argmax(x, axis=axis)
def argmin(x, axis=-1):
return np.argmin(x, axis=axis)
def sqrt(x):
y = np.sqrt(x)
y[np.isnan(y)] = 0.
return y
def pow(x, a=1.):
return np.power(x, a)
def clip(x, min_value, max_value):
return np.clip(x, min_value, max_value)
def concatenate(tensors, axis=-1):
return np.concatenate(tensors, axis)
def permute_dimensions(x, pattern):
return np.transpose(x, pattern)
def reshape(x, shape):
return np.reshape(x, shape)
def repeat_elements(x, rep, axis):
return np.repeat(x, rep, axis=axis)
def repeat(x, n):
y = np.expand_dims(x, 1)
y = np.repeat(y, n, axis=1)
return y
def temporal_padding(x, padding=(1, 1)):
return np.pad(x, [(0, 0), padding, (0, 0)], mode='constant')
def spatial_2d_padding(x, padding=((1, 1), (1, 1)), data_format=None):
all_dims_padding = ((0, 0),) + padding + ((0, 0),)
all_dims_padding = transpose_shape(all_dims_padding, data_format,
spatial_axes=(1, 2))
return np.pad(x, all_dims_padding, mode='constant')
def spatial_3d_padding(x, padding=((1, 1), (1, 1), (1, 1)), data_format=None):
all_dims_padding = ((0, 0),) + padding + ((0, 0),)
all_dims_padding = transpose_shape(all_dims_padding, data_format,
spatial_axes=(1, 2, 3))
return np.pad(x, all_dims_padding, mode='constant')
def tile(x, n):
return np.tile(x, n)
def arange(start, stop=None, step=1, dtype='int32'):
return np.arange(start, stop, step, dtype)
def flatten(x):
return np.reshape(x, (-1,))
def batch_flatten(x):
return np.reshape(x, (x.shape[0], -1))
def gather(reference, indices):
return reference[indices]
def eval(x):
return x
def get_value(x):
return x
def count_params(x):
return x.size
def int_shape(x):
return x.shape
def get_variable_shape(x):
return int_shape(x)
def dtype(x):
return x.dtype.name
def constant(value, dtype=None, shape=None, name=None):
if dtype is None:
dtype = floatx()
if shape is None:
shape = ()
np_value = value * np.ones(shape)
np_value.astype(dtype)
return np_value
def print_tensor(x, message=''):
print(x, message)
return x
def dot(x, y):
return np.dot(x, y)
def batch_dot(x, y, axes=None):
if x.ndim < 2 or y.ndim < 2:
raise ValueError('Batch dot requires inputs of rank 2 or more.')
if isinstance(axes, int):
axes = [axes, axes]
elif isinstance(axes, tuple):
axes = list(axes)
if axes is None:
if y.ndim == 2:
axes = [x.ndim - 1, y.ndim - 1]
else:
axes = [x.ndim - 1, y.ndim - 2]
if any([isinstance(a, (list, tuple)) for a in axes]):
raise ValueError('Multiple target dimensions are not supported. ' +
'Expected: None, int, (int, int), ' +
'Provided: ' + str(axes))
# Handle negative axes
if axes[0] < 0:
axes[0] += x.ndim
if axes[1] < 0:
axes[1] += y.ndim
if 0 in axes:
raise ValueError('Can not perform batch dot over axis 0.')
if x.shape[0] != y.shape[0]:
raise ValueError('Can not perform batch dot on inputs'
' with different batch sizes.')
d1 = x.shape[axes[0]]
d2 = y.shape[axes[1]]
if d1 != d2:
raise ValueError('Can not do batch_dot on inputs with shapes ' +
str(x.shape) + ' and ' + str(y.shape) +
' with axes=' + str(axes) + '. x.shape[%d] != '
'y.shape[%d] (%d != %d).' % (axes[0], axes[1], d1, d2))
result = []
axes = [axes[0] - 1, axes[1] - 1] # ignore batch dimension
for xi, yi in zip(x, y):
result.append(np.tensordot(xi, yi, axes))
result = np.array(result)
if result.ndim == 1:
result = np.expand_dims(result, -1)
return result
def transpose(x):
return np.transpose(x)
def reverse(x, axes):
if isinstance(axes, list):
axes = tuple(axes)
return np.flip(x, axes)
py_slice = slice
def slice(x, start, size):
slices = [py_slice(i, i + j) for i, j in zip(start, size)]
return x[tuple(slices)]
def variable(value, dtype=None, name=None, constraint=None):
if constraint is not None:
raise TypeError("Constraint must be None when "
"using the NumPy backend.")
return np.array(value, dtype)
def dropout(x, level, noise_shape=None, seed=None):
if noise_shape is None:
noise_shape = x.shape
if learning_phase():
noise = np.random.choice([0, 1],
noise_shape,
replace=True,
p=[level, 1 - level])
return x * noise / (1 - level)
else:
return x
def equal(x, y):
return x == y
def not_equal(x, y):
return x != y
def greater(x, y):
return x > y
def greater_equal(x, y):
return x >= y
def less(x, y):
return x < y
def less_equal(x, y):
return x <= y
def maximum(x, y):
return np.maximum(x, y)
def minimum(x, y):
return np.minimum(x, y)
def ndim(x):
return x.ndim
def random_uniform_variable(shape, low, high, dtype=None, name=None, seed=None):
return (high - low) * np.random.random(shape).astype(dtype) + low
def random_normal_variable(shape, mean, scale, dtype=None, name=None, seed=None):
return scale * np.random.randn(*shape).astype(dtype) + mean
def zeros(shape, dtype=floatx(), name=None):
return np.zeros(shape, dtype=dtype)
def zeros_like(x, dtype=floatx(), name=None):
return np.zeros_like(x, dtype=dtype)
def ones(shape, dtype=floatx(), name=None):
return np.ones(shape, dtype=dtype)
def ones_like(x, dtype=floatx(), name=None):
return np.ones_like(x, dtype=dtype)
def eye(size, dtype=None, name=None):
if isinstance(size, (list, tuple)):
n, m = size
else:
n, m = size, size
return np.eye(n, m, dtype=dtype)
def resize_images(x, height_factor, width_factor, data_format):
if data_format == 'channels_first':
x = repeat_elements(x, height_factor, axis=2)
x = repeat_elements(x, width_factor, axis=3)
elif data_format == 'channels_last':
x = repeat_elements(x, height_factor, axis=1)
x = repeat_elements(x, width_factor, axis=2)
return x
def resize_volumes(x, depth_factor, height_factor, width_factor, data_format):
if data_format == 'channels_first':
x = repeat_elements(x, depth_factor, axis=2)
x = repeat_elements(x, height_factor, axis=3)
x = repeat_elements(x, width_factor, axis=4)
elif data_format == 'channels_last':
x = repeat_elements(x, depth_factor, axis=1)
x = repeat_elements(x, height_factor, axis=2)
x = repeat_elements(x, width_factor, axis=3)
return x
def one_hot(indices, num_classes):
return to_categorical(indices, num_classes)
def ctc_decode(y_pred, input_length, greedy=True, beam_width=100, top_paths=1,
merge_repeated=False):
num_samples = y_pred.shape[0]
num_classes = y_pred.shape[-1]
log_prob = np.zeros((num_samples, 1))
decoded_dense = -np.ones_like(y_pred[..., 0])
decoded_length = np.zeros((num_samples,), dtype=np.int)
if greedy:
for i in range(num_samples):
prob = y_pred[i]
length = input_length[i]
decoded = np.argmax(prob[:length], axis=-1)
log_prob[i] = -np.sum(np.log(prob[np.arange(length), decoded]))
decoded = _remove_repeats(decoded)
decoded = _remove_blanks(decoded, num_classes)
decoded_length[i] = len(decoded)
decoded_dense[i, :len(decoded)] = decoded
return decoded_dense[:, :np.max(decoded_length)], log_prob
else:
raise NotImplementedError
def _remove_repeats(inds):
is_not_repeat = np.insert(np.diff(inds).astype(np.bool), 0, True)
return inds[is_not_repeat]
def _remove_blanks(inds, num_classes):
return inds[inds < (num_classes - 1)]
def stack(x, axis=0):
return np.stack(x, axis=axis)
square = np.square
abs = np.abs
exp = np.exp
log = np.log
round = np.round
sign = np.sign
expand_dims = np.expand_dims
squeeze = np.squeeze
cos = np.cos
sin = np.sin
| [
"[email protected]"
] | |
d959ee8f74018f0e48775cb96dbc9df24332bda5 | f1dccf7f1ca2d5a8707027ac8f716faa17d58acc | /qonty/wsgi.py | 307f40cd609651ce38c543bb4aa2bfffa6a26845 | [] | no_license | manjurulhoque/Qonty | da0d02d3e4d5963e5d93b9ebeeb43f380c4d247f | 7af733b9835fd55c2d5d2f05024fdb1fa03be706 | refs/heads/master | 2021-08-22T21:30:30.217786 | 2020-07-29T17:20:26 | 2020-07-29T17:20:26 | 209,860,463 | 4 | 1 | null | null | null | null | UTF-8 | Python | false | false | 387 | py | """
WSGI config for qonty project.
It exposes the WSGI callable as a module-level variable named ``application``.
For more information on this file, see
https://docs.djangoproject.com/en/2.2/howto/deployment/wsgi/
"""
import os
from django.core.wsgi import get_wsgi_application
os.environ.setdefault('DJANGO_SETTINGS_MODULE', 'qonty.settings')
application = get_wsgi_application()
| [
"[email protected]"
] | |
d5e49abd202fa0a314a22f5c422aa6a6034fe73a | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p02897/s106434832.py | 0b05055660a5f89ee4035a320de3bd2043089be9 | [] | no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 123 | py | n = int(input())
ans = 0
for i in range(1, n + 1):
if i % 2 == 0:
continue
else:
ans += 1
print(ans / n)
| [
"[email protected]"
] | |
234c1d8d515203793de7a04d88a66a7bb1373620 | 30daf732b9b2e6a38b77225cbcaa3cf8fee0e86e | /Binary Tree -2/Lectures/check if tree is balanced or not IMPROVED.py | 1079696cbe9e4baad13adef02e000348a063d46f | [] | no_license | HarikrishnaRayam/Data-Structure-and-algorithm-python | 23b4855751dc0bc860d2221115fa447dc33add3e | 0a2ebe6e3c7c7c56c9b7c8747a03803d6e525dda | refs/heads/master | 2023-03-17T09:59:31.265200 | 2020-09-10T17:50:27 | 2020-09-10T17:50:27 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,514 | py | # -*- coding: utf-8 -*-
"""
Created on Tue Apr 28 22:29:48 2020
@author: cheerag.verma
Time Complexity = O(n)
"""
class BinaryTree:
def __init__(self,data):
self.data = data
self.left = None
self.right = None
def takeInput():
root = int(input())
if root ==-1:
return
btn = BinaryTree(root)
leftTree = takeInput()
rightTree = takeInput()
btn.left = leftTree
btn.right = rightTree
return btn
def isBalancedOptimized(root):
if root is None:
return 0,True
heightLeft,leftTreeBalanced = isBalancedOptimized(root.left)
heightRight,rightTreeBalanced = isBalancedOptimized(root.right)
h = 1+max(heightLeft,heightRight)
if heightLeft-heightRight>1 or heightRight-heightLeft>1:
return h,False
if leftTreeBalanced and rightTreeBalanced:
return h,True
else:
return h,False
def printTree(root):
if root is None:
return
print("root:",root.data,end="-")
if root.left is not None:
print("L:",root.left.data,end=",")
if root.right is not None:
print("R:",root.right.data,end="")
print()
leftTree = printTree(root.left)
rightTree = printTree(root.right)
if leftTree and rightTree:
return True
else:
return False
root = takeInput()
print(isBalancedOptimized(root))
#printTree(root)
| [
"[email protected]"
] | |
7884e9f6de6d596a58e8aba708802e7769ee8e11 | 0ec0fa7a6dc0659cc26113e3ac734434b2b771f2 | /4.refactored/log/2016-11-16@17:05/minibatch.py | afaf6d6a1d97d7184bf46d0b1a07c59bb3ad0382 | [] | no_license | goldleaf3i/3dlayout | b8c1ab3a21da9129829e70ae8a95eddccbf77e2f | 1afd3a94a6cb972d5d92fe373960bd84f258ccfe | refs/heads/master | 2021-01-23T07:37:54.396115 | 2017-03-28T10:41:06 | 2017-03-28T10:41:06 | 86,431,368 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 41,651 | py | from __future__ import division
import datetime as dt
import numpy as np
import util.layout as lay
import util.GrafoTopologico as gtop
import util.transitional_kernels as tk
import util.MappaSemantica as sema
import util.frontiere as fr
from object import Segmento as sg
from util import pickle_util as pk
from util import accuracy as ac
from util import layout as lay
from util import disegna as dsg
from util import predizionePlan_geometriche as pgeom
from object import Superficie as fc
from object import Spazio as sp
from object import Plan as plan
from util import MCMC as mcmc
import parameters as par
import pickle
import os
import glob
import shutil
import time
import cv2
import warnings
warnings.warn("Settare i parametri del lateralLine e cvThresh")
def start_main(parametri_obj, path_obj):
#----------------------------1.0_LAYOUT DELLE STANZE----------------------------------
#------inizio layout
#leggo l'immagine originale in scala di grigio e la sistemo con il thresholding
img_rgb = cv2.imread(path_obj.metricMap)
img_ini = img_rgb.copy() #copio l'immagine
# 127 per alcuni dati, 255 per altri
ret,thresh1 = cv2.threshold(img_rgb,parametri_obj.cv2thresh,255,cv2.THRESH_BINARY)#prova
#------------------1.1_CANNY E HOUGH PER TROVARE MURI---------------------------------
walls , canny = lay.start_canny_ed_hough(thresh1,parametri_obj)
print len(walls)
#walls , canny = lay.start_canny_ed_hough(img_rgb,parametri_obj)
if par.DISEGNA:
#disegna mappa iniziale, canny ed hough
dsg.disegna_map(img_rgb,filepath = path_obj.filepath, format='png')
dsg.disegna_canny(canny,filepath = path_obj.filepath, format='png')
dsg.disegna_hough(img_rgb,walls,filepath = path_obj.filepath, format='png')
lines = lay.flip_lines(walls, img_rgb.shape[0]-1)
walls = lay.crea_muri(lines)
print "lines", len(lines), len(walls)
if par.DISEGNA:
#disegno linee
dsg.disegna_segmenti(walls, format='png')#solo un disegno poi lo elimino
#------------1.2_SETTO XMIN YMIN XMAX YMAX DI walls-----------------------------------
#tra tutti i punti dei muri trova l'ascissa e l'ordinata minima e massima.
estremi = sg.trova_estremi(walls)
xmin = estremi[0]
xmax = estremi[1]
ymin = estremi[2]
ymax = estremi[3]
offset = 20
xmin -= offset
xmax += offset
ymin -= offset
ymax += offset
#-------------------------------------------------------------------------------------
#---------------1.3_CONTORNO ESTERNO--------------------------------------------------
#(contours, vertici) = lay.contorno_esterno(img_rgb, parametri_obj, path_obj)
(contours, vertici) = lay.contorno_esterno_versione_tre(img_rgb)
if par.DISEGNA:
dsg.disegna_contorno(vertici,xmin,ymin,xmax,ymax,filepath = path_obj.filepath, format='png')
#-------------------------------------------------------------------------------------
#---------------1.4_MEAN SHIFT PER TROVARE CLUSTER ANGOLARI---------------------------
(indici, walls, cluster_angolari) = lay.cluster_ang(parametri_obj.h, parametri_obj.minOffset, walls, diagonali= parametri_obj.diagonali)
if par.DISEGNA:
#dsg.disegna_cluster_angolari(walls, cluster_angolari, filepath = path_obj.filepath,savename = '5b_cluster_angolari')
dsg.disegna_cluster_angolari_corretto(walls, cluster_angolari, filepath = path_obj.filepath,savename = '5b_cluster_angolari',format='png')
#-------------------------------------------------------------------------------------
#---------------1.5_CLUSTER SPAZIALI--------------------------------------------------
#questo metodo e' sbagliato, fai quella cosa con il hierarchical clustering per classificarli meglio.e trovare in sostanza un muro
#cluster_spaziali = lay.cluster_spaz(parametri_obj.minLateralSeparation, walls)
#inserisci qui il nuovo Cluster_spaz
nuovo_clustering = 2 #1 metodo di matteo, 2 mio
#in walls ci sono tutti i segmenti
if nuovo_clustering == 1:
cluster_spaziali = lay.cluster_spaz(parametri_obj.minLateralSeparation, walls)#metodo di matteo
elif nuovo_clustering ==2:
cluster_mura = lay.get_cluster_mura(walls, cluster_angolari, parametri_obj)#metodo di valerio
cluster_mura_senza_outliers = []
for c in cluster_mura:
if c!=-1:
cluster_mura_senza_outliers.append(c)
# ottengo gli outliers
# outliers = []
# for s in walls:
# if s.cluster_muro == -1:
# outliers.append(s)
# dsg.disegna_segmenti(outliers, savename = "outliers")
#ora che ho un insieme di cluster relativi ai muri voglio andare ad unire quelli molto vicini
#ottengo i rappresentanti dei cluster (tutti tranne gli outliers)
#segmenti_rappresentanti = lay.get_rappresentanti(walls, cluster_mura)
segmenti_rappresentanti = lay.get_rappresentanti(walls, cluster_mura_senza_outliers)
if par.DISEGNA:
dsg.disegna_segmenti(segmenti_rappresentanti,filepath = path_obj.filepath, savename = "5c_segmenti_rappresentanti", format='png')
#classifico i rappresentanti
#qui va settata la soglia con cui voglio separare i cluster muro
#segmenti_rappresentanti = segmenti_rappresentanti
segmenti_rappresentanti = sg.spatialClustering(parametri_obj.sogliaLateraleClusterMura, segmenti_rappresentanti)
#in questo momento ho un insieme di segmenti rappresentanti che hanno il cluster_spaziale settato correttamente, ora setto anche gli altri che hanno lo stesso cluster muro
cluster_spaziali = lay.new_cluster_spaziale(walls, segmenti_rappresentanti, parametri_obj)
if par.DISEGNA:
dsg.disegna_cluster_spaziali(cluster_spaziali, walls,filepath = path_obj.filepath, format='png')
dsg.disegna_cluster_mura(cluster_mura, walls,filepath = path_obj.filepath, savename= '5d_cluster_mura', format='png')
#-------------------------------------------------------------------------------------
#-------------------1.6_CREO EXTENDED_LINES-------------------------------------------
(extended_lines, extended_segments) = lay.extend_line(cluster_spaziali, walls, xmin, xmax, ymin, ymax,filepath = path_obj.filepath)
if par.DISEGNA:
dsg.disegna_extended_segments(extended_segments, walls,filepath = path_obj.filepath, format='png')
#-------------------------------------------------------------------------------------
#-------------1.7_CREO GLI EDGES TRAMITE INTERSEZIONI TRA EXTENDED_LINES--------------
edges = sg.crea_edges(extended_segments)
#-------------------------------------------------------------------------------------
#----------------------1.8_SETTO PESI DEGLI EDGES-------------------------------------
edges = sg.setPeso(edges, walls)
#-------------------------------------------------------------------------------------
#----------------1.9_CREO LE CELLE DAGLI EDGES----------------------------------------
celle = fc.crea_celle(edges)
#-------------------------------------------------------------------------------------
#----------------CLASSIFICO CELLE-----------------------------------------------------
global centroid
#verificare funzioni
if par.metodo_classificazione_celle ==1:
print "1.metodo di classificazione ", par.metodo_classificazione_celle
(celle, celle_out, celle_poligoni, indici, celle_parziali, contorno, centroid, punti) = lay.classificazione_superfici(vertici, celle)
elif par.metodo_classificazione_celle==2:
print "2.metodo di classificazione ", par.metodo_classificazione_celle
#sto classificando le celle con il metodo delle percentuali
(celle_out, celle, centroid, punti,celle_poligoni, indici, celle_parziali) = lay.classifica_celle_con_percentuale(vertici, celle, img_ini)
#-------------------------------------------------------------------------------------
#--------------------------POLIGONI CELLE---------------------------------------------
(celle_poligoni, out_poligoni, parz_poligoni, centroid) = lay.crea_poligoni_da_celle(celle, celle_out, celle_parziali)
#ora vorrei togliere le celle che non hanno senso, come ad esempio corridoi strettissimi, il problema e' che lo vorrei integrare con la stanza piu' vicina ma per ora le elimino soltanto
#RICORDA: stai pensando solo a celle_poligoni
#TODO: questo metodo non funziona benissimo(sbagli ad eliminare le celle)
#celle_poligoni, celle = lay.elimina_celle_insensate(celle_poligoni,celle, parametri_obj)#elimino tutte le celle che hanno una forma strana e che non ha senso siano stanze
#-------------------------------------------------------------------------------------
#------------------CREO LE MATRICI L, D, D^-1, ED M = D^-1 * L------------------------
(matrice_l, matrice_d, matrice_d_inv, X) = lay.crea_matrici(celle, sigma = parametri_obj.sigma)
#-------------------------------------------------------------------------------------
#----------------DBSCAN PER TROVARE CELLE NELLA STESSA STANZA-------------------------
clustersCelle = lay.DB_scan(parametri_obj.eps, parametri_obj.minPts, X, celle_poligoni)
#questo va disegnato per forza perche' restituisce la lista dei colori
if par.DISEGNA:
colori, fig, ax = dsg.disegna_dbscan(clustersCelle, celle, celle_poligoni, xmin, ymin, xmax, ymax, edges, contours,filepath = path_obj.filepath, format='png')
else:
colori = dsg.get_colors(clustersCelle, format='png')
#-------------------------------------------------------------------------------------
#------------------POLIGONI STANZE(spazio)--------------------------------------------
stanze, spazi = lay.crea_spazio(clustersCelle, celle, celle_poligoni, colori, xmin, ymin, xmax, ymax, filepath = path_obj.filepath)
if par.DISEGNA:
dsg.disegna_stanze(stanze, colori, xmin, ymin, xmax, ymax,filepath = path_obj.filepath, format='png')
#-------------------------------------------------------------------------------------
#cerco le celle parziali
coordinate_bordi = [xmin, ymin, xmax, ymax]
celle_parziali, parz_poligoni = lay.get_celle_parziali(celle, celle_out, coordinate_bordi)#TODO: non ho controllato bene ma mi pare che questa cosa possa essere inserita nel metodo 1 che crca le celle parziali
#creo i poligoni relativi alle celle_out
out_poligoni = lay.get_poligoni_out(celle_out)
# TODO: questo blocco e' da eliminare, mi serviva solo per risolvere un bug
# l = []
# for i,p in enumerate(out_poligoni):
# l.append(i)
# col_prova = dsg.get_colors(l)
# dsg.disegna_stanze(out_poligoni, col_prova, xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename='0a_prova')
# exit()
#
#--------------------------------fine layout------------------------------------------
#------------------------------GRAFO TOPOLOGICO---------------------------------------
#costruisco il grafo
(stanze_collegate, doorsVertices, distanceMap, points, b3) = gtop.get_grafo(path_obj.metricMap, stanze, estremi, colori, parametri_obj)
(G, pos) = gtop.crea_grafo(stanze, stanze_collegate, estremi, colori)
#ottengo tutte quelle stanze che non sono collegate direttamente ad un'altra, con molta probabilita' quelle non sono stanze reali
stanze_non_collegate = gtop.get_stanze_non_collegate(stanze, stanze_collegate)
#ottengo le stanze reali, senza tutte quelle non collegate
stanze_reali, colori_reali = lay.get_stanze_reali(stanze, stanze_non_collegate, colori)
if par.DISEGNA:
#sto disegnando usando la lista di colori originale, se voglio la lista della stessa lunghezza sostituire colori con colori_reali
dsg.disegna_stanze(stanze_reali, colori_reali, xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '8_Stanze_reali', format='png')
#------------------------------------------------------------------------------------
if par.DISEGNA:
dsg.disegna_distance_transform(distanceMap, filepath = path_obj.filepath, format='png')
dsg.disegna_medial_axis(points, b3, filepath = path_obj.filepath, format='png')
dsg.plot_nodi_e_stanze(colori,estremi, G, pos, stanze, stanze_collegate, filepath = path_obj.filepath, format='png')
#-----------------------------fine GrafoTopologico------------------------------------
#-------------------------------------------------------------------------------------
#DA QUI PARTE IL NUOVO PEZZO
#IDEA:
#1) trovo le celle parziali(uno spazio e' parziali se almeno una delle sue celle e' parziale) e creo l'oggetto Plan
#2) postprocessing per capire se le celle out sono realmente out
#3) postprocessing per unire gli spazi che dovrebbero essere uniti
#creo l'oggetto plan che contiene tutti gli spazi, ogni stanza contiene tutte le sue celle, settate come out, parziali o interne.
#setto gli spazi come out se non sono collegati a nulla.
spazi = sp.get_spazi_reali(spazi, stanze_reali) #elimino dalla lista di oggetti spazio quegli spazi che non sono collegati a nulla.
#---------------------------trovo le cellette parziali--------------------------------
#se voglio il metodo che controlla le celle metto 1,
#se voglio il confronto di un intera stanza con l'esterno metto 2
#se volgio il confronto di una stanza con quelli che sono i pixel classificati nella frontiera metto 3
trova_parziali=3
if par.mappa_completa ==False and trova_parziali==1:
#QUESTO METODO OGNI TANTO SBAGLIA PER VIA DELLA COPERTURA DEI SEGMANTI, verifico gli errori con il postprocessing per le stanze parziali.
#TODO: Questo deve essere fatto solo se sono in presenza di mappe parziali
sp.set_cellette_parziali(spazi, parz_poligoni)#trovo le cellette di uno spazio che sono parziali
spazi = sp.trova_spazi_parziali(spazi)#se c'e' almeno una celletta all'interno di uno spazio che e' parziale, allora lo e' tutto lo spazio.
#creo l'oggetto Plan
#faccio diventare la lista di out_poligoni delle cellette
cellette_out = []
for p,c in zip(out_poligoni, celle_out):
celletta = sp.Celletta(p,c)
celletta.set_celletta_out(True)
cellette_out.append(celletta)
plan_o = plan.Plan(spazi, contorno, cellette_out) #spazio = oggetto Spazio. contorno = oggetto Polygon, cellette_out = lista di Cellette
dsg.disegna_spazi(spazi, colori, xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13_spazi', format='png')
if par.mappa_completa ==False and trova_parziali==2:
#secondo metodo per trovare gli spazi parziali. Fa una media pesata. migliore rispetto al primo ma bisogna fare tuning del parametro
plan.trova_spazi_parziali_due(plan_o)
if par.mappa_completa == False and trova_parziali==3:
#terzo metodo per trovare le celle parziali basato sulla ricerca delle frontiere.
immagine_cluster, frontiere, labels, lista_pixel_frontiere = fr.ottieni_frontire_principali(img_ini)
if len(labels) > 0:
plan.trova_spazi_parziali_da_frontiere(plan_o, lista_pixel_frontiere, immagine_cluster, labels)
spazi = sp.trova_spazi_parziali(plan_o.spazi)
if par.DISEGNA:
dsg.disegna_map(immagine_cluster,filepath = path_obj.filepath, savename = '0a_frontiere', format='png')
#-------------------------------------------------------------------------------------
#-----------------------------calcolo peso per extended_segments----------------------
#calcolo il peso di un extended segment in base alla copertura sei segmenti. Ovviamente non potra' mai essere 100%.
extended_segments = sg.setPeso(extended_segments, walls)#TODO:controllare che sia realmente corretto
#calcolo per ogni extended segment quante sono le stanze che tocca(la copertura)
lay.calcola_copertura_extended_segment(extended_segments, plan_o.spazi)
plan_o.set_extended_segments(extended_segments)
#-------------------------------------------------------------------------------------
#---------------------------unisco spazi oversegmentati ------------------------------
#unisco le spazi che sono state divisi erroneamente
#fa schifissimo come metodo(nel caso lo utilizziamo per MCMCs)
uniciStanzeOversegmentate = 2
#1) primo controlla cella per cella
#2) unisce facendo una media pesata
#3) non unisce le stanze, non fa assolutamente nulla, usato per mappe parziali se non voglio unire stanze
if uniciStanzeOversegmentate ==1:
#fa schifissimo come metodo(nel caso lo utilizziamo per MCMCs)
#unione stanze
#provo ad usare la distance transforme
#dsg.disegna_distance_transform_e_stanze(distanceMap,stanze,colori, filepath = path_obj.filepath, savename = 'distance_and_stanze')
#se esistono due spazi che sono collegati tramite un edge di una cella che ha un peso basso allora unisco quegli spazi
plan.unisci_stanze_oversegmentate(plan_o)
#cambio anche i colori
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13b_spazi_nuovo', format='png')
elif uniciStanzeOversegmentate == 2:
#TODO: questo metodo funziona meglio del primo, vedere se vale la pena cancellare il primo
#metodo molto simile a quello di Mura per il postprocessing
plan.postprocessing(plan_o, parametri_obj)
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13b_spazi_nuovo', format='png')
else:
#se non voglio unire le stanze, ad esempio e' utile quando sto guardando le mappe parziali
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13b_spazi_nuovo', format='png')
#-------------------------------------------------------------------------------------
#------------------------------PREDIZIONE GEOMETRICA----------------------------------
#da qui comincia la parte di predizione, io la sposterei in un altro file
#ricavo gli spazi parziali
cellette_out = plan_o.cellette_esterne
spazi_parziali = []
for s in plan_o.spazi:
if s.parziale == True:
spazi_parziali.append(s)
import copy
plan_o_2 = copy.deepcopy(plan_o)#copio l'oggetto per poter eseguire le azioni separatamente
plan_o_3 = copy.deepcopy(plan_o)
#metodo di predizione scelto.
#se MCMC == True si vuole predirre con il MCMC, altrimenti si fanno azioni geometriche molto semplici
if par.MCMC ==True:
# TODO:da eliminare, mi serviva solo per delle immagini e per controllare di aver fatto tutto giusto
#TODO: MCMC rendilo una funzione privata o di un altro modulo, che se continui a fare roba qua dentro non ci capisci piu' nulla.
#guardo quali sono gli extended che sto selezionando
for index,s in enumerate(spazi_parziali):
celle_di_altre_stanze = []
for s2 in plan_o.spazi:
if s2 !=s:
for c in s2.cells:
celle_di_altre_stanze.append(c)
#-----non serve(*)
celle_circostanti = celle_di_altre_stanze + cellette_out #creo una lista delle celle circostanti ad una stanza
a = sp.estrai_extended_da_spazio(s, plan_o.extended_segments, celle_circostanti)
tot_segment = list(set(a))
#dsg.disegna_extended_segments(tot_segment, walls,filepath = path_obj.filepath, format='png', savename = '7a_extended'+str(index))
#extended visti di una stanza parziale.
b= sp.estrai_solo_extended_visti(s, plan_o.extended_segments, celle_circostanti)#estraggo solo le extended sicuramente viste
tot_segment_visti = list(set(b))
#dsg.disegna_extended_segments(tot_segment_visti, walls,filepath = path_obj.filepath, format='png', savename = '7b_extended'+str(index))
#-----fine(*)
#computo MCMC sulla stanza in considerazione
mcmc.computa_MCMC(s, plan_o, celle_di_altre_stanze, index, xmin, ymin, xmax, ymax, path_obj)
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '14_MCMC', format='png')
if par.azione_complessa == True:
#azione complessa nel quale vado a creare l'intero spazio degli stati fino ad una certa iterazione.
for index,s in enumerate(spazi_parziali):
#creo il mio spazio degli stati
level= 1 #questa e la profondita con la quale faccio la mia ricerca, oltre al terzo livello non vado a ricercare le celle.
elementi = pgeom.estrai_spazio_delle_celle(s, plan_o, level)
#elementi = ['s', 'c', 'm', 'n']
print "gli elementi sono:", len(elementi)
print "-------inizio calcolo permutazioni-------"
permutazioni = pgeom.possibili_permutazioni(elementi)
print "-------fine calcolo permutazioni-------"
print "il numero di permutazioni sono:", len(permutazioni)
#per ogni permutazione degli elementi devo controllare il costo che avrebbe il layout con l'aggiunta di tutte le celle di quella permutazione.
for indice,permutazione in enumerate(permutazioni):
pgeom.aggiunge_celle_permutazione(permutazione, plan_o, s)
print "fatto 1"
try:
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = 'permutazioni\14_permutazioni_'+str(indice)+'_prima', format='png')
except AssertionError:
pass
print "fatto 2"
pgeom.elimina_celle_permutazione(permutazione, plan_o, s)
print "fatto 3"
try:
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = 'permutazioni\14_permutazioni_'+str(indice)+'_dopo', format='png')
except AssertionError:
pass
print "fatto 4"
exit()
# for r in permutazioni:
# print r
# print "\n\n"
#
# poligoni= []
# colori=[]
# for ele in elementi:
# poligoni.append(ele.cella)
# colori.append('#800000')
#
# dsg.disegna_stanze(poligoni,colori , xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '15_poligoni_esterni_stanza'+str(index), format='png')
if par.azioni_semplici==True:
#------------------------------AZIONE GEOMETRICA 1)+2)--------------------------------
#-------------------------------AZIONE GEOMETRICA 1)----------------------------------
#-----AGGIUNGO CELLE OUT A CELLE PARZIALI SOLO SE QUESTE CELLE OUT SONO STATE TOCCANTE DAL BEAM DEL LASER
celle_candidate = []
for s in spazi_parziali:
celle_confinanti = pgeom.estrai_celle_confinanti_alle_parziali(plan_o, s)#estraggo le celle confinanti alle celle interne parziali delle stanze parziali.
print "le celle confinanti sono: ", len(celle_confinanti)
#unisco solo se le celle sono state toccate dal beam del laser
celle_confinanti = plan.trova_celle_toccate_dal_laser_beam(celle_confinanti, immagine_cluster)
#delle celle confinanti non devo unire quelle che farebbero sparire una parete.
celle_confinanti = pgeom.elimina_celle_con_parete_vista(celle_confinanti, s)
#faccio una prova per unire una cella che e' toccata dal beam del laser.
if len(celle_confinanti)>0:
#unisco la cella allo spazio
for cella in celle_confinanti:
if cella.vedo_frontiera == True:
sp.aggiungi_cella_a_spazio(s, cella, plan_o)
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13c_azione_geom_1', format='png')
#-------------------------------AZIONE GEOMETRICA 2)-----------------------------------
#--UNISCO LE CELLE IN BASE ALLE PARETI CHE CONDIVIDONO CON ALTRE STANZE
for s in spazi_parziali:
#estraggo le celle out che confinano con le celle parziali
celle_confinanti = pgeom.estrai_celle_confinanti_alle_parziali(plan_o, s)#estraggo le celle confinanti alle celle interne parziali delle stanze parziali.
print "le celle confinanti sono: ", len(celle_confinanti)
#delle celle confinanti appena estratte devo prendere solamente quelle che hanno tutti i lati supportati da una extended line
celle_confinanti = pgeom.estrai_celle_supportate_da_extended_segmement(celle_confinanti, s, plan_o.extended_segments)
#delle celle confinanti non devo unire quelle che farebbero sparire una parete.
celle_confinanti = pgeom.elimina_celle_con_parete_vista(celle_confinanti, s)
#unisco solo quelle selezionate
#TODO questa parte e' da cancellare
if len(celle_confinanti)>0:
#unisco la cella allo spazio
for cella in celle_confinanti:
sp.aggiungi_cella_a_spazio(s, cella, plan_o)
dsg.disegna_spazi(plan_o.spazi, dsg.get_colors(plan_o.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13e_azione_geom_1_piu_geom_2', format='png')
#----------------------------------FINE 1)+2)-----------------------------------------
#----------------------------FACCIO SOLO AZIONE GEOM 2)-------------------------------
#questa azione la faccio su una copia di plan
#ricavo gli spazi parziali dalla copia di plan_o che sono esattamente una copia di spazi_parziali precedente.
cellette_out = plan_o_2.cellette_esterne
spazi_parziali = []
for s in plan_o_2.spazi:
if s.parziale == True:
spazi_parziali.append(s)
cella_prova =None#eli
spp = None#eli
for s in spazi_parziali:
#estraggo le celle out che confinano con le celle parziali
celle_confinanti = pgeom.estrai_celle_confinanti_alle_parziali(plan_o_2, s)#estraggo le celle confinanti alle celle interne parziali delle stanze parziali.
print "le celle confinanti sono: ", len(celle_confinanti)
#delle celle confinanti appena estratte devo prendere solamente quelle che hanno tutti i lati supportati da una extended line
celle_confinanti = pgeom.estrai_celle_supportate_da_extended_segmement(celle_confinanti, s, plan_o_2.extended_segments)
print "le celle confinanti sono2: ", len(celle_confinanti)
#delle celle confinanti non devo unire quelle che farebbero sparire una parete.
celle_confinanti = pgeom.elimina_celle_con_parete_vista(celle_confinanti, s)
print "le celle confinanti sono3: ", len(celle_confinanti)
#unisco solo quelle selezionate
#TODO questa parte e' da cancellare
if len(celle_confinanti)>0:
#unisco la cella allo spazio
for cella in celle_confinanti:
sp.aggiungi_cella_a_spazio(s, cella, plan_o_2)
cella_prova = cella#elimina
spp = s#elimina
dsg.disegna_spazi(plan_o_2.spazi, dsg.get_colors(plan_o_2.spazi), xmin, ymin, xmax, ymax,filepath = path_obj.filepath, savename = '13d_azione_geom_2', format='png')
#----------------------------------FINE SOLO AZIONE GEOM 2)--------------------------
#------------------------CREO PICKLE--------------------------------------------------
#creo i file pickle per il layout delle stanze
print("creo pickle layout")
pk.crea_pickle((stanze, clustersCelle, estremi, colori, spazi, stanze_reali, colori_reali), path_obj.filepath_pickle_layout)
print("ho finito di creare i pickle del layout")
#creo i file pickle per il grafo topologico
print("creo pickle grafoTopologico")
pk.crea_pickle((stanze, clustersCelle, estremi, colori), path_obj.filepath_pickle_grafoTopologico)
print("ho finito di creare i pickle del grafo topologico")
#-----------------------CALCOLO ACCURACY----------------------------------------------
#L'accuracy e' da controllare, secondo me non e' corretta.
if par.mappa_completa:
#funzione per calcolare accuracy fc e bc
print "Inizio a calcolare metriche"
results, stanze_gt = ac.calcola_accuracy(path_obj.nome_gt,estremi,stanze_reali, path_obj.metricMap,path_obj.filepath, parametri_obj.flip_dataset)
#results, stanze_gt = ac.calcola_accuracy(path_obj.nome_gt,estremi,stanze, path_obj.metricMap,path_obj.filepath, parametri_obj.flip_dataset)
if par.DISEGNA:
dsg.disegna_grafici_per_accuracy(stanze, stanze_gt, filepath = path_obj.filepath, format='png')
print "Fine calcolare metriche"
else:
#setto results a 0, giusto per ricordarmi che non ho risultati per le mappe parziali
results = 0
stanze_gt = ac.get_stanze_gt(path_obj.nome_gt, estremi, flip_dataset = False)
if par.DISEGNA:
#raccolgo i poligoni
stanze_acc = []
for spazio in plan_o.spazi:
stanze_acc.append(spazio.spazio)
dsg.disegna_grafici_per_accuracy(stanze_acc, stanze_gt, filepath = path_obj.filepath, format='png')
#in questa fase il grafo non e' ancora stato classificato con le label da dare ai vai nodi.
#-------------------------------------------------------------------------------------
#creo il file xml dei parametri
par.to_XML(parametri_obj, path_obj)
#-------------------------prova transitional kernels----------------------------------
#splitto una stanza e restituisto la nuova lista delle stanze
#stanze, colori = tk.split_stanza_verticale(2, stanze, colori,estremi)
#stanze, colori = tk.split_stanza_orizzontale(3, stanze, colori,estremi)
#stanze, colori = tk.slit_all_cell_in_room(spazi, 1, colori, estremi) #questo metodo e' stato fatto usando il concetto di Spazio, dunque fai attenzione perche' non restituisce la cosa giusta.
#stanze, colori = tk.split_stanza_reverce(2, len(stanze)-1, stanze, colori, estremi) #questo unisce 2 stanze precedentemente splittate, non faccio per ora nessun controllo sul fatto che queste 2 stanze abbiano almeno un muro in comune, se sono lontani succede un casino
#-----------------------------------------------------------------------------------
#-------------------------MAPPA SEMANTICA-------------------------------------------
'''
#in questa fase classifico i nodi del grafo e conseguentemente anche quelli della mappa.
#gli input di questa fase non mi sono ancora molto chiari
#per ora non la faccio poi se mi serve la copio/rifaccio, penso proprio sia sbagliata.
#stanze ground truth
(stanze_gt, nomi_stanze_gt, RC, RCE, FCES, spaces, collegate_gt) = sema.get_stanze_gt(nome_gt, estremi)
#corrispondenze tra gt e segmentate (backward e forward)
(indici_corrispondenti_bwd, indici_gt_corrispondenti_fwd) = sema.get_corrispondenze(stanze,stanze_gt)
#creo xml delle stanze segmentate
id_stanze = sema.crea_xml(nomeXML,stanze,doorsVertices,collegate,indici_gt_corrispondenti_fwd,RCE,nomi_stanze_gt)
#parso xml creato, va dalla cartella input alla cartella output/xmls, con feature aggiunte
xml_output = sema.parsa(dataset_name, nomeXML)
#classifico
predizioniRCY = sema.classif(dataset_name,xml_output,'RC','Y',30)
predizioniRCN = sema.classif(dataset_name,xml_output,'RC','N',30)
predizioniFCESY = sema.classif(dataset_name,xml_output,'RCES','Y',30)
predizioniFCESN = sema.classif(dataset_name,xml_output,'RCES','N',30)
#creo mappa semantica segmentata e ground truth e le plotto assieme
sema.creaMappaSemantica(predizioniRCY, G, pos, stanze, id_stanze, estremi, colori, clustersCelle, collegate)
sema.creaMappaSemanticaGt(stanze_gt, collegate_gt, RC, estremi, colori)
plt.show()
sema.creaMappaSemantica(predizioniRCN, G, pos, stanze, id_stanze, estremi, colori, clustersCelle, collegate)
sema.creaMappaSemanticaGt(stanze_gt, collegate_gt, RC, estremi, colori)
plt.show()
sema.creaMappaSemantica(predizioniFCESY, G, pos, stanze, id_stanze, estremi, colori, clustersCelle, collegate)
sema.creaMappaSemanticaGt(stanze_gt, collegate_gt, FCES, estremi, colori)
plt.show()
sema.creaMappaSemantica(predizioniFCESN, G, pos, stanze, id_stanze, estremi, colori, clustersCelle, collegate)
sema.creaMappaSemanticaGt(stanze_gt, collegate_gt, FCES, estremi, colori)
plt.show()
'''
#-----------------------------------------------------------------------------------
print "to be continued..."
return results
#TODO
def load_main(filepath_pickle_layout, filepath_pickle_grafoTopologico, parXML):
#carico layout
pkl_file = open(filepath_pickle_layout, 'rb')
data1 = pickle.load(pkl_file)
stanze = data1[0]
clustersCelle = data1[1]
estremi = data1[2]
colori = data1[3]
spazi = data1[4]
stanze_reali = data1[5]
colori_reali= data1[6]
#print "controllo che non ci sia nulla di vuoto", len(stanze), len(clustersCelle), len(estremi), len(spazi), len(colori)
#carico il grafo topologico
pkl_file2 = open( filepath_pickle_grafoTopologico, 'rb')
data2 = pickle.load(pkl_file2)
G = data2[0]
pos = data2[1]
stanze_collegate = data2[2]
doorsVertices = data2[3]
#creo dei nuovi oggetti parametri caricando i dati dal file xml
new_parameter_obj, new_path_obj = par.load_from_XML(parXML)
#continuare il metodo da qui
def makeFolders(location,datasetList):
for dataset in datasetList:
if not os.path.exists(location+dataset):
os.mkdir(location+dataset)
os.mkdir(location+dataset+"_pickle")
def main():
start = time.time()
print ''' PROBLEMI NOTI \n
1] LE LINEE OBLIQUE NON VANNO;\n
2] NON CLASSIFICA LE CELLE ESTERNE CHE STANNO DENTRO IL CONVEX HULL, CHE QUINDI VENGONO CONSIDERATE COME STANZE;\n
OK 3] ACCURACY NON FUNZIONA;\n
4] QUANDO VENGONO RAGGRUPPATI TRA DI LORO I CLUSTER COLLINEARI, QUESTO VIENE FATTO A CASCATA. QUESTO FINISCE PER ALLINEARE ASSIEME MURA MOLTO DISTANTI;\n
5] IL SISTEMA E' MOLTO SENSIBILE ALLA SCALA. BISOGNEREBBE INGRANDIRE TUTTE LE IMMAGINI FACENDO UN RESCALING E RISOLVERE QUESTO PROBLEMA. \n
[4-5] FANNO SI CHE I CORRIDOI PICCOLI VENGANO CONSIDERATI COME UNA RETTA UNICA\n
6] BISOGNEREBBE FILTRARE LE SUPERFICI TROPPO PICCOLE CHE VENGONO CREATE TRA DEI CLUSTER;\n
7] LE IMMAGINI DI STAGE SONO TROPPO PICCOLE; VANNO RIPRESE PIU GRANDI \n
>> LANCIARE IN BATCH SU ALIENWARE\n
>> RENDERE CODICE PARALLELO\n
8] MANCANO 30 DATASET DA FARE CON STAGE\n
9] OGNI TANTO NON FUNZIONA IL GET CONTORNO PERCHE SBORDA ALL'INTERNO\n
>> PROVARE CON SCAN BORDO (SU IMMAGINE COPIA)\n
>> PROVARE A SETTARE IL PARAMETRO O A MODIFICARE IL METODO DI SCAN BORDO\n
>> CERCARE SOLUZIONI ALTERNATIVE (ES IDENTIFICARE LE CELLE ESTERNE)\n
OK 10] VANNO TARATI MEGLIO I PARAMETRI PER IL CLUSTERING\n
>> I PARAMETRI DE CLUSTERING SONO OK; OGNI TANTO FA OVERSEGMENTAZIONE.\n
>>> EVENTUALMENTE SE SI VEDE CHE OVERSEGMENTAZIONE SONO UN PROBLEMA CAMBIARE CLUSTERING O MERGE CELLE\n
11] LE LINEE DELLA CANNY E HOUGH TALVOLTA SONO TROPPO GROSSE \n
>> IN REALTA SEMBRA ESSERE OK; PROVARE CON MAPPE PIU GRANDI E VEDERE SE CAMBIA.
12] BISOGNEREBBE AUMENTARE LA SEGMENTAZIONE CON UN VORONOI
OK 13] STAMPA L'IMMAGINE DELLA MAPPA AD UNA SCALA DIVERSA RISPETTO A QUELLA VERA.\n
OK 14] RISTAMPARE SCHOOL_GT IN GRANDE CHE PER ORA E' STAMPATO IN PICCOLO (800x600)\n
OK VEDI 10] 15] NOI NON CALCOLIAMO LA DIFFUSION DEL METODO DI MURA; PER ALCUNI VERSI E' UN BENE PER ALTRI NO\n
OK VEDI 4] 16] NON FACCIAMO IL CLUSTERING DEI SEGMENTI IN MANIERA CORRETTA; DOVREMMO SOLO FARE MEANSHIFT\n
17] LA FASE DEI SEGMENTI VA COMPLETAMENTE RIFATTA; MEANSHIFT NON FUNZIONA COSI'; I SEGMENTI HANNO UN SACCO DI "==" CHE VANNO TOLTI; SPATIAL CLUSTRING VA CAMBIATO;\n
18] OGNI TANTO IL GRAFO TOPOLOGICO CONNETTE STANZE CHE SONO ADIACENTI MA NON CONNESSE. VA RIVISTA LA PARTE DI MEDIALAXIS;\n
19] PROVARE A USARE L'IMMAGINE CON IL CONTORNO RICALCATO SOLO PER FARE GETCONTOUR E NON NEGLI ALTRI STEP.\n
20] TOGLIERE THRESHOLD + CANNY -> USARE SOLO CANNY.\n
21] TOGLIERE LE CELLE INTERNE CHE SONO BUCHI.\n
>> USARE VORONOI PER CONTROLLARE LA CONNETTIVITA.\n
>> USARE THRESHOLD SU SFONDO \n
>> COMBINARE I DUE METODI\n
22] RIMUOVERE LE STANZE ERRATE:\n
>> STANZE "ESTERNE" INTERNE VANNO TOLTE IN BASE ALLE CELLE ESTERNE\n
>> RIMUOVERE STANZE CON FORME STUPIDE (ES PARETI LUNGHE STRETTE), BISOGNA DECIDERE SE ELIMINARLE O INGLOBARLE IN UN ALTRA STANZA\n
23] RISOLVERE TUTTI I WARNING.\n
da chiedere: guardare il metodo clustering_dbscan_celle(...) in layout la riga
af = DBSCAN(eps, min_samples, metric="precomputed").fit(X) non dovrebbe essere cosi?
af = DBSCAN(eps= eps, min_samples = min_samples, metric="precomputed").fit(X)
'''
print '''
FUNZIONAMENTO:\n
SELEZIONARE SU QUALI DATASETs FARE ESPERIMENTI (variabile DATASETs -riga165- da COMMENTARE / DECOMMENTARE)\n
SPOSTARE LE CARTELLE CON I NOMI DEI DATASET CREATI DALL'ESPERIMENTO PRECEDENTE IN UNA SOTTO-CARTELLA (SE TROVA UNA CARTELLA CON LO STESSO NOME NON CARICA LA MAPPA)\n
SETTARE I PARAMERI \n
ESEGUIRE\n
OGNI TANTO IL METODO CRASHA IN FASE DI VALUTAZIONE DI ACCURATEZZA. NEL CASO, RILANCIARLO\n
SPOSTARE TUTTI I RISULTATI IN UNA CARTELLA IN RESULTS CON UN NOME SIGNIFICATIVO DEL TEST FATTO\n
SALVARE IL MAIN DENTRO QUELLA CARTELLA\n
'''
#-------------------PARAMETRI-------------------------------------------------------
#carico parametri di default
parametri_obj = par.Parameter_obj()
#carico path di default
path_obj = par.Path_obj()
#-----------------------------------------------------------------------------------
makeFolders(path_obj.OUTFOLDERS,path_obj.DATASETs)
skip_performed = True
#-----------------------------------------------------------------------------------
#creo la cartella di log con il time stamp
our_time = str(dt.datetime.now())[:-10].replace(' ','@') #get current time
SAVE_FOLDER = os.path.join('./log', our_time)
if not os.path.exists(SAVE_FOLDER):
os.mkdir(SAVE_FOLDER)
SAVE_LOGFILE = SAVE_FOLDER+'/log.txt'
#------------------------------------------------------------------------------------
with open(SAVE_LOGFILE,'w+') as LOGFILE:
print "AZIONE", par.AZIONE
print >>LOGFILE, "AZIONE", par.AZIONE
shutil.copy('./minibatch.py',SAVE_FOLDER+'/minibatch.py') #copio il file del main
shutil.copy('./parameters.py',SAVE_FOLDER+'/parameters.py') #copio il file dei parametri
if par.AZIONE == "batch":
if par.LOADMAIN==False:
print >>LOGFILE, "SONO IN MODALITA' START MAIN"
else:
print >>LOGFILE, "SONO IN MODALITA' LOAD MAIN"
print >>LOGFILE, "-----------------------------------------------------------"
for DATASET in path_obj.DATASETs :
print >>LOGFILE, "PARSO IL DATASET", DATASET
global_results = []
print 'INIZIO DATASET ' , DATASET
for metricMap in glob.glob(path_obj.INFOLDERS+'IMGs/'+DATASET+'/*.png') :
print >>LOGFILE, "---parso la mappa: ", metricMap
print 'INIZIO A PARSARE ', metricMap
path_obj.metricMap =metricMap
map_name = metricMap.split('/')[-1][:-4]
#print map_name
SAVE_FOLDER = path_obj.OUTFOLDERS+DATASET+'/'+map_name
SAVE_PICKLE = path_obj.OUTFOLDERS+DATASET+'_pickle/'+map_name.split('.')[0]
if par.LOADMAIN==False:
if not os.path.exists(SAVE_FOLDER):
os.mkdir(SAVE_FOLDER)
os.mkdir(SAVE_PICKLE)
else:
# evito di rifare test che ho gia fatto
if skip_performed :
print 'GIA FATTO; PASSO AL SUCCESSIVO'
continue
#print SAVE_FOLDER
path_obj.filepath = SAVE_FOLDER+'/'
path_obj.filepath_pickle_layout = SAVE_PICKLE+'/'+'Layout.pkl'
path_obj.filepath_pickle_grafoTopologico = SAVE_PICKLE+'/'+'GrafoTopologico.pkl'
add_name = '' if DATASET == 'SCHOOL' else ''
if par.mappa_completa == False:
nome = map_name.split('_updated')[0]
path_obj.nome_gt = path_obj.INFOLDERS+'XMLs/'+DATASET+'/'+nome+'_updated.xml'
else:
path_obj.nome_gt = path_obj.INFOLDERS+'XMLs/'+DATASET+'/'+map_name+add_name+'.xml'
#--------------------new parametri-----------------------------------
#setto i parametri differenti(ogni dataset ha parametri differenti)
parametri_obj.minLateralSeparation = 7 if (DATASET=='SCHOOL' or DATASET=='PARZIALI' or DATASET=='SCHOOL_grandi') else 15
#parametri_obj.cv2thresh = 150 if DATASET == 'SCHOOL' else 200
parametri_obj.cv2thresh = 150 if (DATASET=='SCHOOL' or DATASET=='PARZIALI' or DATASET == 'SCHOOL_grandi') else 200
parametri_obj.flip_dataset = True if DATASET == 'SURVEY' else False
#--------------------------------------------------------------------
#-------------------ESECUZIONE---------------------------------------
if par.LOADMAIN==False:
print "start main"
results = start_main(parametri_obj, path_obj)
global_results.append(results);
#calcolo accuracy finale dell'intero dataset
if metricMap == glob.glob(path_obj.INFOLDERS+'IMGs/'+DATASET+'/*.png')[-1]:
accuracy_bc_medio = []
accuracy_bc_in_pixels = []
accuracy_fc_medio = []
accuracy_fc_in_pixels=[]
for i in global_results :
accuracy_bc_medio.append(i[0])
accuracy_fc_medio.append(i[2])
accuracy_bc_in_pixels.append(i[4])
accuracy_fc_in_pixels.append(i[5])
filepath= path_obj.OUTFOLDERS+DATASET+'/'
print filepath
f = open(filepath+'accuracy.txt','a')
#f.write(filepath)
f.write('accuracy_bc = '+str(np.mean(accuracy_bc_medio))+'\n')
f.write('accuracy_bc_pixels = '+str(np.mean(accuracy_bc_in_pixels))+'\n')
f.write('accuracy_fc = '+str(np.mean(accuracy_fc_medio))+'\n')
f.write('accuracy_fc_pixels = '+str(np.mean(accuracy_fc_in_pixels))+'\n\n')
f.close()
LOGFILE.flush()
elif par.LOADMAIN==True:
print "load main"
print >>LOGFILE, "---parso la mappa: ", path_obj.metricMap
load_main(path_obj.filepath_pickle_layout, path_obj.filepath_pickle_grafoTopologico, path_obj.filepath+"parametri.xml")
LOGFILE.flush()
else :
continue
break
LOGFILE.flush()
elif par.AZIONE =='mappa_singola':
#-------------------ESECUZIONE singola mappa----------------------------------
if par.LOADMAIN==False:
print "start main"
print >>LOGFILE, "SONO IN MODALITA' START MAIN"
print >>LOGFILE, "---parso la mappa: ", path_obj.metricMap
start_main(parametri_obj, path_obj)
LOGFILE.flush()
else:
print "load main"
print >>LOGFILE, "SONO IN MODALITA' LOAD MAIN"
print >>LOGFILE, "---parso la mappa: ", path_obj.metricMap
load_main(path_obj.filepath_pickle_layout, path_obj.filepath_pickle_grafoTopologico, path_obj.filepath+"parametri.xml")
LOGFILE.flush()
#-------------------TEMPO IMPIEGATO-------------------------------------------------
fine = time.time()
elapsed = fine-start
print "la computazione ha impiegato %f secondi" % elapsed
if __name__ == '__main__':
main() | [
"[email protected]"
] | |
d2bf1e28419cf4c75659518016fe12d82d2ec4ca | 3d19e1a316de4d6d96471c64332fff7acfaf1308 | /Users/S/Sarietha/oakleyeurope.py | 2a8a9989fd01cfcc5984bf59c67b78c63d20201c | [] | no_license | BerilBBJ/scraperwiki-scraper-vault | 4e98837ac3b1cc3a3edb01b8954ed00f341c8fcc | 65ea6a943cc348a9caf3782b900b36446f7e137d | refs/heads/master | 2021-12-02T23:55:58.481210 | 2013-09-30T17:02:59 | 2013-09-30T17:02:59 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,472 | py | ###################################################################################
# Twitter scraper - designed to be forked and used for more interesting things
###################################################################################
import scraperwiki
import simplejson
import urllib2
# Change QUERY to your search term of choice.
# Examples: 'newsnight', 'from:bbcnewsnight', 'to:bbcnewsnight'
QUERY = '@OakleyEurope'
RESULTS_PER_PAGE = '1000'
LANGUAGE = 'en'
NUM_PAGES = 2000
for page in range(1, NUM_PAGES+1):
base_url = 'http://search.twitter.com/search.json?q=%s&rpp=%s&lang=%s&page=%s' \
% (urllib2.quote(QUERY), RESULTS_PER_PAGE, LANGUAGE, page)
try:
results_json = simplejson.loads(scraperwiki.scrape(base_url))
for result in results_json['results']:
#print result
data = {}
data['id'] = result['id']
data['text'] = result['text']
data['from_user'] = result['from_user']
data['created_at'] = result['created_at']
print data['from_user'], data['text']
scraperwiki.sqlite.save(["id"], data)
except:
print 'Oh dear, failed to scrape %s' % base_url
break
###################################################################################
# Twitter scraper - designed to be forked and used for more interesting things
###################################################################################
import scraperwiki
import simplejson
import urllib2
# Change QUERY to your search term of choice.
# Examples: 'newsnight', 'from:bbcnewsnight', 'to:bbcnewsnight'
QUERY = '@OakleyEurope'
RESULTS_PER_PAGE = '1000'
LANGUAGE = 'en'
NUM_PAGES = 2000
for page in range(1, NUM_PAGES+1):
base_url = 'http://search.twitter.com/search.json?q=%s&rpp=%s&lang=%s&page=%s' \
% (urllib2.quote(QUERY), RESULTS_PER_PAGE, LANGUAGE, page)
try:
results_json = simplejson.loads(scraperwiki.scrape(base_url))
for result in results_json['results']:
#print result
data = {}
data['id'] = result['id']
data['text'] = result['text']
data['from_user'] = result['from_user']
data['created_at'] = result['created_at']
print data['from_user'], data['text']
scraperwiki.sqlite.save(["id"], data)
except:
print 'Oh dear, failed to scrape %s' % base_url
break
| [
"[email protected]"
] | |
0a37e1a29baa81ce7acb8177264987c2c5588ad2 | c7a6f8ed434c86b4cdae9c6144b9dd557e594f78 | /ECE364/.PyCharm40/system/python_stubs/348993582/CORBA/TRANSIENT.py | 075d3a163f32e8888c52378120610e7d07232f02 | [] | no_license | ArbalestV/Purdue-Coursework | 75d979bbe72106975812b1d46b7d854e16e8e15e | ee7f86145edb41c17aefcd442fa42353a9e1b5d1 | refs/heads/master | 2020-08-29T05:27:52.342264 | 2018-04-03T17:59:01 | 2018-04-03T17:59:01 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,302 | py | # encoding: utf-8
# module CORBA calls itself ORBit.CORBA
# from /usr/lib64/python2.6/site-packages/gtk-2.0/bonobo/_bonobo.so
# by generator 1.136
# no doc
# imports
from ORBit.CORBA import (ADD_OVERRIDE, ATTR_NORMAL, ATTR_READONLY,
AttributeDescription, AttributeMode, COMPLETED_MAYBE, COMPLETED_NO,
COMPLETED_YES, ConstantDescription, DefinitionKind, ExceptionDescription,
Initializer, InterfaceDescription, ModuleDescription, NO_EXCEPTION,
NamedValue, OP_NORMAL, OP_ONEWAY, ORB_init, OperationDescription,
OperationMode, PARAM_IN, PARAM_INOUT, PARAM_OUT, ParameterDescription,
ParameterMode, PolicyError, PrimitiveKind, SET_OVERRIDE, SYSTEM_EXCEPTION,
ServiceDetail, ServiceInformation, SetOverrideType, StructMember, TCKind,
TypeDescription, USER_EXCEPTION, UnionMember, ValueDescription,
ValueMember, completion_status, dk_AbstractInterface, dk_Alias, dk_Array,
dk_Attribute, dk_Component, dk_Constant, dk_Consumes, dk_Emits, dk_Enum,
dk_Event, dk_Exception, dk_Factory, dk_Finder, dk_Fixed, dk_Home,
dk_Interface, dk_LocalInterface, dk_Module, dk_Native, dk_Operation,
dk_Primitive, dk_Provides, dk_Publishes, dk_Repository, dk_Sequence,
dk_String, dk_Struct, dk_Typedef, dk_Union, dk_Uses, dk_Value,
dk_ValueBox, dk_ValueMember, dk_Wstring, dk_all, dk_none, exception_type,
pk_Principal, pk_TypeCode, pk_any, pk_boolean, pk_char, pk_double,
pk_float, pk_long, pk_longdouble, pk_longlong, pk_null, pk_objref,
pk_octet, pk_short, pk_string, pk_ulong, pk_ulonglong, pk_ushort,
pk_value_base, pk_void, pk_wchar, pk_wstring, tk_Principal, tk_TypeCode,
tk_abstract_interface, tk_alias, tk_any, tk_array, tk_boolean, tk_char,
tk_component, tk_double, tk_enum, tk_event, tk_except, tk_fixed, tk_float,
tk_home, tk_local_interface, tk_long, tk_longdouble, tk_longlong,
tk_native, tk_null, tk_objref, tk_octet, tk_sequence, tk_short, tk_string,
tk_struct, tk_ulong, tk_ulonglong, tk_union, tk_ushort, tk_value,
tk_value_box, tk_void, tk_wchar, tk_wstring)
from SystemException import SystemException
class TRANSIENT(SystemException):
# no doc
def __init__(self, *args, **kwargs): # real signature unknown
pass
__typecode__ = None # (!) real value is ''
| [
"[email protected]"
] | |
cd2808cccba4241ee45a61b97128a10c150d790f | 3c000380cbb7e8deb6abf9c6f3e29e8e89784830 | /venv/Lib/site-packages/cobra/modelimpl/stats/thrsint16p.py | 930e0a3e4f4b903d974f6eceb9fddac9510eba00 | [] | no_license | bkhoward/aciDOM | 91b0406f00da7aac413a81c8db2129b4bfc5497b | f2674456ecb19cf7299ef0c5a0887560b8b315d0 | refs/heads/master | 2023-03-27T23:37:02.836904 | 2021-03-26T22:07:54 | 2021-03-26T22:07:54 | 351,855,399 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 567,223 | py | # coding=UTF-8
# **********************************************************************
# Copyright (c) 2013-2020 Cisco Systems, Inc. All rights reserved
# written by zen warriors, do not modify!
# **********************************************************************
from cobra.mit.meta import ClassMeta
from cobra.mit.meta import StatsClassMeta
from cobra.mit.meta import CounterMeta
from cobra.mit.meta import PropMeta
from cobra.mit.meta import Category
from cobra.mit.meta import SourceRelationMeta
from cobra.mit.meta import NamedSourceRelationMeta
from cobra.mit.meta import TargetRelationMeta
from cobra.mit.meta import DeploymentPathMeta, DeploymentCategory
from cobra.model.category import MoCategory, PropCategory, CounterCategory
from cobra.mit.mo import Mo
# ##################################################
class ThrSint16P(Mo):
"""
The concrete statistical threshold policy for a 16-bit signed Int data type.
"""
meta = ClassMeta("cobra.model.stats.ThrSint16P")
meta.moClassName = "statsThrSint16P"
meta.rnFormat = "thrSint16-%(propId)s"
meta.category = MoCategory.REGULAR
meta.label = "Base Threshold Policy Definition"
meta.writeAccessMask = 0x800000000000001
meta.readAccessMask = 0x800000000000001
meta.isDomainable = False
meta.isReadOnly = False
meta.isConfigurable = True
meta.isDeletable = True
meta.isContextRoot = False
meta.childClasses.add("cobra.model.tag.Tag")
meta.childClasses.add("cobra.model.fault.Delegate")
meta.childClasses.add("cobra.model.aaa.RbacAnnotation")
meta.childClasses.add("cobra.model.tag.Annotation")
meta.childNamesAndRnPrefix.append(("cobra.model.tag.Annotation", "annotationKey-"))
meta.childNamesAndRnPrefix.append(("cobra.model.aaa.RbacAnnotation", "rbacDom-"))
meta.childNamesAndRnPrefix.append(("cobra.model.tag.Tag", "tagKey-"))
meta.childNamesAndRnPrefix.append(("cobra.model.fault.Delegate", "fd-"))
meta.parentClasses.add("cobra.model.stats.Coll")
meta.superClasses.add("cobra.model.naming.NamedObject")
meta.superClasses.add("cobra.model.pol.Obj")
meta.superClasses.add("cobra.model.pol.Comp")
meta.superClasses.add("cobra.model.stats.AThrP")
meta.rnPrefixes = [
('thrSint16-', True),
]
prop = PropMeta("str", "annotation", "annotation", 38022, PropCategory.REGULAR)
prop.label = "Annotation. Suggested format orchestrator:value"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 128)]
prop.regex = ['[a-zA-Z0-9_.:-]+']
meta.props.add("annotation", prop)
prop = PropMeta("str", "childAction", "childAction", 4, PropCategory.CHILD_ACTION)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop._addConstant("deleteAll", "deleteall", 16384)
prop._addConstant("deleteNonPresent", "deletenonpresent", 8192)
prop._addConstant("ignore", "ignore", 4096)
meta.props.add("childAction", prop)
prop = PropMeta("str", "critHighReset", "critHighReset", 5273, PropCategory.REGULAR)
prop.label = "Crit high crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("critHighReset", prop)
prop = PropMeta("str", "critHighSet", "critHighSet", 5272, PropCategory.REGULAR)
prop.label = "Crit high crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("critHighSet", prop)
prop = PropMeta("str", "critLowReset", "critLowReset", 5283, PropCategory.REGULAR)
prop.label = "Crit low crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("critLowReset", prop)
prop = PropMeta("str", "critLowSet", "critLowSet", 5282, PropCategory.REGULAR)
prop.label = "Crit low crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("critLowSet", prop)
prop = PropMeta("str", "descr", "descr", 5582, PropCategory.REGULAR)
prop.label = "Description"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 128)]
prop.regex = ['[a-zA-Z0-9\\!#$%()*,-./:;@ _{|}~?&+]+']
meta.props.add("descr", prop)
prop = PropMeta("str", "direction", "direction", 123, PropCategory.REGULAR)
prop.label = "Threshold Direction"
prop.isConfig = True
prop.isAdmin = True
prop.defaultValue = 3
prop.defaultValueStr = "both"
prop._addConstant("both", "both", 3)
prop._addConstant("high", "high", 1)
prop._addConstant("low", "low", 2)
meta.props.add("direction", prop)
prop = PropMeta("str", "dn", "dn", 1, PropCategory.DN)
prop.label = "None"
prop.isDn = True
prop.isImplicit = True
prop.isAdmin = True
prop.isCreateOnly = True
meta.props.add("dn", prop)
prop = PropMeta("str", "extMngdBy", "extMngdBy", 40161, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "undefined"
prop._addConstant("msc", "msc", 1)
prop._addConstant("undefined", "undefined", 0)
meta.props.add("extMngdBy", prop)
prop = PropMeta("str", "highRangeEnd", "highRangeEnd", 5265, PropCategory.REGULAR)
prop.label = "End range for high crossing threshold values."
prop.isConfig = True
prop.isAdmin = True
meta.props.add("highRangeEnd", prop)
prop = PropMeta("str", "highRangeStart", "highRangeStart", 5264, PropCategory.REGULAR)
prop.label = "Start range for high crossing threshold values."
prop.isConfig = True
prop.isAdmin = True
meta.props.add("highRangeStart", prop)
prop = PropMeta("str", "highSevState", "highSevState", 124, PropCategory.REGULAR)
prop.label = "Raising Threshold State"
prop.isConfig = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "none"
prop._addConstant("Crit", "critical", 8)
prop._addConstant("Major", "major", 4)
prop._addConstant("Minor", "minor", 2)
prop._addConstant("Warn", "warning", 1)
prop._addConstant("none", "none", 0)
meta.props.add("highSevState", prop)
prop = PropMeta("str", "lcOwn", "lcOwn", 9, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "local"
prop._addConstant("implicit", "implicit", 4)
prop._addConstant("local", "local", 0)
prop._addConstant("policy", "policy", 1)
prop._addConstant("replica", "replica", 2)
prop._addConstant("resolveOnBehalf", "resolvedonbehalf", 3)
meta.props.add("lcOwn", prop)
prop = PropMeta("str", "lowRangeEnd", "lowRangeEnd", 5275, PropCategory.REGULAR)
prop.label = "End range for low crossing threshold values."
prop.isConfig = True
prop.isAdmin = True
meta.props.add("lowRangeEnd", prop)
prop = PropMeta("str", "lowRangeStart", "lowRangeStart", 5274, PropCategory.REGULAR)
prop.label = "Start range for low crossing threshold values."
prop.isConfig = True
prop.isAdmin = True
meta.props.add("lowRangeStart", prop)
prop = PropMeta("str", "lowSevState", "lowSevState", 125, PropCategory.REGULAR)
prop.label = "Falling Threshold State"
prop.isConfig = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "none"
prop._addConstant("Crit", "critical", 8)
prop._addConstant("Major", "major", 4)
prop._addConstant("Minor", "minor", 2)
prop._addConstant("Warn", "warning", 1)
prop._addConstant("none", "none", 0)
meta.props.add("lowSevState", prop)
prop = PropMeta("str", "majorHighReset", "majorHighReset", 5271, PropCategory.REGULAR)
prop.label = "Major high crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("majorHighReset", prop)
prop = PropMeta("str", "majorHighSet", "majorHighSet", 5270, PropCategory.REGULAR)
prop.label = "Major high crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("majorHighSet", prop)
prop = PropMeta("str", "majorLowReset", "majorLowReset", 5281, PropCategory.REGULAR)
prop.label = "Major low crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("majorLowReset", prop)
prop = PropMeta("str", "majorLowSet", "majorLowSet", 5280, PropCategory.REGULAR)
prop.label = "Major low crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("majorLowSet", prop)
prop = PropMeta("str", "minorHighReset", "minorHighReset", 5269, PropCategory.REGULAR)
prop.label = "Minor high crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("minorHighReset", prop)
prop = PropMeta("str", "minorHighSet", "minorHighSet", 5268, PropCategory.REGULAR)
prop.label = "Minor high crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("minorHighSet", prop)
prop = PropMeta("str", "minorLowReset", "minorLowReset", 5279, PropCategory.REGULAR)
prop.label = "Minor low crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("minorLowReset", prop)
prop = PropMeta("str", "minorLowSet", "minorLowSet", 5278, PropCategory.REGULAR)
prop.label = "Minor low crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("minorLowSet", prop)
prop = PropMeta("str", "modTs", "modTs", 7, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop.defaultValue = 0
prop.defaultValueStr = "never"
prop._addConstant("never", "never", 0)
meta.props.add("modTs", prop)
prop = PropMeta("str", "name", "name", 4991, PropCategory.REGULAR)
prop.label = "Name"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 64)]
prop.regex = ['[a-zA-Z0-9_.:-]+']
meta.props.add("name", prop)
prop = PropMeta("str", "nameAlias", "nameAlias", 28417, PropCategory.REGULAR)
prop.label = "Name alias"
prop.isConfig = True
prop.isAdmin = True
prop.range = [(0, 63)]
prop.regex = ['[a-zA-Z0-9_.-]+']
meta.props.add("nameAlias", prop)
prop = PropMeta("str", "normal", "normal", 5263, PropCategory.REGULAR)
prop.label = "Threshold normal value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("normal", prop)
prop = PropMeta("str", "propId", "propId", 7191, PropCategory.REGULAR)
prop.label = "Property"
prop.isConfig = True
prop.isAdmin = True
prop.isCreateOnly = True
prop.isNaming = True
prop.defaultValue = 0
prop.defaultValueStr = "unspecified"
prop._addConstant("acllogFlowCounterAgHitscountCum", "hits-counter-cumulative", 25135)
prop._addConstant("acllogFlowCounterAgHitscountPer", "hits-counter-periodic", 25136)
prop._addConstant("acllogFlowCounterAgHitscountRate", "hits-counter-rate", 25141)
prop._addConstant("acllogFlowCounterAgHitscountTr", "hits-counter-trend", 25140)
prop._addConstant("acllogFlowCounterHitscountAvg", "hits-counter-average-value", 25120)
prop._addConstant("acllogFlowCounterHitscountCum", "hits-counter-cumulative", 25116)
prop._addConstant("acllogFlowCounterHitscountLast", "hits-counter-current-value", 25114)
prop._addConstant("acllogFlowCounterHitscountMax", "hits-counter-maximum-value", 25119)
prop._addConstant("acllogFlowCounterHitscountMin", "hits-counter-minimum-value", 25118)
prop._addConstant("acllogFlowCounterHitscountPer", "hits-counter-periodic", 25117)
prop._addConstant("acllogFlowCounterHitscountRate", "hits-counter-rate", 25125)
prop._addConstant("acllogFlowCounterHitscountTr", "hits-counter-trend", 25124)
prop._addConstant("actrlRuleHitAgEgrPktsCum", "egress-hit-packets-cumulative", 7476)
prop._addConstant("actrlRuleHitAgEgrPktsPer", "egress-hit-packets-periodic", 7477)
prop._addConstant("actrlRuleHitAgEgrPktsRate", "egress-hit-packets-rate", 7482)
prop._addConstant("actrlRuleHitAgEgrPktsTr", "egress-hit-packets-trend", 7481)
prop._addConstant("actrlRuleHitAgIngrPktsCum", "ingress-hit-packets-cumulative", 7537)
prop._addConstant("actrlRuleHitAgIngrPktsPer", "ingress-hit-packets-periodic", 7538)
prop._addConstant("actrlRuleHitAgIngrPktsRate", "ingress-hit-packets-rate", 7543)
prop._addConstant("actrlRuleHitAgIngrPktsTr", "ingress-hit-packets-trend", 7542)
prop._addConstant("actrlRuleHitAgPktsCum", "hit-packets-cumulative", 24181)
prop._addConstant("actrlRuleHitAgPktsPer", "hit-packets-periodic", 24182)
prop._addConstant("actrlRuleHitAgPktsRate", "hit-packets-rate", 24187)
prop._addConstant("actrlRuleHitAgPktsTr", "hit-packets-trend", 24186)
prop._addConstant("actrlRuleHitAgRevPktsCum", "reverse-hit-packets-cumulative", 24236)
prop._addConstant("actrlRuleHitAgRevPktsPer", "reverse-hit-packets-periodic", 24237)
prop._addConstant("actrlRuleHitAgRevPktsRate", "reverse-hit-packets-rate", 24242)
prop._addConstant("actrlRuleHitAgRevPktsTr", "reverse-hit-packets-trend", 24241)
prop._addConstant("actrlRuleHitEgrPktsAvg", "egress-hit-packets-average-value", 7440)
prop._addConstant("actrlRuleHitEgrPktsCum", "egress-hit-packets-cumulative", 7436)
prop._addConstant("actrlRuleHitEgrPktsLast", "egress-hit-packets-current-value", 7434)
prop._addConstant("actrlRuleHitEgrPktsMax", "egress-hit-packets-maximum-value", 7439)
prop._addConstant("actrlRuleHitEgrPktsMin", "egress-hit-packets-minimum-value", 7438)
prop._addConstant("actrlRuleHitEgrPktsPer", "egress-hit-packets-periodic", 7437)
prop._addConstant("actrlRuleHitEgrPktsRate", "egress-hit-packets-rate", 7445)
prop._addConstant("actrlRuleHitEgrPktsTr", "egress-hit-packets-trend", 7444)
prop._addConstant("actrlRuleHitIngrPktsAvg", "ingress-hit-packets-average-value", 7501)
prop._addConstant("actrlRuleHitIngrPktsCum", "ingress-hit-packets-cumulative", 7497)
prop._addConstant("actrlRuleHitIngrPktsLast", "ingress-hit-packets-current-value", 7495)
prop._addConstant("actrlRuleHitIngrPktsMax", "ingress-hit-packets-maximum-value", 7500)
prop._addConstant("actrlRuleHitIngrPktsMin", "ingress-hit-packets-minimum-value", 7499)
prop._addConstant("actrlRuleHitIngrPktsPer", "ingress-hit-packets-periodic", 7498)
prop._addConstant("actrlRuleHitIngrPktsRate", "ingress-hit-packets-rate", 7506)
prop._addConstant("actrlRuleHitIngrPktsTr", "ingress-hit-packets-trend", 7505)
prop._addConstant("actrlRuleHitPartEgrPktsAvg", "egress-hit-packets-average-value", 7461)
prop._addConstant("actrlRuleHitPartEgrPktsCum", "egress-hit-packets-cumulative", 7457)
prop._addConstant("actrlRuleHitPartEgrPktsLast", "egress-hit-packets-current-value", 7455)
prop._addConstant("actrlRuleHitPartEgrPktsMax", "egress-hit-packets-maximum-value", 7460)
prop._addConstant("actrlRuleHitPartEgrPktsMin", "egress-hit-packets-minimum-value", 7459)
prop._addConstant("actrlRuleHitPartEgrPktsPer", "egress-hit-packets-periodic", 7458)
prop._addConstant("actrlRuleHitPartEgrPktsRate", "egress-hit-packets-rate", 7466)
prop._addConstant("actrlRuleHitPartEgrPktsTr", "egress-hit-packets-trend", 7465)
prop._addConstant("actrlRuleHitPartIngrPktsAvg", "ingress-hit-packets-average-value", 7522)
prop._addConstant("actrlRuleHitPartIngrPktsCum", "ingress-hit-packets-cumulative", 7518)
prop._addConstant("actrlRuleHitPartIngrPktsLast", "ingress-hit-packets-current-value", 7516)
prop._addConstant("actrlRuleHitPartIngrPktsMax", "ingress-hit-packets-maximum-value", 7521)
prop._addConstant("actrlRuleHitPartIngrPktsMin", "ingress-hit-packets-minimum-value", 7520)
prop._addConstant("actrlRuleHitPartIngrPktsPer", "ingress-hit-packets-periodic", 7519)
prop._addConstant("actrlRuleHitPartIngrPktsRate", "ingress-hit-packets-rate", 7527)
prop._addConstant("actrlRuleHitPartIngrPktsTr", "ingress-hit-packets-trend", 7526)
prop._addConstant("actrlRuleHitPartPktsAvg", "hit-packets-average-value", 24166)
prop._addConstant("actrlRuleHitPartPktsCum", "hit-packets-cumulative", 24162)
prop._addConstant("actrlRuleHitPartPktsLast", "hit-packets-current-value", 24160)
prop._addConstant("actrlRuleHitPartPktsMax", "hit-packets-maximum-value", 24165)
prop._addConstant("actrlRuleHitPartPktsMin", "hit-packets-minimum-value", 24164)
prop._addConstant("actrlRuleHitPartPktsPer", "hit-packets-periodic", 24163)
prop._addConstant("actrlRuleHitPartPktsRate", "hit-packets-rate", 24171)
prop._addConstant("actrlRuleHitPartPktsTr", "hit-packets-trend", 24170)
prop._addConstant("actrlRuleHitPartRevPktsAvg", "reverse-hit-packets-average-value", 24221)
prop._addConstant("actrlRuleHitPartRevPktsCum", "reverse-hit-packets-cumulative", 24217)
prop._addConstant("actrlRuleHitPartRevPktsLast", "reverse-hit-packets-current-value", 24215)
prop._addConstant("actrlRuleHitPartRevPktsMax", "reverse-hit-packets-maximum-value", 24220)
prop._addConstant("actrlRuleHitPartRevPktsMin", "reverse-hit-packets-minimum-value", 24219)
prop._addConstant("actrlRuleHitPartRevPktsPer", "reverse-hit-packets-periodic", 24218)
prop._addConstant("actrlRuleHitPartRevPktsRate", "reverse-hit-packets-rate", 24226)
prop._addConstant("actrlRuleHitPartRevPktsTr", "reverse-hit-packets-trend", 24225)
prop._addConstant("actrlRuleHitPktsAvg", "hit-packets-average-value", 24145)
prop._addConstant("actrlRuleHitPktsCum", "hit-packets-cumulative", 24141)
prop._addConstant("actrlRuleHitPktsLast", "hit-packets-current-value", 24139)
prop._addConstant("actrlRuleHitPktsMax", "hit-packets-maximum-value", 24144)
prop._addConstant("actrlRuleHitPktsMin", "hit-packets-minimum-value", 24143)
prop._addConstant("actrlRuleHitPktsPer", "hit-packets-periodic", 24142)
prop._addConstant("actrlRuleHitPktsRate", "hit-packets-rate", 24150)
prop._addConstant("actrlRuleHitPktsTr", "hit-packets-trend", 24149)
prop._addConstant("actrlRuleHitRevPktsAvg", "reverse-hit-packets-average-value", 24200)
prop._addConstant("actrlRuleHitRevPktsCum", "reverse-hit-packets-cumulative", 24196)
prop._addConstant("actrlRuleHitRevPktsLast", "reverse-hit-packets-current-value", 24194)
prop._addConstant("actrlRuleHitRevPktsMax", "reverse-hit-packets-maximum-value", 24199)
prop._addConstant("actrlRuleHitRevPktsMin", "reverse-hit-packets-minimum-value", 24198)
prop._addConstant("actrlRuleHitRevPktsPer", "reverse-hit-packets-periodic", 24197)
prop._addConstant("actrlRuleHitRevPktsRate", "reverse-hit-packets-rate", 24205)
prop._addConstant("actrlRuleHitRevPktsTr", "reverse-hit-packets-trend", 24204)
prop._addConstant("aibAdjCountsAdjupdatesAvg", "adjacency-updates-counts-average-value", 53025)
prop._addConstant("aibAdjCountsAdjupdatesCum", "adjacency-updates-counts-cumulative", 53021)
prop._addConstant("aibAdjCountsAdjupdatesLast", "adjacency-updates-counts-current-value", 53019)
prop._addConstant("aibAdjCountsAdjupdatesMax", "adjacency-updates-counts-maximum-value", 53024)
prop._addConstant("aibAdjCountsAdjupdatesMin", "adjacency-updates-counts-minimum-value", 53023)
prop._addConstant("aibAdjCountsAdjupdatesPer", "adjacency-updates-counts-periodic", 53022)
prop._addConstant("aibAdjCountsAdjupdatesRate", "adjacency-updates-counts-rate", 53030)
prop._addConstant("aibAdjCountsAdjupdatesTr", "adjacency-updates-counts-trend", 53029)
prop._addConstant("analyticsDroppedNoRouteToHostAvg", "dropped-packets---no-route-to-host-average-value", 28094)
prop._addConstant("analyticsDroppedNoRouteToHostCum", "dropped-packets---no-route-to-host-cumulative", 28090)
prop._addConstant("analyticsDroppedNoRouteToHostLast", "dropped-packets---no-route-to-host-current-value", 28088)
prop._addConstant("analyticsDroppedNoRouteToHostMax", "dropped-packets---no-route-to-host-maximum-value", 28093)
prop._addConstant("analyticsDroppedNoRouteToHostMin", "dropped-packets---no-route-to-host-minimum-value", 28092)
prop._addConstant("analyticsDroppedNoRouteToHostPer", "dropped-packets---no-route-to-host-periodic", 28091)
prop._addConstant("analyticsDroppedNoRouteToHostRate", "dropped-packets---no-route-to-host-rate", 28099)
prop._addConstant("analyticsDroppedNoRouteToHostTr", "dropped-packets---no-route-to-host-trend", 28098)
prop._addConstant("analyticsDroppedOtherAvg", "other-dropped-packets-average-value", 28115)
prop._addConstant("analyticsDroppedOtherCum", "other-dropped-packets-cumulative", 28111)
prop._addConstant("analyticsDroppedOtherLast", "other-dropped-packets-current-value", 28109)
prop._addConstant("analyticsDroppedOtherMax", "other-dropped-packets-maximum-value", 28114)
prop._addConstant("analyticsDroppedOtherMin", "other-dropped-packets-minimum-value", 28113)
prop._addConstant("analyticsDroppedOtherPer", "other-dropped-packets-periodic", 28112)
prop._addConstant("analyticsDroppedOtherRate", "other-dropped-packets-rate", 28120)
prop._addConstant("analyticsDroppedOtherTr", "other-dropped-packets-trend", 28119)
prop._addConstant("analyticsDroppedOutputDropAvg", "dropped-output-packets-average-value", 28136)
prop._addConstant("analyticsDroppedOutputDropCum", "dropped-output-packets-cumulative", 28132)
prop._addConstant("analyticsDroppedOutputDropLast", "dropped-output-packets-current-value", 28130)
prop._addConstant("analyticsDroppedOutputDropMax", "dropped-output-packets-maximum-value", 28135)
prop._addConstant("analyticsDroppedOutputDropMin", "dropped-output-packets-minimum-value", 28134)
prop._addConstant("analyticsDroppedOutputDropPer", "dropped-output-packets-periodic", 28133)
prop._addConstant("analyticsDroppedOutputDropRate", "dropped-output-packets-rate", 28141)
prop._addConstant("analyticsDroppedOutputDropTr", "dropped-output-packets-trend", 28140)
prop._addConstant("analyticsExportBytesAvg", "exported-bytes-average-value", 28157)
prop._addConstant("analyticsExportBytesCum", "exported-bytes-cumulative", 28153)
prop._addConstant("analyticsExportBytesLast", "exported-bytes-current-value", 28151)
prop._addConstant("analyticsExportBytesMax", "exported-bytes-maximum-value", 28156)
prop._addConstant("analyticsExportBytesMin", "exported-bytes-minimum-value", 28155)
prop._addConstant("analyticsExportBytesPer", "exported-bytes-periodic", 28154)
prop._addConstant("analyticsExportBytesRate", "exported-bytes-rate", 28162)
prop._addConstant("analyticsExportBytesTr", "exported-bytes-trend", 28161)
prop._addConstant("analyticsExportFlowRecordsAvg", "exported-flow-records-average-value", 28178)
prop._addConstant("analyticsExportFlowRecordsCum", "exported-flow-records-cumulative", 28174)
prop._addConstant("analyticsExportFlowRecordsLast", "exported-flow-records-current-value", 28172)
prop._addConstant("analyticsExportFlowRecordsMax", "exported-flow-records-maximum-value", 28177)
prop._addConstant("analyticsExportFlowRecordsMin", "exported-flow-records-minimum-value", 28176)
prop._addConstant("analyticsExportFlowRecordsPer", "exported-flow-records-periodic", 28175)
prop._addConstant("analyticsExportFlowRecordsRate", "exported-flow-records-rate", 28183)
prop._addConstant("analyticsExportFlowRecordsTr", "exported-flow-records-trend", 28182)
prop._addConstant("analyticsExportPacketsAvg", "exported-packets-average-value", 28199)
prop._addConstant("analyticsExportPacketsCum", "exported-packets-cumulative", 28195)
prop._addConstant("analyticsExportPacketsLast", "exported-packets-current-value", 28193)
prop._addConstant("analyticsExportPacketsMax", "exported-packets-maximum-value", 28198)
prop._addConstant("analyticsExportPacketsMin", "exported-packets-minimum-value", 28197)
prop._addConstant("analyticsExportPacketsPer", "exported-packets-periodic", 28196)
prop._addConstant("analyticsExportPacketsRate", "exported-packets-rate", 28204)
prop._addConstant("analyticsExportPacketsTr", "exported-packets-trend", 28203)
prop._addConstant("analyticsExportTemplatesAvg", "exported-templates-average-value", 28220)
prop._addConstant("analyticsExportTemplatesCum", "exported-templates-cumulative", 28216)
prop._addConstant("analyticsExportTemplatesLast", "exported-templates-current-value", 28214)
prop._addConstant("analyticsExportTemplatesMax", "exported-templates-maximum-value", 28219)
prop._addConstant("analyticsExportTemplatesMin", "exported-templates-minimum-value", 28218)
prop._addConstant("analyticsExportTemplatesPer", "exported-templates-periodic", 28217)
prop._addConstant("analyticsExportTemplatesRate", "exported-templates-rate", 28225)
prop._addConstant("analyticsExportTemplatesTr", "exported-templates-trend", 28224)
prop._addConstant("bfdPduStatsFlapsAvg", "number-of-bfd-session-flaps-average-value", 49655)
prop._addConstant("bfdPduStatsFlapsCum", "number-of-bfd-session-flaps-cumulative", 49651)
prop._addConstant("bfdPduStatsFlapsLast", "number-of-bfd-session-flaps-current-value", 49649)
prop._addConstant("bfdPduStatsFlapsMax", "number-of-bfd-session-flaps-maximum-value", 49654)
prop._addConstant("bfdPduStatsFlapsMin", "number-of-bfd-session-flaps-minimum-value", 49653)
prop._addConstant("bfdPduStatsFlapsPer", "number-of-bfd-session-flaps-periodic", 49652)
prop._addConstant("bfdPduStatsFlapsRate", "number-of-bfd-session-flaps-rate", 49660)
prop._addConstant("bfdPduStatsFlapsTr", "number-of-bfd-session-flaps-trend", 49659)
prop._addConstant("bfdPduStatsPduRcvdAvg", "packets-received-average-value", 49676)
prop._addConstant("bfdPduStatsPduRcvdCum", "packets-received-cumulative", 49672)
prop._addConstant("bfdPduStatsPduRcvdLast", "packets-received-current-value", 49670)
prop._addConstant("bfdPduStatsPduRcvdMax", "packets-received-maximum-value", 49675)
prop._addConstant("bfdPduStatsPduRcvdMin", "packets-received-minimum-value", 49674)
prop._addConstant("bfdPduStatsPduRcvdPer", "packets-received-periodic", 49673)
prop._addConstant("bfdPduStatsPduRcvdRate", "packets-received-rate", 49681)
prop._addConstant("bfdPduStatsPduRcvdTr", "packets-received-trend", 49680)
prop._addConstant("bfdPduStatsPduSentAvg", "packets-transmitted-average-value", 49697)
prop._addConstant("bfdPduStatsPduSentCum", "packets-transmitted-cumulative", 49693)
prop._addConstant("bfdPduStatsPduSentLast", "packets-transmitted-current-value", 49691)
prop._addConstant("bfdPduStatsPduSentMax", "packets-transmitted-maximum-value", 49696)
prop._addConstant("bfdPduStatsPduSentMin", "packets-transmitted-minimum-value", 49695)
prop._addConstant("bfdPduStatsPduSentPer", "packets-transmitted-periodic", 49694)
prop._addConstant("bfdPduStatsPduSentRate", "packets-transmitted-rate", 49702)
prop._addConstant("bfdPduStatsPduSentTr", "packets-transmitted-trend", 49701)
prop._addConstant("bgpBgpPeerBytesByteInRecvQAvg", "bytes-in-receive-queue-average-value", 53434)
prop._addConstant("bgpBgpPeerBytesByteInRecvQCum", "bytes-in-receive-queue-cumulative", 53430)
prop._addConstant("bgpBgpPeerBytesByteInRecvQLast", "bytes-in-receive-queue-current-value", 53428)
prop._addConstant("bgpBgpPeerBytesByteInRecvQMax", "bytes-in-receive-queue-maximum-value", 53433)
prop._addConstant("bgpBgpPeerBytesByteInRecvQMin", "bytes-in-receive-queue-minimum-value", 53432)
prop._addConstant("bgpBgpPeerBytesByteInRecvQPer", "bytes-in-receive-queue-periodic", 53431)
prop._addConstant("bgpBgpPeerBytesByteInRecvQRate", "bytes-in-receive-queue-rate", 53439)
prop._addConstant("bgpBgpPeerBytesByteInRecvQTr", "bytes-in-receive-queue-trend", 53438)
prop._addConstant("bgpBgpPeerBytesByteInSendQAvg", "bytes-in-send-queue-average-value", 53455)
prop._addConstant("bgpBgpPeerBytesByteInSendQCum", "bytes-in-send-queue-cumulative", 53451)
prop._addConstant("bgpBgpPeerBytesByteInSendQLast", "bytes-in-send-queue-current-value", 53449)
prop._addConstant("bgpBgpPeerBytesByteInSendQMax", "bytes-in-send-queue-maximum-value", 53454)
prop._addConstant("bgpBgpPeerBytesByteInSendQMin", "bytes-in-send-queue-minimum-value", 53453)
prop._addConstant("bgpBgpPeerBytesByteInSendQPer", "bytes-in-send-queue-periodic", 53452)
prop._addConstant("bgpBgpPeerBytesByteInSendQRate", "bytes-in-send-queue-rate", 53460)
prop._addConstant("bgpBgpPeerBytesByteInSendQTr", "bytes-in-send-queue-trend", 53459)
prop._addConstant("bgpBgpPeerBytesByteRcvdAvg", "number-of-bytes-received-average-value", 53476)
prop._addConstant("bgpBgpPeerBytesByteRcvdCum", "number-of-bytes-received-cumulative", 53472)
prop._addConstant("bgpBgpPeerBytesByteRcvdLast", "number-of-bytes-received-current-value", 53470)
prop._addConstant("bgpBgpPeerBytesByteRcvdMax", "number-of-bytes-received-maximum-value", 53475)
prop._addConstant("bgpBgpPeerBytesByteRcvdMin", "number-of-bytes-received-minimum-value", 53474)
prop._addConstant("bgpBgpPeerBytesByteRcvdPer", "number-of-bytes-received-periodic", 53473)
prop._addConstant("bgpBgpPeerBytesByteRcvdRate", "number-of-bytes-received-rate", 53481)
prop._addConstant("bgpBgpPeerBytesByteRcvdTr", "number-of-bytes-received-trend", 53480)
prop._addConstant("bgpBgpPeerBytesByteSentAvg", "number-of-bytes-sent-average-value", 53497)
prop._addConstant("bgpBgpPeerBytesByteSentCum", "number-of-bytes-sent-cumulative", 53493)
prop._addConstant("bgpBgpPeerBytesByteSentLast", "number-of-bytes-sent-current-value", 53491)
prop._addConstant("bgpBgpPeerBytesByteSentMax", "number-of-bytes-sent-maximum-value", 53496)
prop._addConstant("bgpBgpPeerBytesByteSentMin", "number-of-bytes-sent-minimum-value", 53495)
prop._addConstant("bgpBgpPeerBytesByteSentPer", "number-of-bytes-sent-periodic", 53494)
prop._addConstant("bgpBgpPeerBytesByteSentRate", "number-of-bytes-sent-rate", 53502)
prop._addConstant("bgpBgpPeerBytesByteSentTr", "number-of-bytes-sent-trend", 53501)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdAvg", "number-of-keepalive-messages-received-average-value", 53518)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdCum", "number-of-keepalive-messages-received-cumulative", 53514)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdLast", "number-of-keepalive-messages-received-current-value", 53512)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdMax", "number-of-keepalive-messages-received-maximum-value", 53517)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdMin", "number-of-keepalive-messages-received-minimum-value", 53516)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdPer", "number-of-keepalive-messages-received-periodic", 53515)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdRate", "number-of-keepalive-messages-received-rate", 53523)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveRcvdTr", "number-of-keepalive-messages-received-trend", 53522)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentAvg", "number-of-keepalive-messages-sent-average-value", 53539)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentCum", "number-of-keepalive-messages-sent-cumulative", 53535)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentLast", "number-of-keepalive-messages-sent-current-value", 53533)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentMax", "number-of-keepalive-messages-sent-maximum-value", 53538)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentMin", "number-of-keepalive-messages-sent-minimum-value", 53537)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentPer", "number-of-keepalive-messages-sent-periodic", 53536)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentRate", "number-of-keepalive-messages-sent-rate", 53544)
prop._addConstant("bgpBgpPeerKeepAliveKeepaliveSentTr", "number-of-keepalive-messages-sent-trend", 53543)
prop._addConstant("bgpBgpPeerMsgMsgRcvdAvg", "number-of-messages-received-average-value", 53560)
prop._addConstant("bgpBgpPeerMsgMsgRcvdCum", "number-of-messages-received-cumulative", 53556)
prop._addConstant("bgpBgpPeerMsgMsgRcvdLast", "number-of-messages-received-current-value", 53554)
prop._addConstant("bgpBgpPeerMsgMsgRcvdMax", "number-of-messages-received-maximum-value", 53559)
prop._addConstant("bgpBgpPeerMsgMsgRcvdMin", "number-of-messages-received-minimum-value", 53558)
prop._addConstant("bgpBgpPeerMsgMsgRcvdPer", "number-of-messages-received-periodic", 53557)
prop._addConstant("bgpBgpPeerMsgMsgRcvdRate", "number-of-messages-received-rate", 53565)
prop._addConstant("bgpBgpPeerMsgMsgRcvdTr", "number-of-messages-received-trend", 53564)
prop._addConstant("bgpBgpPeerMsgMsgSentAvg", "number-of-messages-sent-average-value", 53581)
prop._addConstant("bgpBgpPeerMsgMsgSentCum", "number-of-messages-sent-cumulative", 53577)
prop._addConstant("bgpBgpPeerMsgMsgSentLast", "number-of-messages-sent-current-value", 53575)
prop._addConstant("bgpBgpPeerMsgMsgSentMax", "number-of-messages-sent-maximum-value", 53580)
prop._addConstant("bgpBgpPeerMsgMsgSentMin", "number-of-messages-sent-minimum-value", 53579)
prop._addConstant("bgpBgpPeerMsgMsgSentPer", "number-of-messages-sent-periodic", 53578)
prop._addConstant("bgpBgpPeerMsgMsgSentRate", "number-of-messages-sent-rate", 53586)
prop._addConstant("bgpBgpPeerMsgMsgSentTr", "number-of-messages-sent-trend", 53585)
prop._addConstant("bgpBgpPeerMsgNotifRcvdAvg", "number-of-notification-messages-received-average-value", 53602)
prop._addConstant("bgpBgpPeerMsgNotifRcvdCum", "number-of-notification-messages-received-cumulative", 53598)
prop._addConstant("bgpBgpPeerMsgNotifRcvdLast", "number-of-notification-messages-received-current-value", 53596)
prop._addConstant("bgpBgpPeerMsgNotifRcvdMax", "number-of-notification-messages-received-maximum-value", 53601)
prop._addConstant("bgpBgpPeerMsgNotifRcvdMin", "number-of-notification-messages-received-minimum-value", 53600)
prop._addConstant("bgpBgpPeerMsgNotifRcvdPer", "number-of-notification-messages-received-periodic", 53599)
prop._addConstant("bgpBgpPeerMsgNotifRcvdRate", "number-of-notification-messages-received-rate", 53607)
prop._addConstant("bgpBgpPeerMsgNotifRcvdTr", "number-of-notification-messages-received-trend", 53606)
prop._addConstant("bgpBgpPeerMsgNotifSentAvg", "number-of-notification-messages-sent-average-value", 53623)
prop._addConstant("bgpBgpPeerMsgNotifSentCum", "number-of-notification-messages-sent-cumulative", 53619)
prop._addConstant("bgpBgpPeerMsgNotifSentLast", "number-of-notification-messages-sent-current-value", 53617)
prop._addConstant("bgpBgpPeerMsgNotifSentMax", "number-of-notification-messages-sent-maximum-value", 53622)
prop._addConstant("bgpBgpPeerMsgNotifSentMin", "number-of-notification-messages-sent-minimum-value", 53621)
prop._addConstant("bgpBgpPeerMsgNotifSentPer", "number-of-notification-messages-sent-periodic", 53620)
prop._addConstant("bgpBgpPeerMsgNotifSentRate", "number-of-notification-messages-sent-rate", 53628)
prop._addConstant("bgpBgpPeerMsgNotifSentTr", "number-of-notification-messages-sent-trend", 53627)
prop._addConstant("bgpBgpPeerOpenOpenRcvdAvg", "number-of-open-messages-received-average-value", 53644)
prop._addConstant("bgpBgpPeerOpenOpenRcvdCum", "number-of-open-messages-received-cumulative", 53640)
prop._addConstant("bgpBgpPeerOpenOpenRcvdLast", "number-of-open-messages-received-current-value", 53638)
prop._addConstant("bgpBgpPeerOpenOpenRcvdMax", "number-of-open-messages-received-maximum-value", 53643)
prop._addConstant("bgpBgpPeerOpenOpenRcvdMin", "number-of-open-messages-received-minimum-value", 53642)
prop._addConstant("bgpBgpPeerOpenOpenRcvdPer", "number-of-open-messages-received-periodic", 53641)
prop._addConstant("bgpBgpPeerOpenOpenRcvdRate", "number-of-open-messages-received-rate", 53649)
prop._addConstant("bgpBgpPeerOpenOpenRcvdTr", "number-of-open-messages-received-trend", 53648)
prop._addConstant("bgpBgpPeerOpenOpenSentAvg", "number-of-open-messages-sent-average-value", 53665)
prop._addConstant("bgpBgpPeerOpenOpenSentCum", "number-of-open-messages-sent-cumulative", 53661)
prop._addConstant("bgpBgpPeerOpenOpenSentLast", "number-of-open-messages-sent-current-value", 53659)
prop._addConstant("bgpBgpPeerOpenOpenSentMax", "number-of-open-messages-sent-maximum-value", 53664)
prop._addConstant("bgpBgpPeerOpenOpenSentMin", "number-of-open-messages-sent-minimum-value", 53663)
prop._addConstant("bgpBgpPeerOpenOpenSentPer", "number-of-open-messages-sent-periodic", 53662)
prop._addConstant("bgpBgpPeerOpenOpenSentRate", "number-of-open-messages-sent-rate", 53670)
prop._addConstant("bgpBgpPeerOpenOpenSentTr", "number-of-open-messages-sent-trend", 53669)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdAvg", "number-of-update-messages-received-average-value", 53686)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdCum", "number-of-update-messages-received-cumulative", 53682)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdLast", "number-of-update-messages-received-current-value", 53680)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdMax", "number-of-update-messages-received-maximum-value", 53685)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdMin", "number-of-update-messages-received-minimum-value", 53684)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdPer", "number-of-update-messages-received-periodic", 53683)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdRate", "number-of-update-messages-received-rate", 53691)
prop._addConstant("bgpBgpPeerOpenUpdateRcvdTr", "number-of-update-messages-received-trend", 53690)
prop._addConstant("bgpBgpPeerOpenUpdateSentAvg", "number-of-update-messages-sent-average-value", 53707)
prop._addConstant("bgpBgpPeerOpenUpdateSentCum", "number-of-update-messages-sent-cumulative", 53703)
prop._addConstant("bgpBgpPeerOpenUpdateSentLast", "number-of-update-messages-sent-current-value", 53701)
prop._addConstant("bgpBgpPeerOpenUpdateSentMax", "number-of-update-messages-sent-maximum-value", 53706)
prop._addConstant("bgpBgpPeerOpenUpdateSentMin", "number-of-update-messages-sent-minimum-value", 53705)
prop._addConstant("bgpBgpPeerOpenUpdateSentPer", "number-of-update-messages-sent-periodic", 53704)
prop._addConstant("bgpBgpPeerOpenUpdateSentRate", "number-of-update-messages-sent-rate", 53712)
prop._addConstant("bgpBgpPeerOpenUpdateSentTr", "number-of-update-messages-sent-trend", 53711)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdAvg", "number-of-capability-messages-received-average-value", 53728)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdCum", "number-of-capability-messages-received-cumulative", 53724)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdLast", "number-of-capability-messages-received-current-value", 53722)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdMax", "number-of-capability-messages-received-maximum-value", 53727)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdMin", "number-of-capability-messages-received-minimum-value", 53726)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdPer", "number-of-capability-messages-received-periodic", 53725)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdRate", "number-of-capability-messages-received-rate", 53733)
prop._addConstant("bgpBgpPeerRouteCapabilityRcvdTr", "number-of-capability-messages-received-trend", 53732)
prop._addConstant("bgpBgpPeerRouteCapabilitySentAvg", "number-of-capability-messages-sent-average-value", 53749)
prop._addConstant("bgpBgpPeerRouteCapabilitySentCum", "number-of-capability-messages-sent-cumulative", 53745)
prop._addConstant("bgpBgpPeerRouteCapabilitySentLast", "number-of-capability-messages-sent-current-value", 53743)
prop._addConstant("bgpBgpPeerRouteCapabilitySentMax", "number-of-capability-messages-sent-maximum-value", 53748)
prop._addConstant("bgpBgpPeerRouteCapabilitySentMin", "number-of-capability-messages-sent-minimum-value", 53747)
prop._addConstant("bgpBgpPeerRouteCapabilitySentPer", "number-of-capability-messages-sent-periodic", 53746)
prop._addConstant("bgpBgpPeerRouteCapabilitySentRate", "number-of-capability-messages-sent-rate", 53754)
prop._addConstant("bgpBgpPeerRouteCapabilitySentTr", "number-of-capability-messages-sent-trend", 53753)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdAvg", "number-of-route-refresh-messages-received-average-value", 53770)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdCum", "number-of-route-refresh-messages-received-cumulative", 53766)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdLast", "number-of-route-refresh-messages-received-current-value", 53764)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdMax", "number-of-route-refresh-messages-received-maximum-value", 53769)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdMin", "number-of-route-refresh-messages-received-minimum-value", 53768)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdPer", "number-of-route-refresh-messages-received-periodic", 53767)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdRate", "number-of-route-refresh-messages-received-rate", 53775)
prop._addConstant("bgpBgpPeerRouteRouteRefreshRcvdTr", "number-of-route-refresh-messages-received-trend", 53774)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentAvg", "number-of-route-refresh-messages-sent-average-value", 53791)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentCum", "number-of-route-refresh-messages-sent-cumulative", 53787)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentLast", "number-of-route-refresh-messages-sent-current-value", 53785)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentMax", "number-of-route-refresh-messages-sent-maximum-value", 53790)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentMin", "number-of-route-refresh-messages-sent-minimum-value", 53789)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentPer", "number-of-route-refresh-messages-sent-periodic", 53788)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentRate", "number-of-route-refresh-messages-sent-rate", 53796)
prop._addConstant("bgpBgpPeerRouteRouteRefreshSentTr", "number-of-route-refresh-messages-sent-trend", 53795)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsAvg", "accepted-paths-average-value", 53812)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsCum", "accepted-paths-cumulative", 53808)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsLast", "accepted-paths-current-value", 53806)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsMax", "accepted-paths-maximum-value", 53811)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsMin", "accepted-paths-minimum-value", 53810)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsPer", "accepted-paths-periodic", 53809)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsRate", "accepted-paths-rate", 53817)
prop._addConstant("bgpBgpRtPrefixCountAcceptedPathsTr", "accepted-paths-trend", 53816)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedAvg", "prefixes-saved-average-value", 53833)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedCum", "prefixes-saved-cumulative", 53829)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedLast", "prefixes-saved-current-value", 53827)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedMax", "prefixes-saved-maximum-value", 53832)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedMin", "prefixes-saved-minimum-value", 53831)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedPer", "prefixes-saved-periodic", 53830)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedRate", "prefixes-saved-rate", 53838)
prop._addConstant("bgpBgpRtPrefixCountPfxSavedTr", "prefixes-saved-trend", 53837)
prop._addConstant("bgpBgpRtPrefixCountPfxSentAvg", "prefixes-sent-average-value", 53854)
prop._addConstant("bgpBgpRtPrefixCountPfxSentCum", "prefixes-sent-cumulative", 53850)
prop._addConstant("bgpBgpRtPrefixCountPfxSentLast", "prefixes-sent-current-value", 53848)
prop._addConstant("bgpBgpRtPrefixCountPfxSentMax", "prefixes-sent-maximum-value", 53853)
prop._addConstant("bgpBgpRtPrefixCountPfxSentMin", "prefixes-sent-minimum-value", 53852)
prop._addConstant("bgpBgpRtPrefixCountPfxSentPer", "prefixes-sent-periodic", 53851)
prop._addConstant("bgpBgpRtPrefixCountPfxSentRate", "prefixes-sent-rate", 53859)
prop._addConstant("bgpBgpRtPrefixCountPfxSentTr", "prefixes-sent-trend", 53858)
prop._addConstant("bgpPeerBytesByteInRecvQAvg", "bytes-in-receive-queue-average-value", 47903)
prop._addConstant("bgpPeerBytesByteInRecvQCum", "bytes-in-receive-queue-cumulative", 47899)
prop._addConstant("bgpPeerBytesByteInRecvQLast", "bytes-in-receive-queue-current-value", 47897)
prop._addConstant("bgpPeerBytesByteInRecvQMax", "bytes-in-receive-queue-maximum-value", 47902)
prop._addConstant("bgpPeerBytesByteInRecvQMin", "bytes-in-receive-queue-minimum-value", 47901)
prop._addConstant("bgpPeerBytesByteInRecvQPer", "bytes-in-receive-queue-periodic", 47900)
prop._addConstant("bgpPeerBytesByteInRecvQRate", "bytes-in-receive-queue-rate", 47908)
prop._addConstant("bgpPeerBytesByteInRecvQTr", "bytes-in-receive-queue-trend", 47907)
prop._addConstant("bgpPeerBytesByteInSendQAvg", "bytes-in-send-queue-average-value", 47924)
prop._addConstant("bgpPeerBytesByteInSendQCum", "bytes-in-send-queue-cumulative", 47920)
prop._addConstant("bgpPeerBytesByteInSendQLast", "bytes-in-send-queue-current-value", 47918)
prop._addConstant("bgpPeerBytesByteInSendQMax", "bytes-in-send-queue-maximum-value", 47923)
prop._addConstant("bgpPeerBytesByteInSendQMin", "bytes-in-send-queue-minimum-value", 47922)
prop._addConstant("bgpPeerBytesByteInSendQPer", "bytes-in-send-queue-periodic", 47921)
prop._addConstant("bgpPeerBytesByteInSendQRate", "bytes-in-send-queue-rate", 47929)
prop._addConstant("bgpPeerBytesByteInSendQTr", "bytes-in-send-queue-trend", 47928)
prop._addConstant("bgpPeerBytesByteRcvdAvg", "number-of-bytes-received-average-value", 47945)
prop._addConstant("bgpPeerBytesByteRcvdCum", "number-of-bytes-received-cumulative", 47941)
prop._addConstant("bgpPeerBytesByteRcvdLast", "number-of-bytes-received-current-value", 47939)
prop._addConstant("bgpPeerBytesByteRcvdMax", "number-of-bytes-received-maximum-value", 47944)
prop._addConstant("bgpPeerBytesByteRcvdMin", "number-of-bytes-received-minimum-value", 47943)
prop._addConstant("bgpPeerBytesByteRcvdPer", "number-of-bytes-received-periodic", 47942)
prop._addConstant("bgpPeerBytesByteRcvdRate", "number-of-bytes-received-rate", 47950)
prop._addConstant("bgpPeerBytesByteRcvdTr", "number-of-bytes-received-trend", 47949)
prop._addConstant("bgpPeerBytesByteSentAvg", "number-of-bytes-sent-average-value", 47966)
prop._addConstant("bgpPeerBytesByteSentCum", "number-of-bytes-sent-cumulative", 47962)
prop._addConstant("bgpPeerBytesByteSentLast", "number-of-bytes-sent-current-value", 47960)
prop._addConstant("bgpPeerBytesByteSentMax", "number-of-bytes-sent-maximum-value", 47965)
prop._addConstant("bgpPeerBytesByteSentMin", "number-of-bytes-sent-minimum-value", 47964)
prop._addConstant("bgpPeerBytesByteSentPer", "number-of-bytes-sent-periodic", 47963)
prop._addConstant("bgpPeerBytesByteSentRate", "number-of-bytes-sent-rate", 47971)
prop._addConstant("bgpPeerBytesByteSentTr", "number-of-bytes-sent-trend", 47970)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdAvg", "number-of-keepalive-messages-received-average-value", 47987)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdCum", "number-of-keepalive-messages-received-cumulative", 47983)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdLast", "number-of-keepalive-messages-received-current-value", 47981)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdMax", "number-of-keepalive-messages-received-maximum-value", 47986)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdMin", "number-of-keepalive-messages-received-minimum-value", 47985)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdPer", "number-of-keepalive-messages-received-periodic", 47984)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdRate", "number-of-keepalive-messages-received-rate", 47992)
prop._addConstant("bgpPeerKeepAliveKeepaliveRcvdTr", "number-of-keepalive-messages-received-trend", 47991)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentAvg", "number-of-keepalive-messages-sent-average-value", 48008)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentCum", "number-of-keepalive-messages-sent-cumulative", 48004)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentLast", "number-of-keepalive-messages-sent-current-value", 48002)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentMax", "number-of-keepalive-messages-sent-maximum-value", 48007)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentMin", "number-of-keepalive-messages-sent-minimum-value", 48006)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentPer", "number-of-keepalive-messages-sent-periodic", 48005)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentRate", "number-of-keepalive-messages-sent-rate", 48013)
prop._addConstant("bgpPeerKeepAliveKeepaliveSentTr", "number-of-keepalive-messages-sent-trend", 48012)
prop._addConstant("bgpPeerMsgMsgRcvdAvg", "number-of-messages-received-average-value", 48029)
prop._addConstant("bgpPeerMsgMsgRcvdCum", "number-of-messages-received-cumulative", 48025)
prop._addConstant("bgpPeerMsgMsgRcvdLast", "number-of-messages-received-current-value", 48023)
prop._addConstant("bgpPeerMsgMsgRcvdMax", "number-of-messages-received-maximum-value", 48028)
prop._addConstant("bgpPeerMsgMsgRcvdMin", "number-of-messages-received-minimum-value", 48027)
prop._addConstant("bgpPeerMsgMsgRcvdPer", "number-of-messages-received-periodic", 48026)
prop._addConstant("bgpPeerMsgMsgRcvdRate", "number-of-messages-received-rate", 48034)
prop._addConstant("bgpPeerMsgMsgRcvdTr", "number-of-messages-received-trend", 48033)
prop._addConstant("bgpPeerMsgMsgSentAvg", "number-of-messages-sent-average-value", 48050)
prop._addConstant("bgpPeerMsgMsgSentCum", "number-of-messages-sent-cumulative", 48046)
prop._addConstant("bgpPeerMsgMsgSentLast", "number-of-messages-sent-current-value", 48044)
prop._addConstant("bgpPeerMsgMsgSentMax", "number-of-messages-sent-maximum-value", 48049)
prop._addConstant("bgpPeerMsgMsgSentMin", "number-of-messages-sent-minimum-value", 48048)
prop._addConstant("bgpPeerMsgMsgSentPer", "number-of-messages-sent-periodic", 48047)
prop._addConstant("bgpPeerMsgMsgSentRate", "number-of-messages-sent-rate", 48055)
prop._addConstant("bgpPeerMsgMsgSentTr", "number-of-messages-sent-trend", 48054)
prop._addConstant("bgpPeerMsgNotifRcvdAvg", "number-of-notification-messages-received-average-value", 48071)
prop._addConstant("bgpPeerMsgNotifRcvdCum", "number-of-notification-messages-received-cumulative", 48067)
prop._addConstant("bgpPeerMsgNotifRcvdLast", "number-of-notification-messages-received-current-value", 48065)
prop._addConstant("bgpPeerMsgNotifRcvdMax", "number-of-notification-messages-received-maximum-value", 48070)
prop._addConstant("bgpPeerMsgNotifRcvdMin", "number-of-notification-messages-received-minimum-value", 48069)
prop._addConstant("bgpPeerMsgNotifRcvdPer", "number-of-notification-messages-received-periodic", 48068)
prop._addConstant("bgpPeerMsgNotifRcvdRate", "number-of-notification-messages-received-rate", 48076)
prop._addConstant("bgpPeerMsgNotifRcvdTr", "number-of-notification-messages-received-trend", 48075)
prop._addConstant("bgpPeerMsgNotifSentAvg", "number-of-notification-messages-sent-average-value", 48092)
prop._addConstant("bgpPeerMsgNotifSentCum", "number-of-notification-messages-sent-cumulative", 48088)
prop._addConstant("bgpPeerMsgNotifSentLast", "number-of-notification-messages-sent-current-value", 48086)
prop._addConstant("bgpPeerMsgNotifSentMax", "number-of-notification-messages-sent-maximum-value", 48091)
prop._addConstant("bgpPeerMsgNotifSentMin", "number-of-notification-messages-sent-minimum-value", 48090)
prop._addConstant("bgpPeerMsgNotifSentPer", "number-of-notification-messages-sent-periodic", 48089)
prop._addConstant("bgpPeerMsgNotifSentRate", "number-of-notification-messages-sent-rate", 48097)
prop._addConstant("bgpPeerMsgNotifSentTr", "number-of-notification-messages-sent-trend", 48096)
prop._addConstant("bgpPeerOpenOpenRcvdAvg", "number-of-open-messages-received-average-value", 48113)
prop._addConstant("bgpPeerOpenOpenRcvdCum", "number-of-open-messages-received-cumulative", 48109)
prop._addConstant("bgpPeerOpenOpenRcvdLast", "number-of-open-messages-received-current-value", 48107)
prop._addConstant("bgpPeerOpenOpenRcvdMax", "number-of-open-messages-received-maximum-value", 48112)
prop._addConstant("bgpPeerOpenOpenRcvdMin", "number-of-open-messages-received-minimum-value", 48111)
prop._addConstant("bgpPeerOpenOpenRcvdPer", "number-of-open-messages-received-periodic", 48110)
prop._addConstant("bgpPeerOpenOpenRcvdRate", "number-of-open-messages-received-rate", 48118)
prop._addConstant("bgpPeerOpenOpenRcvdTr", "number-of-open-messages-received-trend", 48117)
prop._addConstant("bgpPeerOpenOpenSentAvg", "number-of-open-messages-sent-average-value", 48134)
prop._addConstant("bgpPeerOpenOpenSentCum", "number-of-open-messages-sent-cumulative", 48130)
prop._addConstant("bgpPeerOpenOpenSentLast", "number-of-open-messages-sent-current-value", 48128)
prop._addConstant("bgpPeerOpenOpenSentMax", "number-of-open-messages-sent-maximum-value", 48133)
prop._addConstant("bgpPeerOpenOpenSentMin", "number-of-open-messages-sent-minimum-value", 48132)
prop._addConstant("bgpPeerOpenOpenSentPer", "number-of-open-messages-sent-periodic", 48131)
prop._addConstant("bgpPeerOpenOpenSentRate", "number-of-open-messages-sent-rate", 48139)
prop._addConstant("bgpPeerOpenOpenSentTr", "number-of-open-messages-sent-trend", 48138)
prop._addConstant("bgpPeerOpenUpdateRcvdAvg", "number-of-update-messages-received-average-value", 48155)
prop._addConstant("bgpPeerOpenUpdateRcvdCum", "number-of-update-messages-received-cumulative", 48151)
prop._addConstant("bgpPeerOpenUpdateRcvdLast", "number-of-update-messages-received-current-value", 48149)
prop._addConstant("bgpPeerOpenUpdateRcvdMax", "number-of-update-messages-received-maximum-value", 48154)
prop._addConstant("bgpPeerOpenUpdateRcvdMin", "number-of-update-messages-received-minimum-value", 48153)
prop._addConstant("bgpPeerOpenUpdateRcvdPer", "number-of-update-messages-received-periodic", 48152)
prop._addConstant("bgpPeerOpenUpdateRcvdRate", "number-of-update-messages-received-rate", 48160)
prop._addConstant("bgpPeerOpenUpdateRcvdTr", "number-of-update-messages-received-trend", 48159)
prop._addConstant("bgpPeerOpenUpdateSentAvg", "number-of-update-messages-sent-average-value", 48176)
prop._addConstant("bgpPeerOpenUpdateSentCum", "number-of-update-messages-sent-cumulative", 48172)
prop._addConstant("bgpPeerOpenUpdateSentLast", "number-of-update-messages-sent-current-value", 48170)
prop._addConstant("bgpPeerOpenUpdateSentMax", "number-of-update-messages-sent-maximum-value", 48175)
prop._addConstant("bgpPeerOpenUpdateSentMin", "number-of-update-messages-sent-minimum-value", 48174)
prop._addConstant("bgpPeerOpenUpdateSentPer", "number-of-update-messages-sent-periodic", 48173)
prop._addConstant("bgpPeerOpenUpdateSentRate", "number-of-update-messages-sent-rate", 48181)
prop._addConstant("bgpPeerOpenUpdateSentTr", "number-of-update-messages-sent-trend", 48180)
prop._addConstant("bgpPeerRouteCapabilityRcvdAvg", "number-of-capability-messages-received-average-value", 48197)
prop._addConstant("bgpPeerRouteCapabilityRcvdCum", "number-of-capability-messages-received-cumulative", 48193)
prop._addConstant("bgpPeerRouteCapabilityRcvdLast", "number-of-capability-messages-received-current-value", 48191)
prop._addConstant("bgpPeerRouteCapabilityRcvdMax", "number-of-capability-messages-received-maximum-value", 48196)
prop._addConstant("bgpPeerRouteCapabilityRcvdMin", "number-of-capability-messages-received-minimum-value", 48195)
prop._addConstant("bgpPeerRouteCapabilityRcvdPer", "number-of-capability-messages-received-periodic", 48194)
prop._addConstant("bgpPeerRouteCapabilityRcvdRate", "number-of-capability-messages-received-rate", 48202)
prop._addConstant("bgpPeerRouteCapabilityRcvdTr", "number-of-capability-messages-received-trend", 48201)
prop._addConstant("bgpPeerRouteCapabilitySentAvg", "number-of-capability-messages-sent-average-value", 48218)
prop._addConstant("bgpPeerRouteCapabilitySentCum", "number-of-capability-messages-sent-cumulative", 48214)
prop._addConstant("bgpPeerRouteCapabilitySentLast", "number-of-capability-messages-sent-current-value", 48212)
prop._addConstant("bgpPeerRouteCapabilitySentMax", "number-of-capability-messages-sent-maximum-value", 48217)
prop._addConstant("bgpPeerRouteCapabilitySentMin", "number-of-capability-messages-sent-minimum-value", 48216)
prop._addConstant("bgpPeerRouteCapabilitySentPer", "number-of-capability-messages-sent-periodic", 48215)
prop._addConstant("bgpPeerRouteCapabilitySentRate", "number-of-capability-messages-sent-rate", 48223)
prop._addConstant("bgpPeerRouteCapabilitySentTr", "number-of-capability-messages-sent-trend", 48222)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdAvg", "number-of-route-refresh-messages-received-average-value", 48239)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdCum", "number-of-route-refresh-messages-received-cumulative", 48235)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdLast", "number-of-route-refresh-messages-received-current-value", 48233)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdMax", "number-of-route-refresh-messages-received-maximum-value", 48238)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdMin", "number-of-route-refresh-messages-received-minimum-value", 48237)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdPer", "number-of-route-refresh-messages-received-periodic", 48236)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdRate", "number-of-route-refresh-messages-received-rate", 48244)
prop._addConstant("bgpPeerRouteRouteRefreshRcvdTr", "number-of-route-refresh-messages-received-trend", 48243)
prop._addConstant("bgpPeerRouteRouteRefreshSentAvg", "number-of-route-refresh-messages-sent-average-value", 48260)
prop._addConstant("bgpPeerRouteRouteRefreshSentCum", "number-of-route-refresh-messages-sent-cumulative", 48256)
prop._addConstant("bgpPeerRouteRouteRefreshSentLast", "number-of-route-refresh-messages-sent-current-value", 48254)
prop._addConstant("bgpPeerRouteRouteRefreshSentMax", "number-of-route-refresh-messages-sent-maximum-value", 48259)
prop._addConstant("bgpPeerRouteRouteRefreshSentMin", "number-of-route-refresh-messages-sent-minimum-value", 48258)
prop._addConstant("bgpPeerRouteRouteRefreshSentPer", "number-of-route-refresh-messages-sent-periodic", 48257)
prop._addConstant("bgpPeerRouteRouteRefreshSentRate", "number-of-route-refresh-messages-sent-rate", 48265)
prop._addConstant("bgpPeerRouteRouteRefreshSentTr", "number-of-route-refresh-messages-sent-trend", 48264)
prop._addConstant("cloudAppGwStatsAgCurrentConnectionsCum", "azure-lb-existing-connections-cumulative", 55389)
prop._addConstant("cloudAppGwStatsAgCurrentConnectionsPer", "azure-lb-existing-connections-periodic", 55390)
prop._addConstant("cloudAppGwStatsAgCurrentConnectionsRate", "azure-lb-existing-connections-rate", 55395)
prop._addConstant("cloudAppGwStatsAgCurrentConnectionsTr", "azure-lb-existing-connections-trend", 55394)
prop._addConstant("cloudAppGwStatsAgFailedRequestsCum", "azure-lb-failed-requests-cumulative", 55423)
prop._addConstant("cloudAppGwStatsAgFailedRequestsPer", "azure-lb-failed-requests-periodic", 55424)
prop._addConstant("cloudAppGwStatsAgFailedRequestsRate", "azure-lb-failed-requests-rate", 55429)
prop._addConstant("cloudAppGwStatsAgFailedRequestsTr", "azure-lb-failed-requests-trend", 55428)
prop._addConstant("cloudAppGwStatsAgThroughputCum", "azure-lb-total-throughput-cumulative", 55457)
prop._addConstant("cloudAppGwStatsAgThroughputPer", "azure-lb-total-throughput-periodic", 55458)
prop._addConstant("cloudAppGwStatsAgThroughputRate", "azure-lb-total-throughput-rate", 55463)
prop._addConstant("cloudAppGwStatsAgThroughputTr", "azure-lb-total-throughput-trend", 55462)
prop._addConstant("cloudAppGwStatsAgTotalRequestsCum", "azure-native-lb-requests-count-cumulative", 55491)
prop._addConstant("cloudAppGwStatsAgTotalRequestsPer", "azure-native-lb-requests-count-periodic", 55492)
prop._addConstant("cloudAppGwStatsAgTotalRequestsRate", "azure-native-lb-requests-count-rate", 55497)
prop._addConstant("cloudAppGwStatsAgTotalRequestsTr", "azure-native-lb-requests-count-trend", 55496)
prop._addConstant("cloudAppGwStatsCurrentConnectionsAvg", "azure-lb-existing-connections-average-value", 55374)
prop._addConstant("cloudAppGwStatsCurrentConnectionsCum", "azure-lb-existing-connections-cumulative", 55370)
prop._addConstant("cloudAppGwStatsCurrentConnectionsLast", "azure-lb-existing-connections-current-value", 55368)
prop._addConstant("cloudAppGwStatsCurrentConnectionsMax", "azure-lb-existing-connections-maximum-value", 55373)
prop._addConstant("cloudAppGwStatsCurrentConnectionsMin", "azure-lb-existing-connections-minimum-value", 55372)
prop._addConstant("cloudAppGwStatsCurrentConnectionsPer", "azure-lb-existing-connections-periodic", 55371)
prop._addConstant("cloudAppGwStatsCurrentConnectionsRate", "azure-lb-existing-connections-rate", 55379)
prop._addConstant("cloudAppGwStatsCurrentConnectionsTr", "azure-lb-existing-connections-trend", 55378)
prop._addConstant("cloudAppGwStatsFailedRequestsAvg", "azure-lb-failed-requests-average-value", 55408)
prop._addConstant("cloudAppGwStatsFailedRequestsCum", "azure-lb-failed-requests-cumulative", 55404)
prop._addConstant("cloudAppGwStatsFailedRequestsLast", "azure-lb-failed-requests-current-value", 55402)
prop._addConstant("cloudAppGwStatsFailedRequestsMax", "azure-lb-failed-requests-maximum-value", 55407)
prop._addConstant("cloudAppGwStatsFailedRequestsMin", "azure-lb-failed-requests-minimum-value", 55406)
prop._addConstant("cloudAppGwStatsFailedRequestsPer", "azure-lb-failed-requests-periodic", 55405)
prop._addConstant("cloudAppGwStatsFailedRequestsRate", "azure-lb-failed-requests-rate", 55413)
prop._addConstant("cloudAppGwStatsFailedRequestsTr", "azure-lb-failed-requests-trend", 55412)
prop._addConstant("cloudAppGwStatsThroughputAvg", "azure-lb-total-throughput-average-value", 55442)
prop._addConstant("cloudAppGwStatsThroughputCum", "azure-lb-total-throughput-cumulative", 55438)
prop._addConstant("cloudAppGwStatsThroughputLast", "azure-lb-total-throughput-current-value", 55436)
prop._addConstant("cloudAppGwStatsThroughputMax", "azure-lb-total-throughput-maximum-value", 55441)
prop._addConstant("cloudAppGwStatsThroughputMin", "azure-lb-total-throughput-minimum-value", 55440)
prop._addConstant("cloudAppGwStatsThroughputPer", "azure-lb-total-throughput-periodic", 55439)
prop._addConstant("cloudAppGwStatsThroughputRate", "azure-lb-total-throughput-rate", 55447)
prop._addConstant("cloudAppGwStatsThroughputTr", "azure-lb-total-throughput-trend", 55446)
prop._addConstant("cloudAppGwStatsTotalRequestsAvg", "azure-native-lb-requests-count-average-value", 55476)
prop._addConstant("cloudAppGwStatsTotalRequestsCum", "azure-native-lb-requests-count-cumulative", 55472)
prop._addConstant("cloudAppGwStatsTotalRequestsLast", "azure-native-lb-requests-count-current-value", 55470)
prop._addConstant("cloudAppGwStatsTotalRequestsMax", "azure-native-lb-requests-count-maximum-value", 55475)
prop._addConstant("cloudAppGwStatsTotalRequestsMin", "azure-native-lb-requests-count-minimum-value", 55474)
prop._addConstant("cloudAppGwStatsTotalRequestsPer", "azure-native-lb-requests-count-periodic", 55473)
prop._addConstant("cloudAppGwStatsTotalRequestsRate", "azure-native-lb-requests-count-rate", 55481)
prop._addConstant("cloudAppGwStatsTotalRequestsTr", "azure-native-lb-requests-count-trend", 55480)
prop._addConstant("cloudEgressBytesAgDropCum", "egress-drop-packets-cumulative", 50949)
prop._addConstant("cloudEgressBytesAgDropPer", "egress-drop-packets-periodic", 50950)
prop._addConstant("cloudEgressBytesAgDropRate", "egress-drop-packets-rate", 50955)
prop._addConstant("cloudEgressBytesAgDropTr", "egress-drop-packets-trend", 50954)
prop._addConstant("cloudEgressBytesAgUnicastCum", "egress-unicast-bytes-cumulative", 50983)
prop._addConstant("cloudEgressBytesAgUnicastPer", "egress-unicast-bytes-periodic", 50984)
prop._addConstant("cloudEgressBytesAgUnicastRate", "egress-unicast-bytes-rate", 50989)
prop._addConstant("cloudEgressBytesAgUnicastTr", "egress-unicast-bytes-trend", 50988)
prop._addConstant("cloudEgressBytesDropAvg", "egress-drop-packets-average-value", 50934)
prop._addConstant("cloudEgressBytesDropCum", "egress-drop-packets-cumulative", 50930)
prop._addConstant("cloudEgressBytesDropLast", "egress-drop-packets-current-value", 50928)
prop._addConstant("cloudEgressBytesDropMax", "egress-drop-packets-maximum-value", 50933)
prop._addConstant("cloudEgressBytesDropMin", "egress-drop-packets-minimum-value", 50932)
prop._addConstant("cloudEgressBytesDropPer", "egress-drop-packets-periodic", 50931)
prop._addConstant("cloudEgressBytesDropRate", "egress-drop-packets-rate", 50939)
prop._addConstant("cloudEgressBytesDropTr", "egress-drop-packets-trend", 50938)
prop._addConstant("cloudEgressBytesUnicastAvg", "egress-unicast-bytes-average-value", 50968)
prop._addConstant("cloudEgressBytesUnicastCum", "egress-unicast-bytes-cumulative", 50964)
prop._addConstant("cloudEgressBytesUnicastLast", "egress-unicast-bytes-current-value", 50962)
prop._addConstant("cloudEgressBytesUnicastMax", "egress-unicast-bytes-maximum-value", 50967)
prop._addConstant("cloudEgressBytesUnicastMin", "egress-unicast-bytes-minimum-value", 50966)
prop._addConstant("cloudEgressBytesUnicastPer", "egress-unicast-bytes-periodic", 50965)
prop._addConstant("cloudEgressBytesUnicastRate", "egress-unicast-bytes-rate", 50973)
prop._addConstant("cloudEgressBytesUnicastTr", "egress-unicast-bytes-trend", 50972)
prop._addConstant("cloudEgressPktsAgDropCum", "egress-drop-packets-cumulative", 51017)
prop._addConstant("cloudEgressPktsAgDropPer", "egress-drop-packets-periodic", 51018)
prop._addConstant("cloudEgressPktsAgDropRate", "egress-drop-packets-rate", 51023)
prop._addConstant("cloudEgressPktsAgDropTr", "egress-drop-packets-trend", 51022)
prop._addConstant("cloudEgressPktsAgUnicastCum", "egress-unicast-packets-cumulative", 51051)
prop._addConstant("cloudEgressPktsAgUnicastPer", "egress-unicast-packets-periodic", 51052)
prop._addConstant("cloudEgressPktsAgUnicastRate", "egress-unicast-packets-rate", 51057)
prop._addConstant("cloudEgressPktsAgUnicastTr", "egress-unicast-packets-trend", 51056)
prop._addConstant("cloudEgressPktsDropAvg", "egress-drop-packets-average-value", 51002)
prop._addConstant("cloudEgressPktsDropCum", "egress-drop-packets-cumulative", 50998)
prop._addConstant("cloudEgressPktsDropLast", "egress-drop-packets-current-value", 50996)
prop._addConstant("cloudEgressPktsDropMax", "egress-drop-packets-maximum-value", 51001)
prop._addConstant("cloudEgressPktsDropMin", "egress-drop-packets-minimum-value", 51000)
prop._addConstant("cloudEgressPktsDropPer", "egress-drop-packets-periodic", 50999)
prop._addConstant("cloudEgressPktsDropRate", "egress-drop-packets-rate", 51007)
prop._addConstant("cloudEgressPktsDropTr", "egress-drop-packets-trend", 51006)
prop._addConstant("cloudEgressPktsUnicastAvg", "egress-unicast-packets-average-value", 51036)
prop._addConstant("cloudEgressPktsUnicastCum", "egress-unicast-packets-cumulative", 51032)
prop._addConstant("cloudEgressPktsUnicastLast", "egress-unicast-packets-current-value", 51030)
prop._addConstant("cloudEgressPktsUnicastMax", "egress-unicast-packets-maximum-value", 51035)
prop._addConstant("cloudEgressPktsUnicastMin", "egress-unicast-packets-minimum-value", 51034)
prop._addConstant("cloudEgressPktsUnicastPer", "egress-unicast-packets-periodic", 51033)
prop._addConstant("cloudEgressPktsUnicastRate", "egress-unicast-packets-rate", 51041)
prop._addConstant("cloudEgressPktsUnicastTr", "egress-unicast-packets-trend", 51040)
prop._addConstant("cloudHostRouterEgressBytesAgUnicastCum", "host-router-egress-unicast-bytes-cumulative", 54275)
prop._addConstant("cloudHostRouterEgressBytesAgUnicastPer", "host-router-egress-unicast-bytes-periodic", 54276)
prop._addConstant("cloudHostRouterEgressBytesAgUnicastRate", "host-router-egress-unicast-bytes-rate", 54281)
prop._addConstant("cloudHostRouterEgressBytesAgUnicastTr", "host-router-egress-unicast-bytes-trend", 54280)
prop._addConstant("cloudHostRouterEgressBytesUnicastAvg", "host-router-egress-unicast-bytes-average-value", 54260)
prop._addConstant("cloudHostRouterEgressBytesUnicastCum", "host-router-egress-unicast-bytes-cumulative", 54256)
prop._addConstant("cloudHostRouterEgressBytesUnicastLast", "host-router-egress-unicast-bytes-current-value", 54254)
prop._addConstant("cloudHostRouterEgressBytesUnicastMax", "host-router-egress-unicast-bytes-maximum-value", 54259)
prop._addConstant("cloudHostRouterEgressBytesUnicastMin", "host-router-egress-unicast-bytes-minimum-value", 54258)
prop._addConstant("cloudHostRouterEgressBytesUnicastPer", "host-router-egress-unicast-bytes-periodic", 54257)
prop._addConstant("cloudHostRouterEgressBytesUnicastRate", "host-router-egress-unicast-bytes-rate", 54265)
prop._addConstant("cloudHostRouterEgressBytesUnicastTr", "host-router-egress-unicast-bytes-trend", 54264)
prop._addConstant("cloudHostRouterEgressPktsAgUnicastCum", "host-router-egress-unicast-packets-cumulative", 54309)
prop._addConstant("cloudHostRouterEgressPktsAgUnicastPer", "host-router-egress-unicast-packets-periodic", 54310)
prop._addConstant("cloudHostRouterEgressPktsAgUnicastRate", "host-router-egress-unicast-packets-rate", 54315)
prop._addConstant("cloudHostRouterEgressPktsAgUnicastTr", "host-router-egress-unicast-packets-trend", 54314)
prop._addConstant("cloudHostRouterEgressPktsUnicastAvg", "host-router-egress-unicast-packets-average-value", 54294)
prop._addConstant("cloudHostRouterEgressPktsUnicastCum", "host-router-egress-unicast-packets-cumulative", 54290)
prop._addConstant("cloudHostRouterEgressPktsUnicastLast", "host-router-egress-unicast-packets-current-value", 54288)
prop._addConstant("cloudHostRouterEgressPktsUnicastMax", "host-router-egress-unicast-packets-maximum-value", 54293)
prop._addConstant("cloudHostRouterEgressPktsUnicastMin", "host-router-egress-unicast-packets-minimum-value", 54292)
prop._addConstant("cloudHostRouterEgressPktsUnicastPer", "host-router-egress-unicast-packets-periodic", 54291)
prop._addConstant("cloudHostRouterEgressPktsUnicastRate", "host-router-egress-unicast-packets-rate", 54299)
prop._addConstant("cloudHostRouterEgressPktsUnicastTr", "host-router-egress-unicast-packets-trend", 54298)
prop._addConstant("cloudHostRouterIngressBytesAgUnicastCum", "host-router-ingress-unicast-bytes-cumulative", 54343)
prop._addConstant("cloudHostRouterIngressBytesAgUnicastPer", "host-router-ingress-unicast-bytes-periodic", 54344)
prop._addConstant("cloudHostRouterIngressBytesAgUnicastRate", "host-router-ingress-unicast-bytes-rate", 54349)
prop._addConstant("cloudHostRouterIngressBytesAgUnicastTr", "host-router-ingress-unicast-bytes-trend", 54348)
prop._addConstant("cloudHostRouterIngressBytesUnicastAvg", "host-router-ingress-unicast-bytes-average-value", 54328)
prop._addConstant("cloudHostRouterIngressBytesUnicastCum", "host-router-ingress-unicast-bytes-cumulative", 54324)
prop._addConstant("cloudHostRouterIngressBytesUnicastLast", "host-router-ingress-unicast-bytes-current-value", 54322)
prop._addConstant("cloudHostRouterIngressBytesUnicastMax", "host-router-ingress-unicast-bytes-maximum-value", 54327)
prop._addConstant("cloudHostRouterIngressBytesUnicastMin", "host-router-ingress-unicast-bytes-minimum-value", 54326)
prop._addConstant("cloudHostRouterIngressBytesUnicastPer", "host-router-ingress-unicast-bytes-periodic", 54325)
prop._addConstant("cloudHostRouterIngressBytesUnicastRate", "host-router-ingress-unicast-bytes-rate", 54333)
prop._addConstant("cloudHostRouterIngressBytesUnicastTr", "host-router-ingress-unicast-bytes-trend", 54332)
prop._addConstant("cloudHostRouterIngressPktsAgUnicastCum", "host-router-ingress-unicast-packets-cumulative", 54377)
prop._addConstant("cloudHostRouterIngressPktsAgUnicastPer", "host-router-ingress-unicast-packets-periodic", 54378)
prop._addConstant("cloudHostRouterIngressPktsAgUnicastRate", "host-router-ingress-unicast-packets-rate", 54383)
prop._addConstant("cloudHostRouterIngressPktsAgUnicastTr", "host-router-ingress-unicast-packets-trend", 54382)
prop._addConstant("cloudHostRouterIngressPktsUnicastAvg", "host-router-ingress-unicast-packets-average-value", 54362)
prop._addConstant("cloudHostRouterIngressPktsUnicastCum", "host-router-ingress-unicast-packets-cumulative", 54358)
prop._addConstant("cloudHostRouterIngressPktsUnicastLast", "host-router-ingress-unicast-packets-current-value", 54356)
prop._addConstant("cloudHostRouterIngressPktsUnicastMax", "host-router-ingress-unicast-packets-maximum-value", 54361)
prop._addConstant("cloudHostRouterIngressPktsUnicastMin", "host-router-ingress-unicast-packets-minimum-value", 54360)
prop._addConstant("cloudHostRouterIngressPktsUnicastPer", "host-router-ingress-unicast-packets-periodic", 54359)
prop._addConstant("cloudHostRouterIngressPktsUnicastRate", "host-router-ingress-unicast-packets-rate", 54367)
prop._addConstant("cloudHostRouterIngressPktsUnicastTr", "host-router-ingress-unicast-packets-trend", 54366)
prop._addConstant("cloudIngressBytesAgDropCum", "ingress-drop-bytes-cumulative", 51085)
prop._addConstant("cloudIngressBytesAgDropPer", "ingress-drop-bytes-periodic", 51086)
prop._addConstant("cloudIngressBytesAgDropRate", "ingress-drop-bytes-rate", 51091)
prop._addConstant("cloudIngressBytesAgDropTr", "ingress-drop-bytes-trend", 51090)
prop._addConstant("cloudIngressBytesAgUnicastCum", "ingress-unicast-bytes-cumulative", 51119)
prop._addConstant("cloudIngressBytesAgUnicastPer", "ingress-unicast-bytes-periodic", 51120)
prop._addConstant("cloudIngressBytesAgUnicastRate", "ingress-unicast-bytes-rate", 51125)
prop._addConstant("cloudIngressBytesAgUnicastTr", "ingress-unicast-bytes-trend", 51124)
prop._addConstant("cloudIngressBytesDropAvg", "ingress-drop-bytes-average-value", 51070)
prop._addConstant("cloudIngressBytesDropCum", "ingress-drop-bytes-cumulative", 51066)
prop._addConstant("cloudIngressBytesDropLast", "ingress-drop-bytes-current-value", 51064)
prop._addConstant("cloudIngressBytesDropMax", "ingress-drop-bytes-maximum-value", 51069)
prop._addConstant("cloudIngressBytesDropMin", "ingress-drop-bytes-minimum-value", 51068)
prop._addConstant("cloudIngressBytesDropPer", "ingress-drop-bytes-periodic", 51067)
prop._addConstant("cloudIngressBytesDropRate", "ingress-drop-bytes-rate", 51075)
prop._addConstant("cloudIngressBytesDropTr", "ingress-drop-bytes-trend", 51074)
prop._addConstant("cloudIngressBytesUnicastAvg", "ingress-unicast-bytes-average-value", 51104)
prop._addConstant("cloudIngressBytesUnicastCum", "ingress-unicast-bytes-cumulative", 51100)
prop._addConstant("cloudIngressBytesUnicastLast", "ingress-unicast-bytes-current-value", 51098)
prop._addConstant("cloudIngressBytesUnicastMax", "ingress-unicast-bytes-maximum-value", 51103)
prop._addConstant("cloudIngressBytesUnicastMin", "ingress-unicast-bytes-minimum-value", 51102)
prop._addConstant("cloudIngressBytesUnicastPer", "ingress-unicast-bytes-periodic", 51101)
prop._addConstant("cloudIngressBytesUnicastRate", "ingress-unicast-bytes-rate", 51109)
prop._addConstant("cloudIngressBytesUnicastTr", "ingress-unicast-bytes-trend", 51108)
prop._addConstant("cloudIngressPktsAgDropCum", "ingress-drop-packets-cumulative", 51153)
prop._addConstant("cloudIngressPktsAgDropPer", "ingress-drop-packets-periodic", 51154)
prop._addConstant("cloudIngressPktsAgDropRate", "ingress-drop-packets-rate", 51159)
prop._addConstant("cloudIngressPktsAgDropTr", "ingress-drop-packets-trend", 51158)
prop._addConstant("cloudIngressPktsAgUnicastCum", "ingress-unicast-packets-cumulative", 51187)
prop._addConstant("cloudIngressPktsAgUnicastPer", "ingress-unicast-packets-periodic", 51188)
prop._addConstant("cloudIngressPktsAgUnicastRate", "ingress-unicast-packets-rate", 51193)
prop._addConstant("cloudIngressPktsAgUnicastTr", "ingress-unicast-packets-trend", 51192)
prop._addConstant("cloudIngressPktsDropAvg", "ingress-drop-packets-average-value", 51138)
prop._addConstant("cloudIngressPktsDropCum", "ingress-drop-packets-cumulative", 51134)
prop._addConstant("cloudIngressPktsDropLast", "ingress-drop-packets-current-value", 51132)
prop._addConstant("cloudIngressPktsDropMax", "ingress-drop-packets-maximum-value", 51137)
prop._addConstant("cloudIngressPktsDropMin", "ingress-drop-packets-minimum-value", 51136)
prop._addConstant("cloudIngressPktsDropPer", "ingress-drop-packets-periodic", 51135)
prop._addConstant("cloudIngressPktsDropRate", "ingress-drop-packets-rate", 51143)
prop._addConstant("cloudIngressPktsDropTr", "ingress-drop-packets-trend", 51142)
prop._addConstant("cloudIngressPktsUnicastAvg", "ingress-unicast-packets-average-value", 51172)
prop._addConstant("cloudIngressPktsUnicastCum", "ingress-unicast-packets-cumulative", 51168)
prop._addConstant("cloudIngressPktsUnicastLast", "ingress-unicast-packets-current-value", 51166)
prop._addConstant("cloudIngressPktsUnicastMax", "ingress-unicast-packets-maximum-value", 51171)
prop._addConstant("cloudIngressPktsUnicastMin", "ingress-unicast-packets-minimum-value", 51170)
prop._addConstant("cloudIngressPktsUnicastPer", "ingress-unicast-packets-periodic", 51169)
prop._addConstant("cloudIngressPktsUnicastRate", "ingress-unicast-packets-rate", 51177)
prop._addConstant("cloudIngressPktsUnicastTr", "ingress-unicast-packets-trend", 51176)
prop._addConstant("cloudLBStatsAgHTTPCodeELB5XXCountCum", "native-lb-htpp-5xx-error-count-cumulative", 52478)
prop._addConstant("cloudLBStatsAgHTTPCodeELB5XXCountPer", "native-lb-htpp-5xx-error-count-periodic", 52479)
prop._addConstant("cloudLBStatsAgHTTPCodeELB5XXCountRate", "native-lb-htpp-5xx-error-count-rate", 52484)
prop._addConstant("cloudLBStatsAgHTTPCodeELB5XXCountTr", "native-lb-htpp-5xx-error-count-trend", 52483)
prop._addConstant("cloudLBStatsAgRejectedConnectionCountCum", "nantive-lb-rejected-requests-count-cumulative", 52512)
prop._addConstant("cloudLBStatsAgRejectedConnectionCountPer", "nantive-lb-rejected-requests-count-periodic", 52513)
prop._addConstant("cloudLBStatsAgRejectedConnectionCountRate", "nantive-lb-rejected-requests-count-rate", 52518)
prop._addConstant("cloudLBStatsAgRejectedConnectionCountTr", "nantive-lb-rejected-requests-count-trend", 52517)
prop._addConstant("cloudLBStatsAgRequestCountCum", "native-lb-requests-count-cumulative", 52546)
prop._addConstant("cloudLBStatsAgRequestCountPer", "native-lb-requests-count-periodic", 52547)
prop._addConstant("cloudLBStatsAgRequestCountRate", "native-lb-requests-count-rate", 52552)
prop._addConstant("cloudLBStatsAgRequestCountTr", "native-lb-requests-count-trend", 52551)
prop._addConstant("cloudLBStatsAgRuleEvaluationsCum", "native-lb-rules-evaluated-cumulative", 52947)
prop._addConstant("cloudLBStatsAgRuleEvaluationsPer", "native-lb-rules-evaluated-periodic", 52948)
prop._addConstant("cloudLBStatsAgRuleEvaluationsRate", "native-lb-rules-evaluated-rate", 52953)
prop._addConstant("cloudLBStatsAgRuleEvaluationsTr", "native-lb-rules-evaluated-trend", 52952)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountAvg", "native-lb-htpp-5xx-error-count-average-value", 52463)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountCum", "native-lb-htpp-5xx-error-count-cumulative", 52459)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountLast", "native-lb-htpp-5xx-error-count-current-value", 52457)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountMax", "native-lb-htpp-5xx-error-count-maximum-value", 52462)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountMin", "native-lb-htpp-5xx-error-count-minimum-value", 52461)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountPer", "native-lb-htpp-5xx-error-count-periodic", 52460)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountRate", "native-lb-htpp-5xx-error-count-rate", 52468)
prop._addConstant("cloudLBStatsHTTPCodeELB5XXCountTr", "native-lb-htpp-5xx-error-count-trend", 52467)
prop._addConstant("cloudLBStatsRejectedConnectionCountAvg", "nantive-lb-rejected-requests-count-average-value", 52497)
prop._addConstant("cloudLBStatsRejectedConnectionCountCum", "nantive-lb-rejected-requests-count-cumulative", 52493)
prop._addConstant("cloudLBStatsRejectedConnectionCountLast", "nantive-lb-rejected-requests-count-current-value", 52491)
prop._addConstant("cloudLBStatsRejectedConnectionCountMax", "nantive-lb-rejected-requests-count-maximum-value", 52496)
prop._addConstant("cloudLBStatsRejectedConnectionCountMin", "nantive-lb-rejected-requests-count-minimum-value", 52495)
prop._addConstant("cloudLBStatsRejectedConnectionCountPer", "nantive-lb-rejected-requests-count-periodic", 52494)
prop._addConstant("cloudLBStatsRejectedConnectionCountRate", "nantive-lb-rejected-requests-count-rate", 52502)
prop._addConstant("cloudLBStatsRejectedConnectionCountTr", "nantive-lb-rejected-requests-count-trend", 52501)
prop._addConstant("cloudLBStatsRequestCountAvg", "native-lb-requests-count-average-value", 52531)
prop._addConstant("cloudLBStatsRequestCountCum", "native-lb-requests-count-cumulative", 52527)
prop._addConstant("cloudLBStatsRequestCountLast", "native-lb-requests-count-current-value", 52525)
prop._addConstant("cloudLBStatsRequestCountMax", "native-lb-requests-count-maximum-value", 52530)
prop._addConstant("cloudLBStatsRequestCountMin", "native-lb-requests-count-minimum-value", 52529)
prop._addConstant("cloudLBStatsRequestCountPer", "native-lb-requests-count-periodic", 52528)
prop._addConstant("cloudLBStatsRequestCountRate", "native-lb-requests-count-rate", 52536)
prop._addConstant("cloudLBStatsRequestCountTr", "native-lb-requests-count-trend", 52535)
prop._addConstant("cloudLBStatsRuleEvaluationsAvg", "native-lb-rules-evaluated-average-value", 52932)
prop._addConstant("cloudLBStatsRuleEvaluationsCum", "native-lb-rules-evaluated-cumulative", 52928)
prop._addConstant("cloudLBStatsRuleEvaluationsLast", "native-lb-rules-evaluated-current-value", 52926)
prop._addConstant("cloudLBStatsRuleEvaluationsMax", "native-lb-rules-evaluated-maximum-value", 52931)
prop._addConstant("cloudLBStatsRuleEvaluationsMin", "native-lb-rules-evaluated-minimum-value", 52930)
prop._addConstant("cloudLBStatsRuleEvaluationsPer", "native-lb-rules-evaluated-periodic", 52929)
prop._addConstant("cloudLBStatsRuleEvaluationsRate", "native-lb-rules-evaluated-rate", 52937)
prop._addConstant("cloudLBStatsRuleEvaluationsTr", "native-lb-rules-evaluated-trend", 52936)
prop._addConstant("cloudPoolHealthStatsAgHealthyHostCountCum", "pool-healthy-hosts-count-cumulative", 52580)
prop._addConstant("cloudPoolHealthStatsAgHealthyHostCountPer", "pool-healthy-hosts-count-periodic", 52581)
prop._addConstant("cloudPoolHealthStatsAgHealthyHostCountRate", "pool-healthy-hosts-count-rate", 52586)
prop._addConstant("cloudPoolHealthStatsAgHealthyHostCountTr", "pool-healthy-hosts-count-trend", 52585)
prop._addConstant("cloudPoolHealthStatsAgUnHealthyHostCountCum", "pool-unhealthy-hosts-count-cumulative", 52614)
prop._addConstant("cloudPoolHealthStatsAgUnHealthyHostCountPer", "pool-unhealthy-hosts-count-periodic", 52615)
prop._addConstant("cloudPoolHealthStatsAgUnHealthyHostCountRate", "pool-unhealthy-hosts-count-rate", 52620)
prop._addConstant("cloudPoolHealthStatsAgUnHealthyHostCountTr", "pool-unhealthy-hosts-count-trend", 52619)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountAvg", "pool-healthy-hosts-count-average-value", 52565)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountCum", "pool-healthy-hosts-count-cumulative", 52561)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountLast", "pool-healthy-hosts-count-current-value", 52559)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountMax", "pool-healthy-hosts-count-maximum-value", 52564)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountMin", "pool-healthy-hosts-count-minimum-value", 52563)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountPer", "pool-healthy-hosts-count-periodic", 52562)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountRate", "pool-healthy-hosts-count-rate", 52570)
prop._addConstant("cloudPoolHealthStatsHealthyHostCountTr", "pool-healthy-hosts-count-trend", 52569)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountAvg", "pool-unhealthy-hosts-count-average-value", 52599)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountCum", "pool-unhealthy-hosts-count-cumulative", 52595)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountLast", "pool-unhealthy-hosts-count-current-value", 52593)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountMax", "pool-unhealthy-hosts-count-maximum-value", 52598)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountMin", "pool-unhealthy-hosts-count-minimum-value", 52597)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountPer", "pool-unhealthy-hosts-count-periodic", 52596)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountRate", "pool-unhealthy-hosts-count-rate", 52604)
prop._addConstant("cloudPoolHealthStatsUnHealthyHostCountTr", "pool-unhealthy-hosts-count-trend", 52603)
prop._addConstant("cloudPoolResponseLatencyAgTargetResponseTimeCum", "pool-response-time-cumulative", 52648)
prop._addConstant("cloudPoolResponseLatencyAgTargetResponseTimePer", "pool-response-time-periodic", 52649)
prop._addConstant("cloudPoolResponseLatencyAgTargetResponseTimeRate", "pool-response-time-rate", 52654)
prop._addConstant("cloudPoolResponseLatencyAgTargetResponseTimeTr", "pool-response-time-trend", 52653)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeAvg", "pool-response-time-average-value", 52633)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeCum", "pool-response-time-cumulative", 52629)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeLast", "pool-response-time-current-value", 52627)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeMax", "pool-response-time-maximum-value", 52632)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeMin", "pool-response-time-minimum-value", 52631)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimePer", "pool-response-time-periodic", 52630)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeRate", "pool-response-time-rate", 52638)
prop._addConstant("cloudPoolResponseLatencyTargetResponseTimeTr", "pool-response-time-trend", 52637)
prop._addConstant("commWebConnAcceptedAvg", "total-accepted-connections-average-value", 19476)
prop._addConstant("commWebConnAcceptedCum", "total-accepted-connections-cumulative", 19472)
prop._addConstant("commWebConnAcceptedLast", "total-accepted-connections-current-value", 19470)
prop._addConstant("commWebConnAcceptedMax", "total-accepted-connections-maximum-value", 19475)
prop._addConstant("commWebConnAcceptedMin", "total-accepted-connections-minimum-value", 19474)
prop._addConstant("commWebConnAcceptedPer", "total-accepted-connections-periodic", 19473)
prop._addConstant("commWebConnAcceptedRate", "total-accepted-connections-rate", 19481)
prop._addConstant("commWebConnAcceptedTr", "total-accepted-connections-trend", 19480)
prop._addConstant("commWebConnActiveAvg", "current-active-connections-average-value", 19528)
prop._addConstant("commWebConnActiveLast", "current-active-connections-current-value", 19525)
prop._addConstant("commWebConnActiveMax", "current-active-connections-maximum-value", 19527)
prop._addConstant("commWebConnActiveMin", "current-active-connections-minimum-value", 19526)
prop._addConstant("commWebConnActiveTr", "current-active-connections-trend", 19533)
prop._addConstant("commWebConnAgAcceptedCum", "total-accepted-connections-cumulative", 19512)
prop._addConstant("commWebConnAgAcceptedPer", "total-accepted-connections-periodic", 19513)
prop._addConstant("commWebConnAgAcceptedRate", "total-accepted-connections-rate", 19518)
prop._addConstant("commWebConnAgAcceptedTr", "total-accepted-connections-trend", 19517)
prop._addConstant("commWebConnAgHandledCum", "total-handled-connections-cumulative", 19597)
prop._addConstant("commWebConnAgHandledPer", "total-handled-connections-periodic", 19598)
prop._addConstant("commWebConnAgHandledRate", "total-handled-connections-rate", 19603)
prop._addConstant("commWebConnAgHandledTr", "total-handled-connections-trend", 19602)
prop._addConstant("commWebConnHandledAvg", "total-handled-connections-average-value", 19561)
prop._addConstant("commWebConnHandledCum", "total-handled-connections-cumulative", 19557)
prop._addConstant("commWebConnHandledLast", "total-handled-connections-current-value", 19555)
prop._addConstant("commWebConnHandledMax", "total-handled-connections-maximum-value", 19560)
prop._addConstant("commWebConnHandledMin", "total-handled-connections-minimum-value", 19559)
prop._addConstant("commWebConnHandledPer", "total-handled-connections-periodic", 19558)
prop._addConstant("commWebConnHandledRate", "total-handled-connections-rate", 19566)
prop._addConstant("commWebConnHandledTr", "total-handled-connections-trend", 19565)
prop._addConstant("commWebConnStatesReadAvg", "current-reading-connections-average-value", 19613)
prop._addConstant("commWebConnStatesReadLast", "current-reading-connections-current-value", 19610)
prop._addConstant("commWebConnStatesReadMax", "current-reading-connections-maximum-value", 19612)
prop._addConstant("commWebConnStatesReadMin", "current-reading-connections-minimum-value", 19611)
prop._addConstant("commWebConnStatesReadTr", "current-reading-connections-trend", 19618)
prop._addConstant("commWebConnStatesWaitAvg", "current-waiting-connections-average-value", 19643)
prop._addConstant("commWebConnStatesWaitLast", "current-waiting-connections-current-value", 19640)
prop._addConstant("commWebConnStatesWaitMax", "current-waiting-connections-maximum-value", 19642)
prop._addConstant("commWebConnStatesWaitMin", "current-waiting-connections-minimum-value", 19641)
prop._addConstant("commWebConnStatesWaitTr", "current-waiting-connections-trend", 19648)
prop._addConstant("commWebConnStatesWriteAvg", "current-writing-connections-average-value", 19673)
prop._addConstant("commWebConnStatesWriteLast", "current-writing-connections-current-value", 19670)
prop._addConstant("commWebConnStatesWriteMax", "current-writing-connections-maximum-value", 19672)
prop._addConstant("commWebConnStatesWriteMin", "current-writing-connections-minimum-value", 19671)
prop._addConstant("commWebConnStatesWriteTr", "current-writing-connections-trend", 19678)
prop._addConstant("commWebReqAgRequestsCum", "total-requests-cumulative", 19742)
prop._addConstant("commWebReqAgRequestsPer", "total-requests-periodic", 19743)
prop._addConstant("commWebReqAgRequestsRate", "total-requests-rate", 19748)
prop._addConstant("commWebReqAgRequestsTr", "total-requests-trend", 19747)
prop._addConstant("commWebReqRequestsAvg", "total-requests-average-value", 19706)
prop._addConstant("commWebReqRequestsCum", "total-requests-cumulative", 19702)
prop._addConstant("commWebReqRequestsLast", "total-requests-current-value", 19700)
prop._addConstant("commWebReqRequestsMax", "total-requests-maximum-value", 19705)
prop._addConstant("commWebReqRequestsMin", "total-requests-minimum-value", 19704)
prop._addConstant("commWebReqRequestsPer", "total-requests-periodic", 19703)
prop._addConstant("commWebReqRequestsRate", "total-requests-rate", 19711)
prop._addConstant("commWebReqRequestsTr", "total-requests-trend", 19710)
prop._addConstant("compHostStatsCpuUsageAvg", "cpu-usage-average-value", 7559)
prop._addConstant("compHostStatsCpuUsageLast", "cpu-usage-current-value", 7556)
prop._addConstant("compHostStatsCpuUsageMax", "cpu-usage-maximum-value", 7558)
prop._addConstant("compHostStatsCpuUsageMin", "cpu-usage-minimum-value", 7557)
prop._addConstant("compHostStatsCpuUsageTr", "cpu-usage-trend", 7564)
prop._addConstant("compHostStatsMemUsageAvg", "memory-usage-average-value", 7574)
prop._addConstant("compHostStatsMemUsageLast", "memory-usage-current-value", 7571)
prop._addConstant("compHostStatsMemUsageMax", "memory-usage-maximum-value", 7573)
prop._addConstant("compHostStatsMemUsageMin", "memory-usage-minimum-value", 7572)
prop._addConstant("compHostStatsMemUsageTr", "memory-usage-trend", 7579)
prop._addConstant("compRcvdBytesUsageAvg", "received-rate-average-value", 7592)
prop._addConstant("compRcvdBytesUsageLast", "received-rate-current-value", 7586)
prop._addConstant("compRcvdBytesUsageMax", "received-rate-maximum-value", 7591)
prop._addConstant("compRcvdBytesUsageMin", "received-rate-minimum-value", 7590)
prop._addConstant("compRcvdBytesUsageTr", "received-rate-trend", 7596)
prop._addConstant("compRcvdErrPktsDropAvg", "received-dropped-packets-average-value", 7613)
prop._addConstant("compRcvdErrPktsDropCum", "received-dropped-packets-cumulative", 7609)
prop._addConstant("compRcvdErrPktsDropLast", "received-dropped-packets-current-value", 7607)
prop._addConstant("compRcvdErrPktsDropMax", "received-dropped-packets-maximum-value", 7612)
prop._addConstant("compRcvdErrPktsDropMin", "received-dropped-packets-minimum-value", 7611)
prop._addConstant("compRcvdErrPktsDropPer", "received-dropped-packets-periodic", 7610)
prop._addConstant("compRcvdErrPktsDropRate", "received-dropped-packets-rate", 7618)
prop._addConstant("compRcvdErrPktsDropTr", "received-dropped-packets-trend", 7617)
prop._addConstant("compRcvdErrPktsErrorAvg", "received-error-packets-average-value", 7634)
prop._addConstant("compRcvdErrPktsErrorCum", "received-error-packets-cumulative", 7630)
prop._addConstant("compRcvdErrPktsErrorLast", "received-error-packets-current-value", 7628)
prop._addConstant("compRcvdErrPktsErrorMax", "received-error-packets-maximum-value", 7633)
prop._addConstant("compRcvdErrPktsErrorMin", "received-error-packets-minimum-value", 7632)
prop._addConstant("compRcvdErrPktsErrorPer", "received-error-packets-periodic", 7631)
prop._addConstant("compRcvdErrPktsErrorRate", "received-error-packets-rate", 7639)
prop._addConstant("compRcvdErrPktsErrorTr", "received-error-packets-trend", 7638)
prop._addConstant("compRcvdPktsBcastAvg", "received-broadcast-packets-average-value", 7655)
prop._addConstant("compRcvdPktsBcastCum", "received-broadcast-packets-cumulative", 7651)
prop._addConstant("compRcvdPktsBcastLast", "received-broadcast-packets-current-value", 7649)
prop._addConstant("compRcvdPktsBcastMax", "received-broadcast-packets-maximum-value", 7654)
prop._addConstant("compRcvdPktsBcastMin", "received-broadcast-packets-minimum-value", 7653)
prop._addConstant("compRcvdPktsBcastPer", "received-broadcast-packets-periodic", 7652)
prop._addConstant("compRcvdPktsBcastRate", "received-broadcast-packets-rate", 7660)
prop._addConstant("compRcvdPktsBcastTr", "received-broadcast-packets-trend", 7659)
prop._addConstant("compRcvdPktsMcastAvg", "received-multicast-packets-average-value", 7676)
prop._addConstant("compRcvdPktsMcastCum", "received-multicast-packets-cumulative", 7672)
prop._addConstant("compRcvdPktsMcastLast", "received-multicast-packets-current-value", 7670)
prop._addConstant("compRcvdPktsMcastMax", "received-multicast-packets-maximum-value", 7675)
prop._addConstant("compRcvdPktsMcastMin", "received-multicast-packets-minimum-value", 7674)
prop._addConstant("compRcvdPktsMcastPer", "received-multicast-packets-periodic", 7673)
prop._addConstant("compRcvdPktsMcastRate", "received-multicast-packets-rate", 7681)
prop._addConstant("compRcvdPktsMcastTr", "received-multicast-packets-trend", 7680)
prop._addConstant("compRcvdPktsTotalAvg", "received-packets-average-value", 7697)
prop._addConstant("compRcvdPktsTotalCum", "received-packets-cumulative", 7693)
prop._addConstant("compRcvdPktsTotalLast", "received-packets-current-value", 7691)
prop._addConstant("compRcvdPktsTotalMax", "received-packets-maximum-value", 7696)
prop._addConstant("compRcvdPktsTotalMin", "received-packets-minimum-value", 7695)
prop._addConstant("compRcvdPktsTotalPer", "received-packets-periodic", 7694)
prop._addConstant("compRcvdPktsTotalRate", "received-packets-rate", 7702)
prop._addConstant("compRcvdPktsTotalTr", "received-packets-trend", 7701)
prop._addConstant("compTrnsmtdBytesUsageAvg", "transmitted-rate-average-value", 7718)
prop._addConstant("compTrnsmtdBytesUsageLast", "transmitted-rate-current-value", 7712)
prop._addConstant("compTrnsmtdBytesUsageMax", "transmitted-rate-maximum-value", 7717)
prop._addConstant("compTrnsmtdBytesUsageMin", "transmitted-rate-minimum-value", 7716)
prop._addConstant("compTrnsmtdBytesUsageTr", "transmitted-rate-trend", 7722)
prop._addConstant("compTrnsmtdErrPktsDropAvg", "transmitted-dropped-packets-average-value", 7739)
prop._addConstant("compTrnsmtdErrPktsDropCum", "transmitted-dropped-packets-cumulative", 7735)
prop._addConstant("compTrnsmtdErrPktsDropLast", "transmitted-dropped-packets-current-value", 7733)
prop._addConstant("compTrnsmtdErrPktsDropMax", "transmitted-dropped-packets-maximum-value", 7738)
prop._addConstant("compTrnsmtdErrPktsDropMin", "transmitted-dropped-packets-minimum-value", 7737)
prop._addConstant("compTrnsmtdErrPktsDropPer", "transmitted-dropped-packets-periodic", 7736)
prop._addConstant("compTrnsmtdErrPktsDropRate", "transmitted-dropped-packets-rate", 7744)
prop._addConstant("compTrnsmtdErrPktsDropTr", "transmitted-dropped-packets-trend", 7743)
prop._addConstant("compTrnsmtdErrPktsErrorAvg", "transmitted-error-packets-average-value", 7760)
prop._addConstant("compTrnsmtdErrPktsErrorCum", "transmitted-error-packets-cumulative", 7756)
prop._addConstant("compTrnsmtdErrPktsErrorLast", "transmitted-error-packets-current-value", 7754)
prop._addConstant("compTrnsmtdErrPktsErrorMax", "transmitted-error-packets-maximum-value", 7759)
prop._addConstant("compTrnsmtdErrPktsErrorMin", "transmitted-error-packets-minimum-value", 7758)
prop._addConstant("compTrnsmtdErrPktsErrorPer", "transmitted-error-packets-periodic", 7757)
prop._addConstant("compTrnsmtdErrPktsErrorRate", "transmitted-error-packets-rate", 7765)
prop._addConstant("compTrnsmtdErrPktsErrorTr", "transmitted-error-packets-trend", 7764)
prop._addConstant("compTrnsmtdPktsBcastAvg", "transmitted-broadcast-packets-average-value", 7781)
prop._addConstant("compTrnsmtdPktsBcastCum", "transmitted-broadcast-packets-cumulative", 7777)
prop._addConstant("compTrnsmtdPktsBcastLast", "transmitted-broadcast-packets-current-value", 7775)
prop._addConstant("compTrnsmtdPktsBcastMax", "transmitted-broadcast-packets-maximum-value", 7780)
prop._addConstant("compTrnsmtdPktsBcastMin", "transmitted-broadcast-packets-minimum-value", 7779)
prop._addConstant("compTrnsmtdPktsBcastPer", "transmitted-broadcast-packets-periodic", 7778)
prop._addConstant("compTrnsmtdPktsBcastRate", "transmitted-broadcast-packets-rate", 7786)
prop._addConstant("compTrnsmtdPktsBcastTr", "transmitted-broadcast-packets-trend", 7785)
prop._addConstant("compTrnsmtdPktsMcastAvg", "transmitted-multicast-packets-average-value", 7802)
prop._addConstant("compTrnsmtdPktsMcastCum", "transmitted-multicast-packets-cumulative", 7798)
prop._addConstant("compTrnsmtdPktsMcastLast", "transmitted-multicast-packets-current-value", 7796)
prop._addConstant("compTrnsmtdPktsMcastMax", "transmitted-multicast-packets-maximum-value", 7801)
prop._addConstant("compTrnsmtdPktsMcastMin", "transmitted-multicast-packets-minimum-value", 7800)
prop._addConstant("compTrnsmtdPktsMcastPer", "transmitted-multicast-packets-periodic", 7799)
prop._addConstant("compTrnsmtdPktsMcastRate", "transmitted-multicast-packets-rate", 7807)
prop._addConstant("compTrnsmtdPktsMcastTr", "transmitted-multicast-packets-trend", 7806)
prop._addConstant("compTrnsmtdPktsTotalAvg", "transmitted-packets-average-value", 7823)
prop._addConstant("compTrnsmtdPktsTotalCum", "transmitted-packets-cumulative", 7819)
prop._addConstant("compTrnsmtdPktsTotalLast", "transmitted-packets-current-value", 7817)
prop._addConstant("compTrnsmtdPktsTotalMax", "transmitted-packets-maximum-value", 7822)
prop._addConstant("compTrnsmtdPktsTotalMin", "transmitted-packets-minimum-value", 7821)
prop._addConstant("compTrnsmtdPktsTotalPer", "transmitted-packets-periodic", 7820)
prop._addConstant("compTrnsmtdPktsTotalRate", "transmitted-packets-rate", 7828)
prop._addConstant("compTrnsmtdPktsTotalTr", "transmitted-packets-trend", 7827)
prop._addConstant("coppAllowBytesAvg", "allowed-bytes-average-value", 16663)
prop._addConstant("coppAllowBytesCum", "allowed-bytes-cumulative", 16659)
prop._addConstant("coppAllowBytesLast", "allowed-bytes-current-value", 16657)
prop._addConstant("coppAllowBytesMax", "allowed-bytes-maximum-value", 16662)
prop._addConstant("coppAllowBytesMin", "allowed-bytes-minimum-value", 16661)
prop._addConstant("coppAllowBytesPer", "allowed-bytes-periodic", 16660)
prop._addConstant("coppAllowBytesRate", "allowed-bytes-rate", 16668)
prop._addConstant("coppAllowBytesRateAvg", "allowed-bytes-rate-average-value", 16681)
prop._addConstant("coppAllowBytesRateLast", "allowed-bytes-rate-current-value", 16678)
prop._addConstant("coppAllowBytesRateMax", "allowed-bytes-rate-maximum-value", 16680)
prop._addConstant("coppAllowBytesRateMin", "allowed-bytes-rate-minimum-value", 16679)
prop._addConstant("coppAllowBytesRateTr", "allowed-bytes-rate-trend", 16686)
prop._addConstant("coppAllowBytesTr", "allowed-bytes-trend", 16667)
prop._addConstant("coppAllowPktsAvg", "allowed-packets-average-value", 16699)
prop._addConstant("coppAllowPktsCum", "allowed-packets-cumulative", 16695)
prop._addConstant("coppAllowPktsLast", "allowed-packets-current-value", 16693)
prop._addConstant("coppAllowPktsMax", "allowed-packets-maximum-value", 16698)
prop._addConstant("coppAllowPktsMin", "allowed-packets-minimum-value", 16697)
prop._addConstant("coppAllowPktsPer", "allowed-packets-periodic", 16696)
prop._addConstant("coppAllowPktsRate", "allowed-packets-rate", 16704)
prop._addConstant("coppAllowPktsRateAvg", "allowed-packets-rate-average-value", 16717)
prop._addConstant("coppAllowPktsRateLast", "allowed-packets-rate-current-value", 16714)
prop._addConstant("coppAllowPktsRateMax", "allowed-packets-rate-maximum-value", 16716)
prop._addConstant("coppAllowPktsRateMin", "allowed-packets-rate-minimum-value", 16715)
prop._addConstant("coppAllowPktsRateTr", "allowed-packets-rate-trend", 16722)
prop._addConstant("coppAllowPktsTr", "allowed-packets-trend", 16703)
prop._addConstant("coppArpAllowBytesAvg", "arpallowed-bytes-average-value", 31266)
prop._addConstant("coppArpAllowBytesCum", "arpallowed-bytes-cumulative", 31262)
prop._addConstant("coppArpAllowBytesLast", "arpallowed-bytes-current-value", 31260)
prop._addConstant("coppArpAllowBytesMax", "arpallowed-bytes-maximum-value", 31265)
prop._addConstant("coppArpAllowBytesMin", "arpallowed-bytes-minimum-value", 31264)
prop._addConstant("coppArpAllowBytesPer", "arpallowed-bytes-periodic", 31263)
prop._addConstant("coppArpAllowBytesRate", "arpallowed-bytes-rate", 31271)
prop._addConstant("coppArpAllowBytesRateAvg", "arpallowed-bytes-rate-average-value", 31284)
prop._addConstant("coppArpAllowBytesRateLast", "arpallowed-bytes-rate-current-value", 31281)
prop._addConstant("coppArpAllowBytesRateMax", "arpallowed-bytes-rate-maximum-value", 31283)
prop._addConstant("coppArpAllowBytesRateMin", "arpallowed-bytes-rate-minimum-value", 31282)
prop._addConstant("coppArpAllowBytesRateTr", "arpallowed-bytes-rate-trend", 31289)
prop._addConstant("coppArpAllowBytesTr", "arpallowed-bytes-trend", 31270)
prop._addConstant("coppArpAllowPktsAvg", "arpallowed-packets-average-value", 31302)
prop._addConstant("coppArpAllowPktsCum", "arpallowed-packets-cumulative", 31298)
prop._addConstant("coppArpAllowPktsLast", "arpallowed-packets-current-value", 31296)
prop._addConstant("coppArpAllowPktsMax", "arpallowed-packets-maximum-value", 31301)
prop._addConstant("coppArpAllowPktsMin", "arpallowed-packets-minimum-value", 31300)
prop._addConstant("coppArpAllowPktsPer", "arpallowed-packets-periodic", 31299)
prop._addConstant("coppArpAllowPktsRate", "arpallowed-packets-rate", 31307)
prop._addConstant("coppArpAllowPktsRateAvg", "arpallowed-packets-rate-average-value", 31320)
prop._addConstant("coppArpAllowPktsRateLast", "arpallowed-packets-rate-current-value", 31317)
prop._addConstant("coppArpAllowPktsRateMax", "arpallowed-packets-rate-maximum-value", 31319)
prop._addConstant("coppArpAllowPktsRateMin", "arpallowed-packets-rate-minimum-value", 31318)
prop._addConstant("coppArpAllowPktsRateTr", "arpallowed-packets-rate-trend", 31325)
prop._addConstant("coppArpAllowPktsTr", "arpallowed-packets-trend", 31306)
prop._addConstant("coppArpDropBytesAvg", "arpdropped-bytes-average-value", 31338)
prop._addConstant("coppArpDropBytesCum", "arpdropped-bytes-cumulative", 31334)
prop._addConstant("coppArpDropBytesLast", "arpdropped-bytes-current-value", 31332)
prop._addConstant("coppArpDropBytesMax", "arpdropped-bytes-maximum-value", 31337)
prop._addConstant("coppArpDropBytesMin", "arpdropped-bytes-minimum-value", 31336)
prop._addConstant("coppArpDropBytesPer", "arpdropped-bytes-periodic", 31335)
prop._addConstant("coppArpDropBytesRate", "arpdropped-bytes-rate", 31343)
prop._addConstant("coppArpDropBytesRateAvg", "arpdropped-bytes-rate-average-value", 31356)
prop._addConstant("coppArpDropBytesRateLast", "arpdropped-bytes-rate-current-value", 31353)
prop._addConstant("coppArpDropBytesRateMax", "arpdropped-bytes-rate-maximum-value", 31355)
prop._addConstant("coppArpDropBytesRateMin", "arpdropped-bytes-rate-minimum-value", 31354)
prop._addConstant("coppArpDropBytesRateTr", "arpdropped-bytes-rate-trend", 31361)
prop._addConstant("coppArpDropBytesTr", "arpdropped-bytes-trend", 31342)
prop._addConstant("coppArpDropPktsAvg", "arpdropped-packets-average-value", 31374)
prop._addConstant("coppArpDropPktsCum", "arpdropped-packets-cumulative", 31370)
prop._addConstant("coppArpDropPktsLast", "arpdropped-packets-current-value", 31368)
prop._addConstant("coppArpDropPktsMax", "arpdropped-packets-maximum-value", 31373)
prop._addConstant("coppArpDropPktsMin", "arpdropped-packets-minimum-value", 31372)
prop._addConstant("coppArpDropPktsPer", "arpdropped-packets-periodic", 31371)
prop._addConstant("coppArpDropPktsRate", "arpdropped-packets-rate", 31379)
prop._addConstant("coppArpDropPktsRateAvg", "arpdropped-packets-rate-average-value", 31392)
prop._addConstant("coppArpDropPktsRateLast", "arpdropped-packets-rate-current-value", 31389)
prop._addConstant("coppArpDropPktsRateMax", "arpdropped-packets-rate-maximum-value", 31391)
prop._addConstant("coppArpDropPktsRateMin", "arpdropped-packets-rate-minimum-value", 31390)
prop._addConstant("coppArpDropPktsRateTr", "arpdropped-packets-rate-trend", 31397)
prop._addConstant("coppArpDropPktsTr", "arpdropped-packets-trend", 31378)
prop._addConstant("coppBfdAllowBytesAvg", "bfdallowed-bytes-average-value", 31410)
prop._addConstant("coppBfdAllowBytesCum", "bfdallowed-bytes-cumulative", 31406)
prop._addConstant("coppBfdAllowBytesLast", "bfdallowed-bytes-current-value", 31404)
prop._addConstant("coppBfdAllowBytesMax", "bfdallowed-bytes-maximum-value", 31409)
prop._addConstant("coppBfdAllowBytesMin", "bfdallowed-bytes-minimum-value", 31408)
prop._addConstant("coppBfdAllowBytesPer", "bfdallowed-bytes-periodic", 31407)
prop._addConstant("coppBfdAllowBytesRate", "bfdallowed-bytes-rate", 31415)
prop._addConstant("coppBfdAllowBytesRateAvg", "bfdallowed-bytes-rate-average-value", 31428)
prop._addConstant("coppBfdAllowBytesRateLast", "bfdallowed-bytes-rate-current-value", 31425)
prop._addConstant("coppBfdAllowBytesRateMax", "bfdallowed-bytes-rate-maximum-value", 31427)
prop._addConstant("coppBfdAllowBytesRateMin", "bfdallowed-bytes-rate-minimum-value", 31426)
prop._addConstant("coppBfdAllowBytesRateTr", "bfdallowed-bytes-rate-trend", 31433)
prop._addConstant("coppBfdAllowBytesTr", "bfdallowed-bytes-trend", 31414)
prop._addConstant("coppBfdAllowPktsAvg", "bfdallowed-packets-average-value", 31446)
prop._addConstant("coppBfdAllowPktsCum", "bfdallowed-packets-cumulative", 31442)
prop._addConstant("coppBfdAllowPktsLast", "bfdallowed-packets-current-value", 31440)
prop._addConstant("coppBfdAllowPktsMax", "bfdallowed-packets-maximum-value", 31445)
prop._addConstant("coppBfdAllowPktsMin", "bfdallowed-packets-minimum-value", 31444)
prop._addConstant("coppBfdAllowPktsPer", "bfdallowed-packets-periodic", 31443)
prop._addConstant("coppBfdAllowPktsRate", "bfdallowed-packets-rate", 31451)
prop._addConstant("coppBfdAllowPktsRateAvg", "bfdallowed-packets-rate-average-value", 31464)
prop._addConstant("coppBfdAllowPktsRateLast", "bfdallowed-packets-rate-current-value", 31461)
prop._addConstant("coppBfdAllowPktsRateMax", "bfdallowed-packets-rate-maximum-value", 31463)
prop._addConstant("coppBfdAllowPktsRateMin", "bfdallowed-packets-rate-minimum-value", 31462)
prop._addConstant("coppBfdAllowPktsRateTr", "bfdallowed-packets-rate-trend", 31469)
prop._addConstant("coppBfdAllowPktsTr", "bfdallowed-packets-trend", 31450)
prop._addConstant("coppBfdDropBytesAvg", "bfddropped-bytes-average-value", 31482)
prop._addConstant("coppBfdDropBytesCum", "bfddropped-bytes-cumulative", 31478)
prop._addConstant("coppBfdDropBytesLast", "bfddropped-bytes-current-value", 31476)
prop._addConstant("coppBfdDropBytesMax", "bfddropped-bytes-maximum-value", 31481)
prop._addConstant("coppBfdDropBytesMin", "bfddropped-bytes-minimum-value", 31480)
prop._addConstant("coppBfdDropBytesPer", "bfddropped-bytes-periodic", 31479)
prop._addConstant("coppBfdDropBytesRate", "bfddropped-bytes-rate", 31487)
prop._addConstant("coppBfdDropBytesRateAvg", "bfddropped-bytes-rate-average-value", 31500)
prop._addConstant("coppBfdDropBytesRateLast", "bfddropped-bytes-rate-current-value", 31497)
prop._addConstant("coppBfdDropBytesRateMax", "bfddropped-bytes-rate-maximum-value", 31499)
prop._addConstant("coppBfdDropBytesRateMin", "bfddropped-bytes-rate-minimum-value", 31498)
prop._addConstant("coppBfdDropBytesRateTr", "bfddropped-bytes-rate-trend", 31505)
prop._addConstant("coppBfdDropBytesTr", "bfddropped-bytes-trend", 31486)
prop._addConstant("coppBfdDropPktsAvg", "bfddropped-packets-average-value", 31518)
prop._addConstant("coppBfdDropPktsCum", "bfddropped-packets-cumulative", 31514)
prop._addConstant("coppBfdDropPktsLast", "bfddropped-packets-current-value", 31512)
prop._addConstant("coppBfdDropPktsMax", "bfddropped-packets-maximum-value", 31517)
prop._addConstant("coppBfdDropPktsMin", "bfddropped-packets-minimum-value", 31516)
prop._addConstant("coppBfdDropPktsPer", "bfddropped-packets-periodic", 31515)
prop._addConstant("coppBfdDropPktsRate", "bfddropped-packets-rate", 31523)
prop._addConstant("coppBfdDropPktsRateAvg", "bfddropped-packets-rate-average-value", 31536)
prop._addConstant("coppBfdDropPktsRateLast", "bfddropped-packets-rate-current-value", 31533)
prop._addConstant("coppBfdDropPktsRateMax", "bfddropped-packets-rate-maximum-value", 31535)
prop._addConstant("coppBfdDropPktsRateMin", "bfddropped-packets-rate-minimum-value", 31534)
prop._addConstant("coppBfdDropPktsRateTr", "bfddropped-packets-rate-trend", 31541)
prop._addConstant("coppBfdDropPktsTr", "bfddropped-packets-trend", 31522)
prop._addConstant("coppBgpAllowBytesAvg", "bgpallowed-bytes-average-value", 31554)
prop._addConstant("coppBgpAllowBytesCum", "bgpallowed-bytes-cumulative", 31550)
prop._addConstant("coppBgpAllowBytesLast", "bgpallowed-bytes-current-value", 31548)
prop._addConstant("coppBgpAllowBytesMax", "bgpallowed-bytes-maximum-value", 31553)
prop._addConstant("coppBgpAllowBytesMin", "bgpallowed-bytes-minimum-value", 31552)
prop._addConstant("coppBgpAllowBytesPer", "bgpallowed-bytes-periodic", 31551)
prop._addConstant("coppBgpAllowBytesRate", "bgpallowed-bytes-rate", 31559)
prop._addConstant("coppBgpAllowBytesRateAvg", "bgpallowed-bytes-rate-average-value", 31572)
prop._addConstant("coppBgpAllowBytesRateLast", "bgpallowed-bytes-rate-current-value", 31569)
prop._addConstant("coppBgpAllowBytesRateMax", "bgpallowed-bytes-rate-maximum-value", 31571)
prop._addConstant("coppBgpAllowBytesRateMin", "bgpallowed-bytes-rate-minimum-value", 31570)
prop._addConstant("coppBgpAllowBytesRateTr", "bgpallowed-bytes-rate-trend", 31577)
prop._addConstant("coppBgpAllowBytesTr", "bgpallowed-bytes-trend", 31558)
prop._addConstant("coppBgpAllowPktsAvg", "bgpallowed-packets-average-value", 31590)
prop._addConstant("coppBgpAllowPktsCum", "bgpallowed-packets-cumulative", 31586)
prop._addConstant("coppBgpAllowPktsLast", "bgpallowed-packets-current-value", 31584)
prop._addConstant("coppBgpAllowPktsMax", "bgpallowed-packets-maximum-value", 31589)
prop._addConstant("coppBgpAllowPktsMin", "bgpallowed-packets-minimum-value", 31588)
prop._addConstant("coppBgpAllowPktsPer", "bgpallowed-packets-periodic", 31587)
prop._addConstant("coppBgpAllowPktsRate", "bgpallowed-packets-rate", 31595)
prop._addConstant("coppBgpAllowPktsRateAvg", "bgpallowed-packets-rate-average-value", 31608)
prop._addConstant("coppBgpAllowPktsRateLast", "bgpallowed-packets-rate-current-value", 31605)
prop._addConstant("coppBgpAllowPktsRateMax", "bgpallowed-packets-rate-maximum-value", 31607)
prop._addConstant("coppBgpAllowPktsRateMin", "bgpallowed-packets-rate-minimum-value", 31606)
prop._addConstant("coppBgpAllowPktsRateTr", "bgpallowed-packets-rate-trend", 31613)
prop._addConstant("coppBgpAllowPktsTr", "bgpallowed-packets-trend", 31594)
prop._addConstant("coppBgpDropBytesAvg", "bgpdropped-bytes-average-value", 31626)
prop._addConstant("coppBgpDropBytesCum", "bgpdropped-bytes-cumulative", 31622)
prop._addConstant("coppBgpDropBytesLast", "bgpdropped-bytes-current-value", 31620)
prop._addConstant("coppBgpDropBytesMax", "bgpdropped-bytes-maximum-value", 31625)
prop._addConstant("coppBgpDropBytesMin", "bgpdropped-bytes-minimum-value", 31624)
prop._addConstant("coppBgpDropBytesPer", "bgpdropped-bytes-periodic", 31623)
prop._addConstant("coppBgpDropBytesRate", "bgpdropped-bytes-rate", 31631)
prop._addConstant("coppBgpDropBytesRateAvg", "bgpdropped-bytes-rate-average-value", 31644)
prop._addConstant("coppBgpDropBytesRateLast", "bgpdropped-bytes-rate-current-value", 31641)
prop._addConstant("coppBgpDropBytesRateMax", "bgpdropped-bytes-rate-maximum-value", 31643)
prop._addConstant("coppBgpDropBytesRateMin", "bgpdropped-bytes-rate-minimum-value", 31642)
prop._addConstant("coppBgpDropBytesRateTr", "bgpdropped-bytes-rate-trend", 31649)
prop._addConstant("coppBgpDropBytesTr", "bgpdropped-bytes-trend", 31630)
prop._addConstant("coppBgpDropPktsAvg", "bgpdropped-packets-average-value", 31662)
prop._addConstant("coppBgpDropPktsCum", "bgpdropped-packets-cumulative", 31658)
prop._addConstant("coppBgpDropPktsLast", "bgpdropped-packets-current-value", 31656)
prop._addConstant("coppBgpDropPktsMax", "bgpdropped-packets-maximum-value", 31661)
prop._addConstant("coppBgpDropPktsMin", "bgpdropped-packets-minimum-value", 31660)
prop._addConstant("coppBgpDropPktsPer", "bgpdropped-packets-periodic", 31659)
prop._addConstant("coppBgpDropPktsRate", "bgpdropped-packets-rate", 31667)
prop._addConstant("coppBgpDropPktsRateAvg", "bgpdropped-packets-rate-average-value", 31680)
prop._addConstant("coppBgpDropPktsRateLast", "bgpdropped-packets-rate-current-value", 31677)
prop._addConstant("coppBgpDropPktsRateMax", "bgpdropped-packets-rate-maximum-value", 31679)
prop._addConstant("coppBgpDropPktsRateMin", "bgpdropped-packets-rate-minimum-value", 31678)
prop._addConstant("coppBgpDropPktsRateTr", "bgpdropped-packets-rate-trend", 31685)
prop._addConstant("coppBgpDropPktsTr", "bgpdropped-packets-trend", 31666)
prop._addConstant("coppCdpAllowBytesAvg", "cdpallowed-bytes-average-value", 31698)
prop._addConstant("coppCdpAllowBytesCum", "cdpallowed-bytes-cumulative", 31694)
prop._addConstant("coppCdpAllowBytesLast", "cdpallowed-bytes-current-value", 31692)
prop._addConstant("coppCdpAllowBytesMax", "cdpallowed-bytes-maximum-value", 31697)
prop._addConstant("coppCdpAllowBytesMin", "cdpallowed-bytes-minimum-value", 31696)
prop._addConstant("coppCdpAllowBytesPer", "cdpallowed-bytes-periodic", 31695)
prop._addConstant("coppCdpAllowBytesRate", "cdpallowed-bytes-rate", 31703)
prop._addConstant("coppCdpAllowBytesRateAvg", "cdpallowed-bytes-rate-average-value", 31716)
prop._addConstant("coppCdpAllowBytesRateLast", "cdpallowed-bytes-rate-current-value", 31713)
prop._addConstant("coppCdpAllowBytesRateMax", "cdpallowed-bytes-rate-maximum-value", 31715)
prop._addConstant("coppCdpAllowBytesRateMin", "cdpallowed-bytes-rate-minimum-value", 31714)
prop._addConstant("coppCdpAllowBytesRateTr", "cdpallowed-bytes-rate-trend", 31721)
prop._addConstant("coppCdpAllowBytesTr", "cdpallowed-bytes-trend", 31702)
prop._addConstant("coppCdpAllowPktsAvg", "cdpallowed-packets-average-value", 31734)
prop._addConstant("coppCdpAllowPktsCum", "cdpallowed-packets-cumulative", 31730)
prop._addConstant("coppCdpAllowPktsLast", "cdpallowed-packets-current-value", 31728)
prop._addConstant("coppCdpAllowPktsMax", "cdpallowed-packets-maximum-value", 31733)
prop._addConstant("coppCdpAllowPktsMin", "cdpallowed-packets-minimum-value", 31732)
prop._addConstant("coppCdpAllowPktsPer", "cdpallowed-packets-periodic", 31731)
prop._addConstant("coppCdpAllowPktsRate", "cdpallowed-packets-rate", 31739)
prop._addConstant("coppCdpAllowPktsRateAvg", "cdpallowed-packets-rate-average-value", 31752)
prop._addConstant("coppCdpAllowPktsRateLast", "cdpallowed-packets-rate-current-value", 31749)
prop._addConstant("coppCdpAllowPktsRateMax", "cdpallowed-packets-rate-maximum-value", 31751)
prop._addConstant("coppCdpAllowPktsRateMin", "cdpallowed-packets-rate-minimum-value", 31750)
prop._addConstant("coppCdpAllowPktsRateTr", "cdpallowed-packets-rate-trend", 31757)
prop._addConstant("coppCdpAllowPktsTr", "cdpallowed-packets-trend", 31738)
prop._addConstant("coppCdpDropBytesAvg", "cdpdropped-bytes-average-value", 31770)
prop._addConstant("coppCdpDropBytesCum", "cdpdropped-bytes-cumulative", 31766)
prop._addConstant("coppCdpDropBytesLast", "cdpdropped-bytes-current-value", 31764)
prop._addConstant("coppCdpDropBytesMax", "cdpdropped-bytes-maximum-value", 31769)
prop._addConstant("coppCdpDropBytesMin", "cdpdropped-bytes-minimum-value", 31768)
prop._addConstant("coppCdpDropBytesPer", "cdpdropped-bytes-periodic", 31767)
prop._addConstant("coppCdpDropBytesRate", "cdpdropped-bytes-rate", 31775)
prop._addConstant("coppCdpDropBytesRateAvg", "cdpdropped-bytes-rate-average-value", 31788)
prop._addConstant("coppCdpDropBytesRateLast", "cdpdropped-bytes-rate-current-value", 31785)
prop._addConstant("coppCdpDropBytesRateMax", "cdpdropped-bytes-rate-maximum-value", 31787)
prop._addConstant("coppCdpDropBytesRateMin", "cdpdropped-bytes-rate-minimum-value", 31786)
prop._addConstant("coppCdpDropBytesRateTr", "cdpdropped-bytes-rate-trend", 31793)
prop._addConstant("coppCdpDropBytesTr", "cdpdropped-bytes-trend", 31774)
prop._addConstant("coppCdpDropPktsAvg", "cdpdropped-packets-average-value", 31806)
prop._addConstant("coppCdpDropPktsCum", "cdpdropped-packets-cumulative", 31802)
prop._addConstant("coppCdpDropPktsLast", "cdpdropped-packets-current-value", 31800)
prop._addConstant("coppCdpDropPktsMax", "cdpdropped-packets-maximum-value", 31805)
prop._addConstant("coppCdpDropPktsMin", "cdpdropped-packets-minimum-value", 31804)
prop._addConstant("coppCdpDropPktsPer", "cdpdropped-packets-periodic", 31803)
prop._addConstant("coppCdpDropPktsRate", "cdpdropped-packets-rate", 31811)
prop._addConstant("coppCdpDropPktsRateAvg", "cdpdropped-packets-rate-average-value", 31824)
prop._addConstant("coppCdpDropPktsRateLast", "cdpdropped-packets-rate-current-value", 31821)
prop._addConstant("coppCdpDropPktsRateMax", "cdpdropped-packets-rate-maximum-value", 31823)
prop._addConstant("coppCdpDropPktsRateMin", "cdpdropped-packets-rate-minimum-value", 31822)
prop._addConstant("coppCdpDropPktsRateTr", "cdpdropped-packets-rate-trend", 31829)
prop._addConstant("coppCdpDropPktsTr", "cdpdropped-packets-trend", 31810)
prop._addConstant("coppDropBytesAvg", "dropped-bytes-average-value", 16735)
prop._addConstant("coppDropBytesCum", "dropped-bytes-cumulative", 16731)
prop._addConstant("coppDropBytesLast", "dropped-bytes-current-value", 16729)
prop._addConstant("coppDropBytesMax", "dropped-bytes-maximum-value", 16734)
prop._addConstant("coppDropBytesMin", "dropped-bytes-minimum-value", 16733)
prop._addConstant("coppDropBytesPer", "dropped-bytes-periodic", 16732)
prop._addConstant("coppDropBytesRate", "dropped-bytes-rate", 16740)
prop._addConstant("coppDropBytesRateAvg", "dropped-bytes-rate-average-value", 16753)
prop._addConstant("coppDropBytesRateLast", "dropped-bytes-rate-current-value", 16750)
prop._addConstant("coppDropBytesRateMax", "dropped-bytes-rate-maximum-value", 16752)
prop._addConstant("coppDropBytesRateMin", "dropped-bytes-rate-minimum-value", 16751)
prop._addConstant("coppDropBytesRateTr", "dropped-bytes-rate-trend", 16758)
prop._addConstant("coppDropBytesTr", "dropped-bytes-trend", 16739)
prop._addConstant("coppDropPktsAvg", "dropped-packets-average-value", 16771)
prop._addConstant("coppDropPktsCum", "dropped-packets-cumulative", 16767)
prop._addConstant("coppDropPktsLast", "dropped-packets-current-value", 16765)
prop._addConstant("coppDropPktsMax", "dropped-packets-maximum-value", 16770)
prop._addConstant("coppDropPktsMin", "dropped-packets-minimum-value", 16769)
prop._addConstant("coppDropPktsPer", "dropped-packets-periodic", 16768)
prop._addConstant("coppDropPktsRate", "dropped-packets-rate", 16776)
prop._addConstant("coppDropPktsRateAvg", "dropped-packets-rate-average-value", 16789)
prop._addConstant("coppDropPktsRateLast", "dropped-packets-rate-current-value", 16786)
prop._addConstant("coppDropPktsRateMax", "dropped-packets-rate-maximum-value", 16788)
prop._addConstant("coppDropPktsRateMin", "dropped-packets-rate-minimum-value", 16787)
prop._addConstant("coppDropPktsRateTr", "dropped-packets-rate-trend", 16794)
prop._addConstant("coppDropPktsTr", "dropped-packets-trend", 16775)
prop._addConstant("coppDroppedBytesAvg", "drop-bytes-average-value", 33689)
prop._addConstant("coppDroppedBytesLast", "drop-bytes-current-value", 33686)
prop._addConstant("coppDroppedBytesMax", "drop-bytes-maximum-value", 33688)
prop._addConstant("coppDroppedBytesMin", "drop-bytes-minimum-value", 33687)
prop._addConstant("coppDroppedBytesTr", "drop-bytes-trend", 33694)
prop._addConstant("coppDroppedPktsAvg", "drop-packets-average-value", 33704)
prop._addConstant("coppDroppedPktsLast", "drop-packets-current-value", 33701)
prop._addConstant("coppDroppedPktsMax", "drop-packets-maximum-value", 33703)
prop._addConstant("coppDroppedPktsMin", "drop-packets-minimum-value", 33702)
prop._addConstant("coppDroppedPktsTr", "drop-packets-trend", 33709)
prop._addConstant("coppFilterStatsBytesAvg", "bytes-average-value", 31842)
prop._addConstant("coppFilterStatsBytesCum", "bytes-cumulative", 31838)
prop._addConstant("coppFilterStatsBytesLast", "bytes-current-value", 31836)
prop._addConstant("coppFilterStatsBytesMax", "bytes-maximum-value", 31841)
prop._addConstant("coppFilterStatsBytesMin", "bytes-minimum-value", 31840)
prop._addConstant("coppFilterStatsBytesPer", "bytes-periodic", 31839)
prop._addConstant("coppFilterStatsBytesRate", "bytes-rate", 31847)
prop._addConstant("coppFilterStatsBytesRateAvg", "bytes-rate-average-value", 31860)
prop._addConstant("coppFilterStatsBytesRateLast", "bytes-rate-current-value", 31857)
prop._addConstant("coppFilterStatsBytesRateMax", "bytes-rate-maximum-value", 31859)
prop._addConstant("coppFilterStatsBytesRateMin", "bytes-rate-minimum-value", 31858)
prop._addConstant("coppFilterStatsBytesRateTr", "bytes-rate-trend", 31865)
prop._addConstant("coppFilterStatsBytesTr", "bytes-trend", 31846)
prop._addConstant("coppFilterStatsPktsAvg", "packets-average-value", 31878)
prop._addConstant("coppFilterStatsPktsCum", "packets-cumulative", 31874)
prop._addConstant("coppFilterStatsPktsLast", "packets-current-value", 31872)
prop._addConstant("coppFilterStatsPktsMax", "packets-maximum-value", 31877)
prop._addConstant("coppFilterStatsPktsMin", "packets-minimum-value", 31876)
prop._addConstant("coppFilterStatsPktsPer", "packets-periodic", 31875)
prop._addConstant("coppFilterStatsPktsRate", "packets-rate", 31883)
prop._addConstant("coppFilterStatsPktsRateAvg", "packets-rate-average-value", 31896)
prop._addConstant("coppFilterStatsPktsRateLast", "packets-rate-current-value", 31893)
prop._addConstant("coppFilterStatsPktsRateMax", "packets-rate-maximum-value", 31895)
prop._addConstant("coppFilterStatsPktsRateMin", "packets-rate-minimum-value", 31894)
prop._addConstant("coppFilterStatsPktsRateTr", "packets-rate-trend", 31901)
prop._addConstant("coppFilterStatsPktsTr", "packets-trend", 31882)
prop._addConstant("coppIcmpAllowBytesAvg", "icmpallowed-bytes-average-value", 31914)
prop._addConstant("coppIcmpAllowBytesCum", "icmpallowed-bytes-cumulative", 31910)
prop._addConstant("coppIcmpAllowBytesLast", "icmpallowed-bytes-current-value", 31908)
prop._addConstant("coppIcmpAllowBytesMax", "icmpallowed-bytes-maximum-value", 31913)
prop._addConstant("coppIcmpAllowBytesMin", "icmpallowed-bytes-minimum-value", 31912)
prop._addConstant("coppIcmpAllowBytesPer", "icmpallowed-bytes-periodic", 31911)
prop._addConstant("coppIcmpAllowBytesRate", "icmpallowed-bytes-rate", 31919)
prop._addConstant("coppIcmpAllowBytesRateAvg", "icmpallowed-bytes-rate-average-value", 31932)
prop._addConstant("coppIcmpAllowBytesRateLast", "icmpallowed-bytes-rate-current-value", 31929)
prop._addConstant("coppIcmpAllowBytesRateMax", "icmpallowed-bytes-rate-maximum-value", 31931)
prop._addConstant("coppIcmpAllowBytesRateMin", "icmpallowed-bytes-rate-minimum-value", 31930)
prop._addConstant("coppIcmpAllowBytesRateTr", "icmpallowed-bytes-rate-trend", 31937)
prop._addConstant("coppIcmpAllowBytesTr", "icmpallowed-bytes-trend", 31918)
prop._addConstant("coppIcmpAllowPktsAvg", "icmpallowed-packets-average-value", 31950)
prop._addConstant("coppIcmpAllowPktsCum", "icmpallowed-packets-cumulative", 31946)
prop._addConstant("coppIcmpAllowPktsLast", "icmpallowed-packets-current-value", 31944)
prop._addConstant("coppIcmpAllowPktsMax", "icmpallowed-packets-maximum-value", 31949)
prop._addConstant("coppIcmpAllowPktsMin", "icmpallowed-packets-minimum-value", 31948)
prop._addConstant("coppIcmpAllowPktsPer", "icmpallowed-packets-periodic", 31947)
prop._addConstant("coppIcmpAllowPktsRate", "icmpallowed-packets-rate", 31955)
prop._addConstant("coppIcmpAllowPktsRateAvg", "icmpallowed-packets-rate-average-value", 31968)
prop._addConstant("coppIcmpAllowPktsRateLast", "icmpallowed-packets-rate-current-value", 31965)
prop._addConstant("coppIcmpAllowPktsRateMax", "icmpallowed-packets-rate-maximum-value", 31967)
prop._addConstant("coppIcmpAllowPktsRateMin", "icmpallowed-packets-rate-minimum-value", 31966)
prop._addConstant("coppIcmpAllowPktsRateTr", "icmpallowed-packets-rate-trend", 31973)
prop._addConstant("coppIcmpAllowPktsTr", "icmpallowed-packets-trend", 31954)
prop._addConstant("coppIcmpDropBytesAvg", "icmpdropped-bytes-average-value", 31986)
prop._addConstant("coppIcmpDropBytesCum", "icmpdropped-bytes-cumulative", 31982)
prop._addConstant("coppIcmpDropBytesLast", "icmpdropped-bytes-current-value", 31980)
prop._addConstant("coppIcmpDropBytesMax", "icmpdropped-bytes-maximum-value", 31985)
prop._addConstant("coppIcmpDropBytesMin", "icmpdropped-bytes-minimum-value", 31984)
prop._addConstant("coppIcmpDropBytesPer", "icmpdropped-bytes-periodic", 31983)
prop._addConstant("coppIcmpDropBytesRate", "icmpdropped-bytes-rate", 31991)
prop._addConstant("coppIcmpDropBytesRateAvg", "icmpdropped-bytes-rate-average-value", 32004)
prop._addConstant("coppIcmpDropBytesRateLast", "icmpdropped-bytes-rate-current-value", 32001)
prop._addConstant("coppIcmpDropBytesRateMax", "icmpdropped-bytes-rate-maximum-value", 32003)
prop._addConstant("coppIcmpDropBytesRateMin", "icmpdropped-bytes-rate-minimum-value", 32002)
prop._addConstant("coppIcmpDropBytesRateTr", "icmpdropped-bytes-rate-trend", 32009)
prop._addConstant("coppIcmpDropBytesTr", "icmpdropped-bytes-trend", 31990)
prop._addConstant("coppIcmpDropPktsAvg", "icmpdropped-packets-average-value", 32022)
prop._addConstant("coppIcmpDropPktsCum", "icmpdropped-packets-cumulative", 32018)
prop._addConstant("coppIcmpDropPktsLast", "icmpdropped-packets-current-value", 32016)
prop._addConstant("coppIcmpDropPktsMax", "icmpdropped-packets-maximum-value", 32021)
prop._addConstant("coppIcmpDropPktsMin", "icmpdropped-packets-minimum-value", 32020)
prop._addConstant("coppIcmpDropPktsPer", "icmpdropped-packets-periodic", 32019)
prop._addConstant("coppIcmpDropPktsRate", "icmpdropped-packets-rate", 32027)
prop._addConstant("coppIcmpDropPktsRateAvg", "icmpdropped-packets-rate-average-value", 32040)
prop._addConstant("coppIcmpDropPktsRateLast", "icmpdropped-packets-rate-current-value", 32037)
prop._addConstant("coppIcmpDropPktsRateMax", "icmpdropped-packets-rate-maximum-value", 32039)
prop._addConstant("coppIcmpDropPktsRateMin", "icmpdropped-packets-rate-minimum-value", 32038)
prop._addConstant("coppIcmpDropPktsRateTr", "icmpdropped-packets-rate-trend", 32045)
prop._addConstant("coppIcmpDropPktsTr", "icmpdropped-packets-trend", 32026)
prop._addConstant("coppLacpAllowBytesAvg", "lacpallowed-bytes-average-value", 32058)
prop._addConstant("coppLacpAllowBytesCum", "lacpallowed-bytes-cumulative", 32054)
prop._addConstant("coppLacpAllowBytesLast", "lacpallowed-bytes-current-value", 32052)
prop._addConstant("coppLacpAllowBytesMax", "lacpallowed-bytes-maximum-value", 32057)
prop._addConstant("coppLacpAllowBytesMin", "lacpallowed-bytes-minimum-value", 32056)
prop._addConstant("coppLacpAllowBytesPer", "lacpallowed-bytes-periodic", 32055)
prop._addConstant("coppLacpAllowBytesRate", "lacpallowed-bytes-rate", 32063)
prop._addConstant("coppLacpAllowBytesRateAvg", "lacpallowed-bytes-rate-average-value", 32076)
prop._addConstant("coppLacpAllowBytesRateLast", "lacpallowed-bytes-rate-current-value", 32073)
prop._addConstant("coppLacpAllowBytesRateMax", "lacpallowed-bytes-rate-maximum-value", 32075)
prop._addConstant("coppLacpAllowBytesRateMin", "lacpallowed-bytes-rate-minimum-value", 32074)
prop._addConstant("coppLacpAllowBytesRateTr", "lacpallowed-bytes-rate-trend", 32081)
prop._addConstant("coppLacpAllowBytesTr", "lacpallowed-bytes-trend", 32062)
prop._addConstant("coppLacpAllowPktsAvg", "lacpallowed-packets-average-value", 32094)
prop._addConstant("coppLacpAllowPktsCum", "lacpallowed-packets-cumulative", 32090)
prop._addConstant("coppLacpAllowPktsLast", "lacpallowed-packets-current-value", 32088)
prop._addConstant("coppLacpAllowPktsMax", "lacpallowed-packets-maximum-value", 32093)
prop._addConstant("coppLacpAllowPktsMin", "lacpallowed-packets-minimum-value", 32092)
prop._addConstant("coppLacpAllowPktsPer", "lacpallowed-packets-periodic", 32091)
prop._addConstant("coppLacpAllowPktsRate", "lacpallowed-packets-rate", 32099)
prop._addConstant("coppLacpAllowPktsRateAvg", "lacpallowed-packets-rate-average-value", 32112)
prop._addConstant("coppLacpAllowPktsRateLast", "lacpallowed-packets-rate-current-value", 32109)
prop._addConstant("coppLacpAllowPktsRateMax", "lacpallowed-packets-rate-maximum-value", 32111)
prop._addConstant("coppLacpAllowPktsRateMin", "lacpallowed-packets-rate-minimum-value", 32110)
prop._addConstant("coppLacpAllowPktsRateTr", "lacpallowed-packets-rate-trend", 32117)
prop._addConstant("coppLacpAllowPktsTr", "lacpallowed-packets-trend", 32098)
prop._addConstant("coppLacpDropBytesAvg", "lacpdropped-bytes-average-value", 32130)
prop._addConstant("coppLacpDropBytesCum", "lacpdropped-bytes-cumulative", 32126)
prop._addConstant("coppLacpDropBytesLast", "lacpdropped-bytes-current-value", 32124)
prop._addConstant("coppLacpDropBytesMax", "lacpdropped-bytes-maximum-value", 32129)
prop._addConstant("coppLacpDropBytesMin", "lacpdropped-bytes-minimum-value", 32128)
prop._addConstant("coppLacpDropBytesPer", "lacpdropped-bytes-periodic", 32127)
prop._addConstant("coppLacpDropBytesRate", "lacpdropped-bytes-rate", 32135)
prop._addConstant("coppLacpDropBytesRateAvg", "lacpdropped-bytes-rate-average-value", 32148)
prop._addConstant("coppLacpDropBytesRateLast", "lacpdropped-bytes-rate-current-value", 32145)
prop._addConstant("coppLacpDropBytesRateMax", "lacpdropped-bytes-rate-maximum-value", 32147)
prop._addConstant("coppLacpDropBytesRateMin", "lacpdropped-bytes-rate-minimum-value", 32146)
prop._addConstant("coppLacpDropBytesRateTr", "lacpdropped-bytes-rate-trend", 32153)
prop._addConstant("coppLacpDropBytesTr", "lacpdropped-bytes-trend", 32134)
prop._addConstant("coppLacpDropPktsAvg", "lacpdropped-packets-average-value", 32166)
prop._addConstant("coppLacpDropPktsCum", "lacpdropped-packets-cumulative", 32162)
prop._addConstant("coppLacpDropPktsLast", "lacpdropped-packets-current-value", 32160)
prop._addConstant("coppLacpDropPktsMax", "lacpdropped-packets-maximum-value", 32165)
prop._addConstant("coppLacpDropPktsMin", "lacpdropped-packets-minimum-value", 32164)
prop._addConstant("coppLacpDropPktsPer", "lacpdropped-packets-periodic", 32163)
prop._addConstant("coppLacpDropPktsRate", "lacpdropped-packets-rate", 32171)
prop._addConstant("coppLacpDropPktsRateAvg", "lacpdropped-packets-rate-average-value", 32184)
prop._addConstant("coppLacpDropPktsRateLast", "lacpdropped-packets-rate-current-value", 32181)
prop._addConstant("coppLacpDropPktsRateMax", "lacpdropped-packets-rate-maximum-value", 32183)
prop._addConstant("coppLacpDropPktsRateMin", "lacpdropped-packets-rate-minimum-value", 32182)
prop._addConstant("coppLacpDropPktsRateTr", "lacpdropped-packets-rate-trend", 32189)
prop._addConstant("coppLacpDropPktsTr", "lacpdropped-packets-trend", 32170)
prop._addConstant("coppLldpAllowBytesAvg", "lldpallowed-bytes-average-value", 32202)
prop._addConstant("coppLldpAllowBytesCum", "lldpallowed-bytes-cumulative", 32198)
prop._addConstant("coppLldpAllowBytesLast", "lldpallowed-bytes-current-value", 32196)
prop._addConstant("coppLldpAllowBytesMax", "lldpallowed-bytes-maximum-value", 32201)
prop._addConstant("coppLldpAllowBytesMin", "lldpallowed-bytes-minimum-value", 32200)
prop._addConstant("coppLldpAllowBytesPer", "lldpallowed-bytes-periodic", 32199)
prop._addConstant("coppLldpAllowBytesRate", "lldpallowed-bytes-rate", 32207)
prop._addConstant("coppLldpAllowBytesRateAvg", "lldpallowed-bytes-rate-average-value", 32220)
prop._addConstant("coppLldpAllowBytesRateLast", "lldpallowed-bytes-rate-current-value", 32217)
prop._addConstant("coppLldpAllowBytesRateMax", "lldpallowed-bytes-rate-maximum-value", 32219)
prop._addConstant("coppLldpAllowBytesRateMin", "lldpallowed-bytes-rate-minimum-value", 32218)
prop._addConstant("coppLldpAllowBytesRateTr", "lldpallowed-bytes-rate-trend", 32225)
prop._addConstant("coppLldpAllowBytesTr", "lldpallowed-bytes-trend", 32206)
prop._addConstant("coppLldpAllowPktsAvg", "lldpallowed-packets-average-value", 32238)
prop._addConstant("coppLldpAllowPktsCum", "lldpallowed-packets-cumulative", 32234)
prop._addConstant("coppLldpAllowPktsLast", "lldpallowed-packets-current-value", 32232)
prop._addConstant("coppLldpAllowPktsMax", "lldpallowed-packets-maximum-value", 32237)
prop._addConstant("coppLldpAllowPktsMin", "lldpallowed-packets-minimum-value", 32236)
prop._addConstant("coppLldpAllowPktsPer", "lldpallowed-packets-periodic", 32235)
prop._addConstant("coppLldpAllowPktsRate", "lldpallowed-packets-rate", 32243)
prop._addConstant("coppLldpAllowPktsRateAvg", "lldpallowed-packets-rate-average-value", 32256)
prop._addConstant("coppLldpAllowPktsRateLast", "lldpallowed-packets-rate-current-value", 32253)
prop._addConstant("coppLldpAllowPktsRateMax", "lldpallowed-packets-rate-maximum-value", 32255)
prop._addConstant("coppLldpAllowPktsRateMin", "lldpallowed-packets-rate-minimum-value", 32254)
prop._addConstant("coppLldpAllowPktsRateTr", "lldpallowed-packets-rate-trend", 32261)
prop._addConstant("coppLldpAllowPktsTr", "lldpallowed-packets-trend", 32242)
prop._addConstant("coppLldpDropBytesAvg", "lldpdropped-bytes-average-value", 32274)
prop._addConstant("coppLldpDropBytesCum", "lldpdropped-bytes-cumulative", 32270)
prop._addConstant("coppLldpDropBytesLast", "lldpdropped-bytes-current-value", 32268)
prop._addConstant("coppLldpDropBytesMax", "lldpdropped-bytes-maximum-value", 32273)
prop._addConstant("coppLldpDropBytesMin", "lldpdropped-bytes-minimum-value", 32272)
prop._addConstant("coppLldpDropBytesPer", "lldpdropped-bytes-periodic", 32271)
prop._addConstant("coppLldpDropBytesRate", "lldpdropped-bytes-rate", 32279)
prop._addConstant("coppLldpDropBytesRateAvg", "lldpdropped-bytes-rate-average-value", 32292)
prop._addConstant("coppLldpDropBytesRateLast", "lldpdropped-bytes-rate-current-value", 32289)
prop._addConstant("coppLldpDropBytesRateMax", "lldpdropped-bytes-rate-maximum-value", 32291)
prop._addConstant("coppLldpDropBytesRateMin", "lldpdropped-bytes-rate-minimum-value", 32290)
prop._addConstant("coppLldpDropBytesRateTr", "lldpdropped-bytes-rate-trend", 32297)
prop._addConstant("coppLldpDropBytesTr", "lldpdropped-bytes-trend", 32278)
prop._addConstant("coppLldpDropPktsAvg", "lldpdropped-packets-average-value", 32310)
prop._addConstant("coppLldpDropPktsCum", "lldpdropped-packets-cumulative", 32306)
prop._addConstant("coppLldpDropPktsLast", "lldpdropped-packets-current-value", 32304)
prop._addConstant("coppLldpDropPktsMax", "lldpdropped-packets-maximum-value", 32309)
prop._addConstant("coppLldpDropPktsMin", "lldpdropped-packets-minimum-value", 32308)
prop._addConstant("coppLldpDropPktsPer", "lldpdropped-packets-periodic", 32307)
prop._addConstant("coppLldpDropPktsRate", "lldpdropped-packets-rate", 32315)
prop._addConstant("coppLldpDropPktsRateAvg", "lldpdropped-packets-rate-average-value", 32328)
prop._addConstant("coppLldpDropPktsRateLast", "lldpdropped-packets-rate-current-value", 32325)
prop._addConstant("coppLldpDropPktsRateMax", "lldpdropped-packets-rate-maximum-value", 32327)
prop._addConstant("coppLldpDropPktsRateMin", "lldpdropped-packets-rate-minimum-value", 32326)
prop._addConstant("coppLldpDropPktsRateTr", "lldpdropped-packets-rate-trend", 32333)
prop._addConstant("coppLldpDropPktsTr", "lldpdropped-packets-trend", 32314)
prop._addConstant("coppOspfAllowBytesAvg", "ospfallowed-bytes-average-value", 32346)
prop._addConstant("coppOspfAllowBytesCum", "ospfallowed-bytes-cumulative", 32342)
prop._addConstant("coppOspfAllowBytesLast", "ospfallowed-bytes-current-value", 32340)
prop._addConstant("coppOspfAllowBytesMax", "ospfallowed-bytes-maximum-value", 32345)
prop._addConstant("coppOspfAllowBytesMin", "ospfallowed-bytes-minimum-value", 32344)
prop._addConstant("coppOspfAllowBytesPer", "ospfallowed-bytes-periodic", 32343)
prop._addConstant("coppOspfAllowBytesRate", "ospfallowed-bytes-rate", 32351)
prop._addConstant("coppOspfAllowBytesRateAvg", "ospfallowed-bytes-rate-average-value", 32364)
prop._addConstant("coppOspfAllowBytesRateLast", "ospfallowed-bytes-rate-current-value", 32361)
prop._addConstant("coppOspfAllowBytesRateMax", "ospfallowed-bytes-rate-maximum-value", 32363)
prop._addConstant("coppOspfAllowBytesRateMin", "ospfallowed-bytes-rate-minimum-value", 32362)
prop._addConstant("coppOspfAllowBytesRateTr", "ospfallowed-bytes-rate-trend", 32369)
prop._addConstant("coppOspfAllowBytesTr", "ospfallowed-bytes-trend", 32350)
prop._addConstant("coppOspfAllowPktsAvg", "ospfallowed-packets-average-value", 32382)
prop._addConstant("coppOspfAllowPktsCum", "ospfallowed-packets-cumulative", 32378)
prop._addConstant("coppOspfAllowPktsLast", "ospfallowed-packets-current-value", 32376)
prop._addConstant("coppOspfAllowPktsMax", "ospfallowed-packets-maximum-value", 32381)
prop._addConstant("coppOspfAllowPktsMin", "ospfallowed-packets-minimum-value", 32380)
prop._addConstant("coppOspfAllowPktsPer", "ospfallowed-packets-periodic", 32379)
prop._addConstant("coppOspfAllowPktsRate", "ospfallowed-packets-rate", 32387)
prop._addConstant("coppOspfAllowPktsRateAvg", "ospfallowed-packets-rate-average-value", 32400)
prop._addConstant("coppOspfAllowPktsRateLast", "ospfallowed-packets-rate-current-value", 32397)
prop._addConstant("coppOspfAllowPktsRateMax", "ospfallowed-packets-rate-maximum-value", 32399)
prop._addConstant("coppOspfAllowPktsRateMin", "ospfallowed-packets-rate-minimum-value", 32398)
prop._addConstant("coppOspfAllowPktsRateTr", "ospfallowed-packets-rate-trend", 32405)
prop._addConstant("coppOspfAllowPktsTr", "ospfallowed-packets-trend", 32386)
prop._addConstant("coppOspfDropBytesAvg", "ospfdropped-bytes-average-value", 32418)
prop._addConstant("coppOspfDropBytesCum", "ospfdropped-bytes-cumulative", 32414)
prop._addConstant("coppOspfDropBytesLast", "ospfdropped-bytes-current-value", 32412)
prop._addConstant("coppOspfDropBytesMax", "ospfdropped-bytes-maximum-value", 32417)
prop._addConstant("coppOspfDropBytesMin", "ospfdropped-bytes-minimum-value", 32416)
prop._addConstant("coppOspfDropBytesPer", "ospfdropped-bytes-periodic", 32415)
prop._addConstant("coppOspfDropBytesRate", "ospfdropped-bytes-rate", 32423)
prop._addConstant("coppOspfDropBytesRateAvg", "ospfdropped-bytes-rate-average-value", 32436)
prop._addConstant("coppOspfDropBytesRateLast", "ospfdropped-bytes-rate-current-value", 32433)
prop._addConstant("coppOspfDropBytesRateMax", "ospfdropped-bytes-rate-maximum-value", 32435)
prop._addConstant("coppOspfDropBytesRateMin", "ospfdropped-bytes-rate-minimum-value", 32434)
prop._addConstant("coppOspfDropBytesRateTr", "ospfdropped-bytes-rate-trend", 32441)
prop._addConstant("coppOspfDropBytesTr", "ospfdropped-bytes-trend", 32422)
prop._addConstant("coppOspfDropPktsAvg", "ospfdropped-packets-average-value", 32454)
prop._addConstant("coppOspfDropPktsCum", "ospfdropped-packets-cumulative", 32450)
prop._addConstant("coppOspfDropPktsLast", "ospfdropped-packets-current-value", 32448)
prop._addConstant("coppOspfDropPktsMax", "ospfdropped-packets-maximum-value", 32453)
prop._addConstant("coppOspfDropPktsMin", "ospfdropped-packets-minimum-value", 32452)
prop._addConstant("coppOspfDropPktsPer", "ospfdropped-packets-periodic", 32451)
prop._addConstant("coppOspfDropPktsRate", "ospfdropped-packets-rate", 32459)
prop._addConstant("coppOspfDropPktsRateAvg", "ospfdropped-packets-rate-average-value", 32472)
prop._addConstant("coppOspfDropPktsRateLast", "ospfdropped-packets-rate-current-value", 32469)
prop._addConstant("coppOspfDropPktsRateMax", "ospfdropped-packets-rate-maximum-value", 32471)
prop._addConstant("coppOspfDropPktsRateMin", "ospfdropped-packets-rate-minimum-value", 32470)
prop._addConstant("coppOspfDropPktsRateTr", "ospfdropped-packets-rate-trend", 32477)
prop._addConstant("coppOspfDropPktsTr", "ospfdropped-packets-trend", 32458)
prop._addConstant("coppPermitAgBytesCum", "bytes-cumulative", 34541)
prop._addConstant("coppPermitAgBytesPer", "bytes-periodic", 34542)
prop._addConstant("coppPermitAgBytesRate", "bytes-rate", 34547)
prop._addConstant("coppPermitAgBytesTr", "bytes-trend", 34546)
prop._addConstant("coppPermitAgPktsCum", "packets-cumulative", 34590)
prop._addConstant("coppPermitAgPktsPer", "packets-periodic", 34591)
prop._addConstant("coppPermitAgPktsRate", "packets-rate", 34596)
prop._addConstant("coppPermitAgPktsTr", "packets-trend", 34595)
prop._addConstant("coppPermitBytesAvg", "bytes-average-value", 33612)
prop._addConstant("coppPermitBytesCum", "bytes-cumulative", 33608)
prop._addConstant("coppPermitBytesLast", "bytes-current-value", 33606)
prop._addConstant("coppPermitBytesMax", "bytes-maximum-value", 33611)
prop._addConstant("coppPermitBytesMin", "bytes-minimum-value", 33610)
prop._addConstant("coppPermitBytesPer", "bytes-periodic", 33609)
prop._addConstant("coppPermitBytesRate", "bytes-rate", 33617)
prop._addConstant("coppPermitBytesRateAvg", "bytes-rate-average-value", 33630)
prop._addConstant("coppPermitBytesRateLast", "bytes-rate-current-value", 33627)
prop._addConstant("coppPermitBytesRateMax", "bytes-rate-maximum-value", 33629)
prop._addConstant("coppPermitBytesRateMin", "bytes-rate-minimum-value", 33628)
prop._addConstant("coppPermitBytesRateTr", "bytes-rate-trend", 33635)
prop._addConstant("coppPermitBytesTr", "bytes-trend", 33616)
prop._addConstant("coppPermitPartBytesAvg", "bytes-average-value", 34526)
prop._addConstant("coppPermitPartBytesCum", "bytes-cumulative", 34522)
prop._addConstant("coppPermitPartBytesLast", "bytes-current-value", 34520)
prop._addConstant("coppPermitPartBytesMax", "bytes-maximum-value", 34525)
prop._addConstant("coppPermitPartBytesMin", "bytes-minimum-value", 34524)
prop._addConstant("coppPermitPartBytesPer", "bytes-periodic", 34523)
prop._addConstant("coppPermitPartBytesRate", "bytes-rate", 34531)
prop._addConstant("coppPermitPartBytesRateAvg", "bytes-rate-average-value", 34557)
prop._addConstant("coppPermitPartBytesRateLast", "bytes-rate-current-value", 34554)
prop._addConstant("coppPermitPartBytesRateMax", "bytes-rate-maximum-value", 34556)
prop._addConstant("coppPermitPartBytesRateMin", "bytes-rate-minimum-value", 34555)
prop._addConstant("coppPermitPartBytesRateTr", "bytes-rate-trend", 34562)
prop._addConstant("coppPermitPartBytesTr", "bytes-trend", 34530)
prop._addConstant("coppPermitPartPktsAvg", "packets-average-value", 34575)
prop._addConstant("coppPermitPartPktsCum", "packets-cumulative", 34571)
prop._addConstant("coppPermitPartPktsLast", "packets-current-value", 34569)
prop._addConstant("coppPermitPartPktsMax", "packets-maximum-value", 34574)
prop._addConstant("coppPermitPartPktsMin", "packets-minimum-value", 34573)
prop._addConstant("coppPermitPartPktsPer", "packets-periodic", 34572)
prop._addConstant("coppPermitPartPktsRate", "packets-rate", 34580)
prop._addConstant("coppPermitPartPktsRateAvg", "packets-rate-average-value", 34606)
prop._addConstant("coppPermitPartPktsRateLast", "packets-rate-current-value", 34603)
prop._addConstant("coppPermitPartPktsRateMax", "packets-rate-maximum-value", 34605)
prop._addConstant("coppPermitPartPktsRateMin", "packets-rate-minimum-value", 34604)
prop._addConstant("coppPermitPartPktsRateTr", "packets-rate-trend", 34611)
prop._addConstant("coppPermitPartPktsTr", "packets-trend", 34579)
prop._addConstant("coppPermitPktsAvg", "packets-average-value", 33648)
prop._addConstant("coppPermitPktsCum", "packets-cumulative", 33644)
prop._addConstant("coppPermitPktsLast", "packets-current-value", 33642)
prop._addConstant("coppPermitPktsMax", "packets-maximum-value", 33647)
prop._addConstant("coppPermitPktsMin", "packets-minimum-value", 33646)
prop._addConstant("coppPermitPktsPer", "packets-periodic", 33645)
prop._addConstant("coppPermitPktsRate", "packets-rate", 33653)
prop._addConstant("coppPermitPktsRateAvg", "packets-rate-average-value", 33666)
prop._addConstant("coppPermitPktsRateLast", "packets-rate-current-value", 33663)
prop._addConstant("coppPermitPktsRateMax", "packets-rate-maximum-value", 33665)
prop._addConstant("coppPermitPktsRateMin", "packets-rate-minimum-value", 33664)
prop._addConstant("coppPermitPktsRateTr", "packets-rate-trend", 33671)
prop._addConstant("coppPermitPktsTr", "packets-trend", 33652)
prop._addConstant("coppStpAllowBytesAvg", "stpallowed-bytes-average-value", 32490)
prop._addConstant("coppStpAllowBytesCum", "stpallowed-bytes-cumulative", 32486)
prop._addConstant("coppStpAllowBytesLast", "stpallowed-bytes-current-value", 32484)
prop._addConstant("coppStpAllowBytesMax", "stpallowed-bytes-maximum-value", 32489)
prop._addConstant("coppStpAllowBytesMin", "stpallowed-bytes-minimum-value", 32488)
prop._addConstant("coppStpAllowBytesPer", "stpallowed-bytes-periodic", 32487)
prop._addConstant("coppStpAllowBytesRate", "stpallowed-bytes-rate", 32495)
prop._addConstant("coppStpAllowBytesRateAvg", "stpallowed-bytes-rate-average-value", 32508)
prop._addConstant("coppStpAllowBytesRateLast", "stpallowed-bytes-rate-current-value", 32505)
prop._addConstant("coppStpAllowBytesRateMax", "stpallowed-bytes-rate-maximum-value", 32507)
prop._addConstant("coppStpAllowBytesRateMin", "stpallowed-bytes-rate-minimum-value", 32506)
prop._addConstant("coppStpAllowBytesRateTr", "stpallowed-bytes-rate-trend", 32513)
prop._addConstant("coppStpAllowBytesTr", "stpallowed-bytes-trend", 32494)
prop._addConstant("coppStpAllowPktsAvg", "stpallowed-packets-average-value", 32526)
prop._addConstant("coppStpAllowPktsCum", "stpallowed-packets-cumulative", 32522)
prop._addConstant("coppStpAllowPktsLast", "stpallowed-packets-current-value", 32520)
prop._addConstant("coppStpAllowPktsMax", "stpallowed-packets-maximum-value", 32525)
prop._addConstant("coppStpAllowPktsMin", "stpallowed-packets-minimum-value", 32524)
prop._addConstant("coppStpAllowPktsPer", "stpallowed-packets-periodic", 32523)
prop._addConstant("coppStpAllowPktsRate", "stpallowed-packets-rate", 32531)
prop._addConstant("coppStpAllowPktsRateAvg", "stpallowed-packets-rate-average-value", 32544)
prop._addConstant("coppStpAllowPktsRateLast", "stpallowed-packets-rate-current-value", 32541)
prop._addConstant("coppStpAllowPktsRateMax", "stpallowed-packets-rate-maximum-value", 32543)
prop._addConstant("coppStpAllowPktsRateMin", "stpallowed-packets-rate-minimum-value", 32542)
prop._addConstant("coppStpAllowPktsRateTr", "stpallowed-packets-rate-trend", 32549)
prop._addConstant("coppStpAllowPktsTr", "stpallowed-packets-trend", 32530)
prop._addConstant("coppStpDropBytesAvg", "stpdropped-bytes-average-value", 32562)
prop._addConstant("coppStpDropBytesCum", "stpdropped-bytes-cumulative", 32558)
prop._addConstant("coppStpDropBytesLast", "stpdropped-bytes-current-value", 32556)
prop._addConstant("coppStpDropBytesMax", "stpdropped-bytes-maximum-value", 32561)
prop._addConstant("coppStpDropBytesMin", "stpdropped-bytes-minimum-value", 32560)
prop._addConstant("coppStpDropBytesPer", "stpdropped-bytes-periodic", 32559)
prop._addConstant("coppStpDropBytesRate", "stpdropped-bytes-rate", 32567)
prop._addConstant("coppStpDropBytesRateAvg", "stpdropped-bytes-rate-average-value", 32580)
prop._addConstant("coppStpDropBytesRateLast", "stpdropped-bytes-rate-current-value", 32577)
prop._addConstant("coppStpDropBytesRateMax", "stpdropped-bytes-rate-maximum-value", 32579)
prop._addConstant("coppStpDropBytesRateMin", "stpdropped-bytes-rate-minimum-value", 32578)
prop._addConstant("coppStpDropBytesRateTr", "stpdropped-bytes-rate-trend", 32585)
prop._addConstant("coppStpDropBytesTr", "stpdropped-bytes-trend", 32566)
prop._addConstant("coppStpDropPktsAvg", "stpdropped-packets-average-value", 32598)
prop._addConstant("coppStpDropPktsCum", "stpdropped-packets-cumulative", 32594)
prop._addConstant("coppStpDropPktsLast", "stpdropped-packets-current-value", 32592)
prop._addConstant("coppStpDropPktsMax", "stpdropped-packets-maximum-value", 32597)
prop._addConstant("coppStpDropPktsMin", "stpdropped-packets-minimum-value", 32596)
prop._addConstant("coppStpDropPktsPer", "stpdropped-packets-periodic", 32595)
prop._addConstant("coppStpDropPktsRate", "stpdropped-packets-rate", 32603)
prop._addConstant("coppStpDropPktsRateAvg", "stpdropped-packets-rate-average-value", 32616)
prop._addConstant("coppStpDropPktsRateLast", "stpdropped-packets-rate-current-value", 32613)
prop._addConstant("coppStpDropPktsRateMax", "stpdropped-packets-rate-maximum-value", 32615)
prop._addConstant("coppStpDropPktsRateMin", "stpdropped-packets-rate-minimum-value", 32614)
prop._addConstant("coppStpDropPktsRateTr", "stpdropped-packets-rate-trend", 32621)
prop._addConstant("coppStpDropPktsTr", "stpdropped-packets-trend", 32602)
prop._addConstant("dppEgrAllowBytesAvg", "egress-policer-allowed-bytes-average-value", 23714)
prop._addConstant("dppEgrAllowBytesCum", "egress-policer-allowed-bytes-cumulative", 23710)
prop._addConstant("dppEgrAllowBytesLast", "egress-policer-allowed-bytes-current-value", 23708)
prop._addConstant("dppEgrAllowBytesMax", "egress-policer-allowed-bytes-maximum-value", 23713)
prop._addConstant("dppEgrAllowBytesMin", "egress-policer-allowed-bytes-minimum-value", 23712)
prop._addConstant("dppEgrAllowBytesPer", "egress-policer-allowed-bytes-periodic", 23711)
prop._addConstant("dppEgrAllowBytesRate", "egress-policer-allowed-bytes-rate", 23719)
prop._addConstant("dppEgrAllowBytesRateAvg", "egress-policer-allowed-bytes-rate-average-value", 23732)
prop._addConstant("dppEgrAllowBytesRateLast", "egress-policer-allowed-bytes-rate-current-value", 23729)
prop._addConstant("dppEgrAllowBytesRateMax", "egress-policer-allowed-bytes-rate-maximum-value", 23731)
prop._addConstant("dppEgrAllowBytesRateMin", "egress-policer-allowed-bytes-rate-minimum-value", 23730)
prop._addConstant("dppEgrAllowBytesRateTr", "egress-policer-allowed-bytes-rate-trend", 23737)
prop._addConstant("dppEgrAllowBytesTr", "egress-policer-allowed-bytes-trend", 23718)
prop._addConstant("dppEgrAllowPktsAvg", "egress-policer-allowed-packets-average-value", 23750)
prop._addConstant("dppEgrAllowPktsCum", "egress-policer-allowed-packets-cumulative", 23746)
prop._addConstant("dppEgrAllowPktsLast", "egress-policer-allowed-packets-current-value", 23744)
prop._addConstant("dppEgrAllowPktsMax", "egress-policer-allowed-packets-maximum-value", 23749)
prop._addConstant("dppEgrAllowPktsMin", "egress-policer-allowed-packets-minimum-value", 23748)
prop._addConstant("dppEgrAllowPktsPer", "egress-policer-allowed-packets-periodic", 23747)
prop._addConstant("dppEgrAllowPktsRate", "egress-policer-allowed-packets-rate", 23755)
prop._addConstant("dppEgrAllowPktsRateAvg", "egress-policer-allowed-packets-rate-average-value", 23768)
prop._addConstant("dppEgrAllowPktsRateLast", "egress-policer-allowed-packets-rate-current-value", 23765)
prop._addConstant("dppEgrAllowPktsRateMax", "egress-policer-allowed-packets-rate-maximum-value", 23767)
prop._addConstant("dppEgrAllowPktsRateMin", "egress-policer-allowed-packets-rate-minimum-value", 23766)
prop._addConstant("dppEgrAllowPktsRateTr", "egress-policer-allowed-packets-rate-trend", 23773)
prop._addConstant("dppEgrAllowPktsTr", "egress-policer-allowed-packets-trend", 23754)
prop._addConstant("dppEgrDropBytesAvg", "egress-policer-dropped-bytes-average-value", 23786)
prop._addConstant("dppEgrDropBytesCum", "egress-policer-dropped-bytes-cumulative", 23782)
prop._addConstant("dppEgrDropBytesLast", "egress-policer-dropped-bytes-current-value", 23780)
prop._addConstant("dppEgrDropBytesMax", "egress-policer-dropped-bytes-maximum-value", 23785)
prop._addConstant("dppEgrDropBytesMin", "egress-policer-dropped-bytes-minimum-value", 23784)
prop._addConstant("dppEgrDropBytesPer", "egress-policer-dropped-bytes-periodic", 23783)
prop._addConstant("dppEgrDropBytesRate", "egress-policer-dropped-bytes-rate", 23791)
prop._addConstant("dppEgrDropBytesRateAvg", "egress-policer-dropped-bytes-rate-average-value", 23804)
prop._addConstant("dppEgrDropBytesRateLast", "egress-policer-dropped-bytes-rate-current-value", 23801)
prop._addConstant("dppEgrDropBytesRateMax", "egress-policer-dropped-bytes-rate-maximum-value", 23803)
prop._addConstant("dppEgrDropBytesRateMin", "egress-policer-dropped-bytes-rate-minimum-value", 23802)
prop._addConstant("dppEgrDropBytesRateTr", "egress-policer-dropped-bytes-rate-trend", 23809)
prop._addConstant("dppEgrDropBytesTr", "egress-policer-dropped-bytes-trend", 23790)
prop._addConstant("dppEgrDropPktsAvg", "egress-policer-dropped-packets-average-value", 23822)
prop._addConstant("dppEgrDropPktsCum", "egress-policer-dropped-packets-cumulative", 23818)
prop._addConstant("dppEgrDropPktsLast", "egress-policer-dropped-packets-current-value", 23816)
prop._addConstant("dppEgrDropPktsMax", "egress-policer-dropped-packets-maximum-value", 23821)
prop._addConstant("dppEgrDropPktsMin", "egress-policer-dropped-packets-minimum-value", 23820)
prop._addConstant("dppEgrDropPktsPer", "egress-policer-dropped-packets-periodic", 23819)
prop._addConstant("dppEgrDropPktsRate", "egress-policer-dropped-packets-rate", 23827)
prop._addConstant("dppEgrDropPktsRateAvg", "egress-policer-dropped-packets-rate-average-value", 23840)
prop._addConstant("dppEgrDropPktsRateLast", "egress-policer-dropped-packets-rate-current-value", 23837)
prop._addConstant("dppEgrDropPktsRateMax", "egress-policer-dropped-packets-rate-maximum-value", 23839)
prop._addConstant("dppEgrDropPktsRateMin", "egress-policer-dropped-packets-rate-minimum-value", 23838)
prop._addConstant("dppEgrDropPktsRateTr", "egress-policer-dropped-packets-rate-trend", 23845)
prop._addConstant("dppEgrDropPktsTr", "egress-policer-dropped-packets-trend", 23826)
prop._addConstant("dppIfCktAllowAgBytesCum", "ifckt-ingress-policer-allowed-bytes-cumulative", 33859)
prop._addConstant("dppIfCktAllowAgBytesPer", "ifckt-ingress-policer-allowed-bytes-periodic", 33860)
prop._addConstant("dppIfCktAllowAgBytesRate", "ifckt-ingress-policer-allowed-bytes-rate", 33865)
prop._addConstant("dppIfCktAllowAgBytesTr", "ifckt-ingress-policer-allowed-bytes-trend", 33864)
prop._addConstant("dppIfCktAllowAgPktsCum", "ifckt-ingress-policer-allowed-packets-cumulative", 33908)
prop._addConstant("dppIfCktAllowAgPktsPer", "ifckt-ingress-policer-allowed-packets-periodic", 33909)
prop._addConstant("dppIfCktAllowAgPktsRate", "ifckt-ingress-policer-allowed-packets-rate", 33914)
prop._addConstant("dppIfCktAllowAgPktsTr", "ifckt-ingress-policer-allowed-packets-trend", 33913)
prop._addConstant("dppIfCktAllowBytesAvg", "ifckt-ingress-policer-allowed-bytes-average-value", 32923)
prop._addConstant("dppIfCktAllowBytesCum", "ifckt-ingress-policer-allowed-bytes-cumulative", 32919)
prop._addConstant("dppIfCktAllowBytesLast", "ifckt-ingress-policer-allowed-bytes-current-value", 32917)
prop._addConstant("dppIfCktAllowBytesMax", "ifckt-ingress-policer-allowed-bytes-maximum-value", 32922)
prop._addConstant("dppIfCktAllowBytesMin", "ifckt-ingress-policer-allowed-bytes-minimum-value", 32921)
prop._addConstant("dppIfCktAllowBytesPer", "ifckt-ingress-policer-allowed-bytes-periodic", 32920)
prop._addConstant("dppIfCktAllowBytesRate", "ifckt-ingress-policer-allowed-bytes-rate", 32928)
prop._addConstant("dppIfCktAllowBytesRateAvg", "ifckt-ingress-policer-allowed-bytes-rate-average-value", 32941)
prop._addConstant("dppIfCktAllowBytesRateLast", "ifckt-ingress-policer-allowed-bytes-rate-current-value", 32938)
prop._addConstant("dppIfCktAllowBytesRateMax", "ifckt-ingress-policer-allowed-bytes-rate-maximum-value", 32940)
prop._addConstant("dppIfCktAllowBytesRateMin", "ifckt-ingress-policer-allowed-bytes-rate-minimum-value", 32939)
prop._addConstant("dppIfCktAllowBytesRateTr", "ifckt-ingress-policer-allowed-bytes-rate-trend", 32946)
prop._addConstant("dppIfCktAllowBytesTr", "ifckt-ingress-policer-allowed-bytes-trend", 32927)
prop._addConstant("dppIfCktAllowPartBytesAvg", "ifckt-ingress-policer-allowed-bytes-average-value", 33844)
prop._addConstant("dppIfCktAllowPartBytesCum", "ifckt-ingress-policer-allowed-bytes-cumulative", 33840)
prop._addConstant("dppIfCktAllowPartBytesLast", "ifckt-ingress-policer-allowed-bytes-current-value", 33838)
prop._addConstant("dppIfCktAllowPartBytesMax", "ifckt-ingress-policer-allowed-bytes-maximum-value", 33843)
prop._addConstant("dppIfCktAllowPartBytesMin", "ifckt-ingress-policer-allowed-bytes-minimum-value", 33842)
prop._addConstant("dppIfCktAllowPartBytesPer", "ifckt-ingress-policer-allowed-bytes-periodic", 33841)
prop._addConstant("dppIfCktAllowPartBytesRate", "ifckt-ingress-policer-allowed-bytes-rate", 33849)
prop._addConstant("dppIfCktAllowPartBytesRateAvg", "ifckt-ingress-policer-allowed-bytes-rate-average-value", 33875)
prop._addConstant("dppIfCktAllowPartBytesRateLast", "ifckt-ingress-policer-allowed-bytes-rate-current-value", 33872)
prop._addConstant("dppIfCktAllowPartBytesRateMax", "ifckt-ingress-policer-allowed-bytes-rate-maximum-value", 33874)
prop._addConstant("dppIfCktAllowPartBytesRateMin", "ifckt-ingress-policer-allowed-bytes-rate-minimum-value", 33873)
prop._addConstant("dppIfCktAllowPartBytesRateTr", "ifckt-ingress-policer-allowed-bytes-rate-trend", 33880)
prop._addConstant("dppIfCktAllowPartBytesTr", "ifckt-ingress-policer-allowed-bytes-trend", 33848)
prop._addConstant("dppIfCktAllowPartPktsAvg", "ifckt-ingress-policer-allowed-packets-average-value", 33893)
prop._addConstant("dppIfCktAllowPartPktsCum", "ifckt-ingress-policer-allowed-packets-cumulative", 33889)
prop._addConstant("dppIfCktAllowPartPktsLast", "ifckt-ingress-policer-allowed-packets-current-value", 33887)
prop._addConstant("dppIfCktAllowPartPktsMax", "ifckt-ingress-policer-allowed-packets-maximum-value", 33892)
prop._addConstant("dppIfCktAllowPartPktsMin", "ifckt-ingress-policer-allowed-packets-minimum-value", 33891)
prop._addConstant("dppIfCktAllowPartPktsPer", "ifckt-ingress-policer-allowed-packets-periodic", 33890)
prop._addConstant("dppIfCktAllowPartPktsRate", "ifckt-ingress-policer-allowed-packets-rate", 33898)
prop._addConstant("dppIfCktAllowPartPktsRateAvg", "ifckt-ingress-policer-allowed-packets-rate-average-value", 33924)
prop._addConstant("dppIfCktAllowPartPktsRateLast", "ifckt-ingress-policer-allowed-packets-rate-current-value", 33921)
prop._addConstant("dppIfCktAllowPartPktsRateMax", "ifckt-ingress-policer-allowed-packets-rate-maximum-value", 33923)
prop._addConstant("dppIfCktAllowPartPktsRateMin", "ifckt-ingress-policer-allowed-packets-rate-minimum-value", 33922)
prop._addConstant("dppIfCktAllowPartPktsRateTr", "ifckt-ingress-policer-allowed-packets-rate-trend", 33929)
prop._addConstant("dppIfCktAllowPartPktsTr", "ifckt-ingress-policer-allowed-packets-trend", 33897)
prop._addConstant("dppIfCktAllowPktsAvg", "ifckt-ingress-policer-allowed-packets-average-value", 32959)
prop._addConstant("dppIfCktAllowPktsCum", "ifckt-ingress-policer-allowed-packets-cumulative", 32955)
prop._addConstant("dppIfCktAllowPktsLast", "ifckt-ingress-policer-allowed-packets-current-value", 32953)
prop._addConstant("dppIfCktAllowPktsMax", "ifckt-ingress-policer-allowed-packets-maximum-value", 32958)
prop._addConstant("dppIfCktAllowPktsMin", "ifckt-ingress-policer-allowed-packets-minimum-value", 32957)
prop._addConstant("dppIfCktAllowPktsPer", "ifckt-ingress-policer-allowed-packets-periodic", 32956)
prop._addConstant("dppIfCktAllowPktsRate", "ifckt-ingress-policer-allowed-packets-rate", 32964)
prop._addConstant("dppIfCktAllowPktsRateAvg", "ifckt-ingress-policer-allowed-packets-rate-average-value", 32977)
prop._addConstant("dppIfCktAllowPktsRateLast", "ifckt-ingress-policer-allowed-packets-rate-current-value", 32974)
prop._addConstant("dppIfCktAllowPktsRateMax", "ifckt-ingress-policer-allowed-packets-rate-maximum-value", 32976)
prop._addConstant("dppIfCktAllowPktsRateMin", "ifckt-ingress-policer-allowed-packets-rate-minimum-value", 32975)
prop._addConstant("dppIfCktAllowPktsRateTr", "ifckt-ingress-policer-allowed-packets-rate-trend", 32982)
prop._addConstant("dppIfCktAllowPktsTr", "ifckt-ingress-policer-allowed-packets-trend", 32963)
prop._addConstant("dppIfCktDropAgBytesCum", "ifckt-ingress-policer-dropped-bytes-cumulative", 33957)
prop._addConstant("dppIfCktDropAgBytesPer", "ifckt-ingress-policer-dropped-bytes-periodic", 33958)
prop._addConstant("dppIfCktDropAgBytesRate", "ifckt-ingress-policer-dropped-bytes-rate", 33963)
prop._addConstant("dppIfCktDropAgBytesTr", "ifckt-ingress-policer-dropped-bytes-trend", 33962)
prop._addConstant("dppIfCktDropAgPktsCum", "ifckt-ingress-policer-dropped-packets-cumulative", 34006)
prop._addConstant("dppIfCktDropAgPktsPer", "ifckt-ingress-policer-dropped-packets-periodic", 34007)
prop._addConstant("dppIfCktDropAgPktsRate", "ifckt-ingress-policer-dropped-packets-rate", 34012)
prop._addConstant("dppIfCktDropAgPktsTr", "ifckt-ingress-policer-dropped-packets-trend", 34011)
prop._addConstant("dppIfCktDropBytesAvg", "ifckt-ingress-policer-dropped-bytes-average-value", 32995)
prop._addConstant("dppIfCktDropBytesCum", "ifckt-ingress-policer-dropped-bytes-cumulative", 32991)
prop._addConstant("dppIfCktDropBytesLast", "ifckt-ingress-policer-dropped-bytes-current-value", 32989)
prop._addConstant("dppIfCktDropBytesMax", "ifckt-ingress-policer-dropped-bytes-maximum-value", 32994)
prop._addConstant("dppIfCktDropBytesMin", "ifckt-ingress-policer-dropped-bytes-minimum-value", 32993)
prop._addConstant("dppIfCktDropBytesPer", "ifckt-ingress-policer-dropped-bytes-periodic", 32992)
prop._addConstant("dppIfCktDropBytesRate", "ifckt-ingress-policer-dropped-bytes-rate", 33000)
prop._addConstant("dppIfCktDropBytesRateAvg", "ifckt-ingress-policer-dropped-bytes-rate-average-value", 33013)
prop._addConstant("dppIfCktDropBytesRateLast", "ifckt-ingress-policer-dropped-bytes-rate-current-value", 33010)
prop._addConstant("dppIfCktDropBytesRateMax", "ifckt-ingress-policer-dropped-bytes-rate-maximum-value", 33012)
prop._addConstant("dppIfCktDropBytesRateMin", "ifckt-ingress-policer-dropped-bytes-rate-minimum-value", 33011)
prop._addConstant("dppIfCktDropBytesRateTr", "ifckt-ingress-policer-dropped-bytes-rate-trend", 33018)
prop._addConstant("dppIfCktDropBytesTr", "ifckt-ingress-policer-dropped-bytes-trend", 32999)
prop._addConstant("dppIfCktDropPartBytesAvg", "ifckt-ingress-policer-dropped-bytes-average-value", 33942)
prop._addConstant("dppIfCktDropPartBytesCum", "ifckt-ingress-policer-dropped-bytes-cumulative", 33938)
prop._addConstant("dppIfCktDropPartBytesLast", "ifckt-ingress-policer-dropped-bytes-current-value", 33936)
prop._addConstant("dppIfCktDropPartBytesMax", "ifckt-ingress-policer-dropped-bytes-maximum-value", 33941)
prop._addConstant("dppIfCktDropPartBytesMin", "ifckt-ingress-policer-dropped-bytes-minimum-value", 33940)
prop._addConstant("dppIfCktDropPartBytesPer", "ifckt-ingress-policer-dropped-bytes-periodic", 33939)
prop._addConstant("dppIfCktDropPartBytesRate", "ifckt-ingress-policer-dropped-bytes-rate", 33947)
prop._addConstant("dppIfCktDropPartBytesRateAvg", "ifckt-ingress-policer-dropped-bytes-rate-average-value", 33973)
prop._addConstant("dppIfCktDropPartBytesRateLast", "ifckt-ingress-policer-dropped-bytes-rate-current-value", 33970)
prop._addConstant("dppIfCktDropPartBytesRateMax", "ifckt-ingress-policer-dropped-bytes-rate-maximum-value", 33972)
prop._addConstant("dppIfCktDropPartBytesRateMin", "ifckt-ingress-policer-dropped-bytes-rate-minimum-value", 33971)
prop._addConstant("dppIfCktDropPartBytesRateTr", "ifckt-ingress-policer-dropped-bytes-rate-trend", 33978)
prop._addConstant("dppIfCktDropPartBytesTr", "ifckt-ingress-policer-dropped-bytes-trend", 33946)
prop._addConstant("dppIfCktDropPartPktsAvg", "ifckt-ingress-policer-dropped-packets-average-value", 33991)
prop._addConstant("dppIfCktDropPartPktsCum", "ifckt-ingress-policer-dropped-packets-cumulative", 33987)
prop._addConstant("dppIfCktDropPartPktsLast", "ifckt-ingress-policer-dropped-packets-current-value", 33985)
prop._addConstant("dppIfCktDropPartPktsMax", "ifckt-ingress-policer-dropped-packets-maximum-value", 33990)
prop._addConstant("dppIfCktDropPartPktsMin", "ifckt-ingress-policer-dropped-packets-minimum-value", 33989)
prop._addConstant("dppIfCktDropPartPktsPer", "ifckt-ingress-policer-dropped-packets-periodic", 33988)
prop._addConstant("dppIfCktDropPartPktsRate", "ifckt-ingress-policer-dropped-packets-rate", 33996)
prop._addConstant("dppIfCktDropPartPktsRateAvg", "ifckt-ingress-policer-dropped-packets-rate-average-value", 34022)
prop._addConstant("dppIfCktDropPartPktsRateLast", "ifckt-ingress-policer-dropped-packets-rate-current-value", 34019)
prop._addConstant("dppIfCktDropPartPktsRateMax", "ifckt-ingress-policer-dropped-packets-rate-maximum-value", 34021)
prop._addConstant("dppIfCktDropPartPktsRateMin", "ifckt-ingress-policer-dropped-packets-rate-minimum-value", 34020)
prop._addConstant("dppIfCktDropPartPktsRateTr", "ifckt-ingress-policer-dropped-packets-rate-trend", 34027)
prop._addConstant("dppIfCktDropPartPktsTr", "ifckt-ingress-policer-dropped-packets-trend", 33995)
prop._addConstant("dppIfCktDropPktsAvg", "ifckt-ingress-policer-dropped-packets-average-value", 33031)
prop._addConstant("dppIfCktDropPktsCum", "ifckt-ingress-policer-dropped-packets-cumulative", 33027)
prop._addConstant("dppIfCktDropPktsLast", "ifckt-ingress-policer-dropped-packets-current-value", 33025)
prop._addConstant("dppIfCktDropPktsMax", "ifckt-ingress-policer-dropped-packets-maximum-value", 33030)
prop._addConstant("dppIfCktDropPktsMin", "ifckt-ingress-policer-dropped-packets-minimum-value", 33029)
prop._addConstant("dppIfCktDropPktsPer", "ifckt-ingress-policer-dropped-packets-periodic", 33028)
prop._addConstant("dppIfCktDropPktsRate", "ifckt-ingress-policer-dropped-packets-rate", 33036)
prop._addConstant("dppIfCktDropPktsRateAvg", "ifckt-ingress-policer-dropped-packets-rate-average-value", 33049)
prop._addConstant("dppIfCktDropPktsRateLast", "ifckt-ingress-policer-dropped-packets-rate-current-value", 33046)
prop._addConstant("dppIfCktDropPktsRateMax", "ifckt-ingress-policer-dropped-packets-rate-maximum-value", 33048)
prop._addConstant("dppIfCktDropPktsRateMin", "ifckt-ingress-policer-dropped-packets-rate-minimum-value", 33047)
prop._addConstant("dppIfCktDropPktsRateTr", "ifckt-ingress-policer-dropped-packets-rate-trend", 33054)
prop._addConstant("dppIfCktDropPktsTr", "ifckt-ingress-policer-dropped-packets-trend", 33035)
prop._addConstant("dppIngrAllowBytesAvg", "ingress-policer-allowed-bytes-average-value", 23858)
prop._addConstant("dppIngrAllowBytesCum", "ingress-policer-allowed-bytes-cumulative", 23854)
prop._addConstant("dppIngrAllowBytesLast", "ingress-policer-allowed-bytes-current-value", 23852)
prop._addConstant("dppIngrAllowBytesMax", "ingress-policer-allowed-bytes-maximum-value", 23857)
prop._addConstant("dppIngrAllowBytesMin", "ingress-policer-allowed-bytes-minimum-value", 23856)
prop._addConstant("dppIngrAllowBytesPer", "ingress-policer-allowed-bytes-periodic", 23855)
prop._addConstant("dppIngrAllowBytesRate", "ingress-policer-allowed-bytes-rate", 23863)
prop._addConstant("dppIngrAllowBytesRateAvg", "ingress-policer-allowed-bytes-rate-average-value", 23876)
prop._addConstant("dppIngrAllowBytesRateLast", "ingress-policer-allowed-bytes-rate-current-value", 23873)
prop._addConstant("dppIngrAllowBytesRateMax", "ingress-policer-allowed-bytes-rate-maximum-value", 23875)
prop._addConstant("dppIngrAllowBytesRateMin", "ingress-policer-allowed-bytes-rate-minimum-value", 23874)
prop._addConstant("dppIngrAllowBytesRateTr", "ingress-policer-allowed-bytes-rate-trend", 23881)
prop._addConstant("dppIngrAllowBytesTr", "ingress-policer-allowed-bytes-trend", 23862)
prop._addConstant("dppIngrAllowPktsAvg", "ingress-policer-allowed-packets-average-value", 23894)
prop._addConstant("dppIngrAllowPktsCum", "ingress-policer-allowed-packets-cumulative", 23890)
prop._addConstant("dppIngrAllowPktsLast", "ingress-policer-allowed-packets-current-value", 23888)
prop._addConstant("dppIngrAllowPktsMax", "ingress-policer-allowed-packets-maximum-value", 23893)
prop._addConstant("dppIngrAllowPktsMin", "ingress-policer-allowed-packets-minimum-value", 23892)
prop._addConstant("dppIngrAllowPktsPer", "ingress-policer-allowed-packets-periodic", 23891)
prop._addConstant("dppIngrAllowPktsRate", "ingress-policer-allowed-packets-rate", 23899)
prop._addConstant("dppIngrAllowPktsRateAvg", "ingress-policer-allowed-packets-rate-average-value", 23912)
prop._addConstant("dppIngrAllowPktsRateLast", "ingress-policer-allowed-packets-rate-current-value", 23909)
prop._addConstant("dppIngrAllowPktsRateMax", "ingress-policer-allowed-packets-rate-maximum-value", 23911)
prop._addConstant("dppIngrAllowPktsRateMin", "ingress-policer-allowed-packets-rate-minimum-value", 23910)
prop._addConstant("dppIngrAllowPktsRateTr", "ingress-policer-allowed-packets-rate-trend", 23917)
prop._addConstant("dppIngrAllowPktsTr", "ingress-policer-allowed-packets-trend", 23898)
prop._addConstant("dppIngrDropBytesAvg", "ingress-policer-dropped-bytes-average-value", 23930)
prop._addConstant("dppIngrDropBytesCum", "ingress-policer-dropped-bytes-cumulative", 23926)
prop._addConstant("dppIngrDropBytesLast", "ingress-policer-dropped-bytes-current-value", 23924)
prop._addConstant("dppIngrDropBytesMax", "ingress-policer-dropped-bytes-maximum-value", 23929)
prop._addConstant("dppIngrDropBytesMin", "ingress-policer-dropped-bytes-minimum-value", 23928)
prop._addConstant("dppIngrDropBytesPer", "ingress-policer-dropped-bytes-periodic", 23927)
prop._addConstant("dppIngrDropBytesRate", "ingress-policer-dropped-bytes-rate", 23935)
prop._addConstant("dppIngrDropBytesRateAvg", "ingress-policer-dropped-bytes-rate-average-value", 23948)
prop._addConstant("dppIngrDropBytesRateLast", "ingress-policer-dropped-bytes-rate-current-value", 23945)
prop._addConstant("dppIngrDropBytesRateMax", "ingress-policer-dropped-bytes-rate-maximum-value", 23947)
prop._addConstant("dppIngrDropBytesRateMin", "ingress-policer-dropped-bytes-rate-minimum-value", 23946)
prop._addConstant("dppIngrDropBytesRateTr", "ingress-policer-dropped-bytes-rate-trend", 23953)
prop._addConstant("dppIngrDropBytesTr", "ingress-policer-dropped-bytes-trend", 23934)
prop._addConstant("dppIngrDropPktsAvg", "ingress-policer-dropped-packets-average-value", 23966)
prop._addConstant("dppIngrDropPktsCum", "ingress-policer-dropped-packets-cumulative", 23962)
prop._addConstant("dppIngrDropPktsLast", "ingress-policer-dropped-packets-current-value", 23960)
prop._addConstant("dppIngrDropPktsMax", "ingress-policer-dropped-packets-maximum-value", 23965)
prop._addConstant("dppIngrDropPktsMin", "ingress-policer-dropped-packets-minimum-value", 23964)
prop._addConstant("dppIngrDropPktsPer", "ingress-policer-dropped-packets-periodic", 23963)
prop._addConstant("dppIngrDropPktsRate", "ingress-policer-dropped-packets-rate", 23971)
prop._addConstant("dppIngrDropPktsRateAvg", "ingress-policer-dropped-packets-rate-average-value", 23984)
prop._addConstant("dppIngrDropPktsRateLast", "ingress-policer-dropped-packets-rate-current-value", 23981)
prop._addConstant("dppIngrDropPktsRateMax", "ingress-policer-dropped-packets-rate-maximum-value", 23983)
prop._addConstant("dppIngrDropPktsRateMin", "ingress-policer-dropped-packets-rate-minimum-value", 23982)
prop._addConstant("dppIngrDropPktsRateTr", "ingress-policer-dropped-packets-rate-trend", 23989)
prop._addConstant("dppIngrDropPktsTr", "ingress-policer-dropped-packets-trend", 23970)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesAvg", "bv-macsec-decrypted-packets-average-value", 42560)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesCum", "bv-macsec-decrypted-packets-cumulative", 42556)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesLast", "bv-macsec-decrypted-packets-current-value", 42554)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesMax", "bv-macsec-decrypted-packets-maximum-value", 42559)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesMin", "bv-macsec-decrypted-packets-minimum-value", 42558)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesPer", "bv-macsec-decrypted-packets-periodic", 42557)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRate", "bv-macsec-decrypted-packets-rate", 42565)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRateAvg", "bv-macsec-decrypted-packets-rate-average-value", 42578)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRateLast", "bv-macsec-decrypted-packets-rate-current-value", 42575)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRateMax", "bv-macsec-decrypted-packets-rate-maximum-value", 42577)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRateMin", "bv-macsec-decrypted-packets-rate-minimum-value", 42576)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesRateTr", "bv-macsec-decrypted-packets-rate-trend", 42583)
prop._addConstant("eqptBvmacsecrxpktsDecryptedPacktesTr", "bv-macsec-decrypted-packets-trend", 42564)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesAvg", "bv-macsec-encrypted-packets-average-value", 42596)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesCum", "bv-macsec-encrypted-packets-cumulative", 42592)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesLast", "bv-macsec-encrypted-packets-current-value", 42590)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesMax", "bv-macsec-encrypted-packets-maximum-value", 42595)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesMin", "bv-macsec-encrypted-packets-minimum-value", 42594)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesPer", "bv-macsec-encrypted-packets-periodic", 42593)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRate", "bv-macsec-encrypted-packets-rate", 42601)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRateAvg", "bv-macsec-encrypted-packets-rate-average-value", 42614)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRateLast", "bv-macsec-encrypted-packets-rate-current-value", 42611)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRateMax", "bv-macsec-encrypted-packets-rate-maximum-value", 42613)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRateMin", "bv-macsec-encrypted-packets-rate-minimum-value", 42612)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesRateTr", "bv-macsec-encrypted-packets-rate-trend", 42619)
prop._addConstant("eqptBvmacsectxpktsEncryptedPacktesTr", "bv-macsec-encrypted-packets-trend", 42600)
prop._addConstant("eqptEgrAggrBytesDropAvg", "egress-aggregated-drop-bytes-average-value", 25576)
prop._addConstant("eqptEgrAggrBytesDropCum", "egress-aggregated-drop-bytes-cumulative", 25572)
prop._addConstant("eqptEgrAggrBytesDropLast", "egress-aggregated-drop-bytes-current-value", 25570)
prop._addConstant("eqptEgrAggrBytesDropMax", "egress-aggregated-drop-bytes-maximum-value", 25575)
prop._addConstant("eqptEgrAggrBytesDropMin", "egress-aggregated-drop-bytes-minimum-value", 25574)
prop._addConstant("eqptEgrAggrBytesDropPer", "egress-aggregated-drop-bytes-periodic", 25573)
prop._addConstant("eqptEgrAggrBytesDropRate", "egress-aggregated-drop-bytes-rate", 25581)
prop._addConstant("eqptEgrAggrBytesDropRateAvg", "egress-aggregated-drop-bytes-rate-average-value", 25594)
prop._addConstant("eqptEgrAggrBytesDropRateLast", "egress-aggregated-drop-bytes-rate-current-value", 25591)
prop._addConstant("eqptEgrAggrBytesDropRateMax", "egress-aggregated-drop-bytes-rate-maximum-value", 25593)
prop._addConstant("eqptEgrAggrBytesDropRateMin", "egress-aggregated-drop-bytes-rate-minimum-value", 25592)
prop._addConstant("eqptEgrAggrBytesDropRateTr", "egress-aggregated-drop-bytes-rate-trend", 25599)
prop._addConstant("eqptEgrAggrBytesDropTr", "egress-aggregated-drop-bytes-trend", 25580)
prop._addConstant("eqptEgrAggrBytesForwardAvg", "egress-aggregated-forward-bytes-average-value", 25612)
prop._addConstant("eqptEgrAggrBytesForwardCum", "egress-aggregated-forward-bytes-cumulative", 25608)
prop._addConstant("eqptEgrAggrBytesForwardLast", "egress-aggregated-forward-bytes-current-value", 25606)
prop._addConstant("eqptEgrAggrBytesForwardMax", "egress-aggregated-forward-bytes-maximum-value", 25611)
prop._addConstant("eqptEgrAggrBytesForwardMin", "egress-aggregated-forward-bytes-minimum-value", 25610)
prop._addConstant("eqptEgrAggrBytesForwardPer", "egress-aggregated-forward-bytes-periodic", 25609)
prop._addConstant("eqptEgrAggrBytesForwardRate", "egress-aggregated-forward-bytes-rate", 25617)
prop._addConstant("eqptEgrAggrBytesForwardRateAvg", "egress-aggregated-forward-bytes-rate-average-value", 25630)
prop._addConstant("eqptEgrAggrBytesForwardRateLast", "egress-aggregated-forward-bytes-rate-current-value", 25627)
prop._addConstant("eqptEgrAggrBytesForwardRateMax", "egress-aggregated-forward-bytes-rate-maximum-value", 25629)
prop._addConstant("eqptEgrAggrBytesForwardRateMin", "egress-aggregated-forward-bytes-rate-minimum-value", 25628)
prop._addConstant("eqptEgrAggrBytesForwardRateTr", "egress-aggregated-forward-bytes-rate-trend", 25635)
prop._addConstant("eqptEgrAggrBytesForwardTr", "egress-aggregated-forward-bytes-trend", 25616)
prop._addConstant("eqptEgrAggrPktsDropAvg", "egress-aggregated-drop-packets-average-value", 25648)
prop._addConstant("eqptEgrAggrPktsDropCum", "egress-aggregated-drop-packets-cumulative", 25644)
prop._addConstant("eqptEgrAggrPktsDropLast", "egress-aggregated-drop-packets-current-value", 25642)
prop._addConstant("eqptEgrAggrPktsDropMax", "egress-aggregated-drop-packets-maximum-value", 25647)
prop._addConstant("eqptEgrAggrPktsDropMin", "egress-aggregated-drop-packets-minimum-value", 25646)
prop._addConstant("eqptEgrAggrPktsDropPer", "egress-aggregated-drop-packets-periodic", 25645)
prop._addConstant("eqptEgrAggrPktsDropRate", "egress-aggregated-drop-packets-rate", 25653)
prop._addConstant("eqptEgrAggrPktsDropTr", "egress-aggregated-drop-packets-trend", 25652)
prop._addConstant("eqptEgrAggrPktsForwardAvg", "egress-aggregated-forward-packets-average-value", 25669)
prop._addConstant("eqptEgrAggrPktsForwardCum", "egress-aggregated-forward-packets-cumulative", 25665)
prop._addConstant("eqptEgrAggrPktsForwardLast", "egress-aggregated-forward-packets-current-value", 25663)
prop._addConstant("eqptEgrAggrPktsForwardMax", "egress-aggregated-forward-packets-maximum-value", 25668)
prop._addConstant("eqptEgrAggrPktsForwardMin", "egress-aggregated-forward-packets-minimum-value", 25667)
prop._addConstant("eqptEgrAggrPktsForwardPer", "egress-aggregated-forward-packets-periodic", 25666)
prop._addConstant("eqptEgrAggrPktsForwardRate", "egress-aggregated-forward-packets-rate", 25674)
prop._addConstant("eqptEgrAggrPktsForwardTr", "egress-aggregated-forward-packets-trend", 25673)
prop._addConstant("eqptEgrBytesFloodAvg", "egress-flood-bytes-average-value", 7844)
prop._addConstant("eqptEgrBytesFloodCum", "egress-flood-bytes-cumulative", 7840)
prop._addConstant("eqptEgrBytesFloodLast", "egress-flood-bytes-current-value", 7838)
prop._addConstant("eqptEgrBytesFloodMax", "egress-flood-bytes-maximum-value", 7843)
prop._addConstant("eqptEgrBytesFloodMin", "egress-flood-bytes-minimum-value", 7842)
prop._addConstant("eqptEgrBytesFloodPer", "egress-flood-bytes-periodic", 7841)
prop._addConstant("eqptEgrBytesFloodRate", "egress-flood-bytes-rate", 7849)
prop._addConstant("eqptEgrBytesFloodTr", "egress-flood-bytes-trend", 7848)
prop._addConstant("eqptEgrBytesMulticastAvg", "egress-multicast-bytes-average-value", 7871)
prop._addConstant("eqptEgrBytesMulticastCum", "egress-multicast-bytes-cumulative", 7867)
prop._addConstant("eqptEgrBytesMulticastLast", "egress-multicast-bytes-current-value", 7865)
prop._addConstant("eqptEgrBytesMulticastMax", "egress-multicast-bytes-maximum-value", 7870)
prop._addConstant("eqptEgrBytesMulticastMin", "egress-multicast-bytes-minimum-value", 7869)
prop._addConstant("eqptEgrBytesMulticastPer", "egress-multicast-bytes-periodic", 7868)
prop._addConstant("eqptEgrBytesMulticastRate", "egress-multicast-bytes-rate", 7876)
prop._addConstant("eqptEgrBytesMulticastRateAvg", "egress-multicast-bytes-rate-average-value", 7895)
prop._addConstant("eqptEgrBytesMulticastRateLast", "egress-multicast-bytes-rate-current-value", 7892)
prop._addConstant("eqptEgrBytesMulticastRateMax", "egress-multicast-bytes-rate-maximum-value", 7894)
prop._addConstant("eqptEgrBytesMulticastRateMin", "egress-multicast-bytes-rate-minimum-value", 7893)
prop._addConstant("eqptEgrBytesMulticastRateTr", "egress-multicast-bytes-rate-trend", 7900)
prop._addConstant("eqptEgrBytesMulticastTr", "egress-multicast-bytes-trend", 7875)
prop._addConstant("eqptEgrBytesUnicastAvg", "egress-unicast-bytes-average-value", 7919)
prop._addConstant("eqptEgrBytesUnicastCum", "egress-unicast-bytes-cumulative", 7915)
prop._addConstant("eqptEgrBytesUnicastLast", "egress-unicast-bytes-current-value", 7913)
prop._addConstant("eqptEgrBytesUnicastMax", "egress-unicast-bytes-maximum-value", 7918)
prop._addConstant("eqptEgrBytesUnicastMin", "egress-unicast-bytes-minimum-value", 7917)
prop._addConstant("eqptEgrBytesUnicastPer", "egress-unicast-bytes-periodic", 7916)
prop._addConstant("eqptEgrBytesUnicastRate", "egress-unicast-bytes-rate", 7924)
prop._addConstant("eqptEgrBytesUnicastRateAvg", "egress-unicast-bytes-rate-average-value", 7943)
prop._addConstant("eqptEgrBytesUnicastRateLast", "egress-unicast-bytes-rate-current-value", 7940)
prop._addConstant("eqptEgrBytesUnicastRateMax", "egress-unicast-bytes-rate-maximum-value", 7942)
prop._addConstant("eqptEgrBytesUnicastRateMin", "egress-unicast-bytes-rate-minimum-value", 7941)
prop._addConstant("eqptEgrBytesUnicastRateTr", "egress-unicast-bytes-rate-trend", 7948)
prop._addConstant("eqptEgrBytesUnicastTr", "egress-unicast-bytes-trend", 7923)
prop._addConstant("eqptEgrDropPktsAfdWredAvg", "egress-afd-wred-packets-average-value", 7967)
prop._addConstant("eqptEgrDropPktsAfdWredCum", "egress-afd-wred-packets-cumulative", 7963)
prop._addConstant("eqptEgrDropPktsAfdWredLast", "egress-afd-wred-packets-current-value", 7961)
prop._addConstant("eqptEgrDropPktsAfdWredMax", "egress-afd-wred-packets-maximum-value", 7966)
prop._addConstant("eqptEgrDropPktsAfdWredMin", "egress-afd-wred-packets-minimum-value", 7965)
prop._addConstant("eqptEgrDropPktsAfdWredPer", "egress-afd-wred-packets-periodic", 7964)
prop._addConstant("eqptEgrDropPktsAfdWredRate", "egress-afd-wred-packets-rate", 7972)
prop._addConstant("eqptEgrDropPktsAfdWredTr", "egress-afd-wred-packets-trend", 7971)
prop._addConstant("eqptEgrDropPktsAnyErrorAvg", "egress-error-average-value", 53119)
prop._addConstant("eqptEgrDropPktsAnyErrorCum", "egress-error-cumulative", 53115)
prop._addConstant("eqptEgrDropPktsAnyErrorLast", "egress-error-current-value", 53113)
prop._addConstant("eqptEgrDropPktsAnyErrorMax", "egress-error-maximum-value", 53118)
prop._addConstant("eqptEgrDropPktsAnyErrorMin", "egress-error-minimum-value", 53117)
prop._addConstant("eqptEgrDropPktsAnyErrorPer", "egress-error-periodic", 53116)
prop._addConstant("eqptEgrDropPktsAnyErrorRate", "egress-error-rate", 53124)
prop._addConstant("eqptEgrDropPktsAnyErrorTr", "egress-error-trend", 53123)
prop._addConstant("eqptEgrDropPktsBufferAvg", "egress-buffer-drop-packets-average-value", 7994)
prop._addConstant("eqptEgrDropPktsBufferCum", "egress-buffer-drop-packets-cumulative", 7990)
prop._addConstant("eqptEgrDropPktsBufferLast", "egress-buffer-drop-packets-current-value", 7988)
prop._addConstant("eqptEgrDropPktsBufferMax", "egress-buffer-drop-packets-maximum-value", 7993)
prop._addConstant("eqptEgrDropPktsBufferMin", "egress-buffer-drop-packets-minimum-value", 7992)
prop._addConstant("eqptEgrDropPktsBufferPer", "egress-buffer-drop-packets-periodic", 7991)
prop._addConstant("eqptEgrDropPktsBufferRate", "egress-buffer-drop-packets-rate", 7999)
prop._addConstant("eqptEgrDropPktsBufferTr", "egress-buffer-drop-packets-trend", 7998)
prop._addConstant("eqptEgrDropPktsErrorAvg", "egress-error-drop-packets-average-value", 8021)
prop._addConstant("eqptEgrDropPktsErrorCum", "egress-error-drop-packets-cumulative", 8017)
prop._addConstant("eqptEgrDropPktsErrorLast", "egress-error-drop-packets-current-value", 8015)
prop._addConstant("eqptEgrDropPktsErrorMax", "egress-error-drop-packets-maximum-value", 8020)
prop._addConstant("eqptEgrDropPktsErrorMin", "egress-error-drop-packets-minimum-value", 8019)
prop._addConstant("eqptEgrDropPktsErrorPer", "egress-error-drop-packets-periodic", 8018)
prop._addConstant("eqptEgrDropPktsErrorRate", "egress-error-drop-packets-rate", 8026)
prop._addConstant("eqptEgrDropPktsErrorTr", "egress-error-drop-packets-trend", 8025)
prop._addConstant("eqptEgrPktsDiscardAvg", "egress-discard-average-value", 53140)
prop._addConstant("eqptEgrPktsDiscardCum", "egress-discard-cumulative", 53136)
prop._addConstant("eqptEgrPktsDiscardLast", "egress-discard-current-value", 53134)
prop._addConstant("eqptEgrPktsDiscardMax", "egress-discard-maximum-value", 53139)
prop._addConstant("eqptEgrPktsDiscardMin", "egress-discard-minimum-value", 53138)
prop._addConstant("eqptEgrPktsDiscardPer", "egress-discard-periodic", 53137)
prop._addConstant("eqptEgrPktsDiscardRate", "egress-discard-rate", 53145)
prop._addConstant("eqptEgrPktsDiscardTr", "egress-discard-trend", 53144)
prop._addConstant("eqptEgrPktsFloodAvg", "egress-flood-packets-average-value", 8048)
prop._addConstant("eqptEgrPktsFloodCum", "egress-flood-packets-cumulative", 8044)
prop._addConstant("eqptEgrPktsFloodLast", "egress-flood-packets-current-value", 8042)
prop._addConstant("eqptEgrPktsFloodMax", "egress-flood-packets-maximum-value", 8047)
prop._addConstant("eqptEgrPktsFloodMin", "egress-flood-packets-minimum-value", 8046)
prop._addConstant("eqptEgrPktsFloodPer", "egress-flood-packets-periodic", 8045)
prop._addConstant("eqptEgrPktsFloodRate", "egress-flood-packets-rate", 8053)
prop._addConstant("eqptEgrPktsFloodTr", "egress-flood-packets-trend", 8052)
prop._addConstant("eqptEgrPktsMulticastAvg", "egress-multicast-packets-average-value", 8075)
prop._addConstant("eqptEgrPktsMulticastCum", "egress-multicast-packets-cumulative", 8071)
prop._addConstant("eqptEgrPktsMulticastLast", "egress-multicast-packets-current-value", 8069)
prop._addConstant("eqptEgrPktsMulticastMax", "egress-multicast-packets-maximum-value", 8074)
prop._addConstant("eqptEgrPktsMulticastMin", "egress-multicast-packets-minimum-value", 8073)
prop._addConstant("eqptEgrPktsMulticastPer", "egress-multicast-packets-periodic", 8072)
prop._addConstant("eqptEgrPktsMulticastRate", "egress-multicast-packets-rate", 8080)
prop._addConstant("eqptEgrPktsMulticastTr", "egress-multicast-packets-trend", 8079)
prop._addConstant("eqptEgrPktsUnicastAvg", "egress-unicast-packets-average-value", 8102)
prop._addConstant("eqptEgrPktsUnicastCum", "egress-unicast-packets-cumulative", 8098)
prop._addConstant("eqptEgrPktsUnicastLast", "egress-unicast-packets-current-value", 8096)
prop._addConstant("eqptEgrPktsUnicastMax", "egress-unicast-packets-maximum-value", 8101)
prop._addConstant("eqptEgrPktsUnicastMin", "egress-unicast-packets-minimum-value", 8100)
prop._addConstant("eqptEgrPktsUnicastPer", "egress-unicast-packets-periodic", 8099)
prop._addConstant("eqptEgrPktsUnicastRate", "egress-unicast-packets-rate", 8107)
prop._addConstant("eqptEgrPktsUnicastTr", "egress-unicast-packets-trend", 8106)
prop._addConstant("eqptEgrTotalBytesAvg", "total-egress-bytes-average-value", 8129)
prop._addConstant("eqptEgrTotalBytesCum", "total-egress-bytes-cumulative", 8125)
prop._addConstant("eqptEgrTotalBytesLast", "total-egress-bytes-current-value", 8123)
prop._addConstant("eqptEgrTotalBytesMax", "total-egress-bytes-maximum-value", 8128)
prop._addConstant("eqptEgrTotalBytesMin", "total-egress-bytes-minimum-value", 8127)
prop._addConstant("eqptEgrTotalBytesPer", "total-egress-bytes-periodic", 8126)
prop._addConstant("eqptEgrTotalBytesRate", "total-egress-bytes-rate", 8134)
prop._addConstant("eqptEgrTotalBytesRateAvg", "total-egress-bytes-rate-average-value", 8153)
prop._addConstant("eqptEgrTotalBytesRateLast", "total-egress-bytes-rate-current-value", 8150)
prop._addConstant("eqptEgrTotalBytesRateMax", "total-egress-bytes-rate-maximum-value", 8152)
prop._addConstant("eqptEgrTotalBytesRateMin", "total-egress-bytes-rate-minimum-value", 8151)
prop._addConstant("eqptEgrTotalBytesRateTr", "total-egress-bytes-rate-trend", 8158)
prop._addConstant("eqptEgrTotalBytesTr", "total-egress-bytes-trend", 8133)
prop._addConstant("eqptEgrTotalPktsAvg", "total-egress-packets-average-value", 8177)
prop._addConstant("eqptEgrTotalPktsCum", "total-egress-packets-cumulative", 8173)
prop._addConstant("eqptEgrTotalPktsLast", "total-egress-packets-current-value", 8171)
prop._addConstant("eqptEgrTotalPktsMax", "total-egress-packets-maximum-value", 8176)
prop._addConstant("eqptEgrTotalPktsMin", "total-egress-packets-minimum-value", 8175)
prop._addConstant("eqptEgrTotalPktsPer", "total-egress-packets-periodic", 8174)
prop._addConstant("eqptEgrTotalPktsRate", "total-egress-packets-rate", 8182)
prop._addConstant("eqptEgrTotalPktsRateAvg", "total-egress-packets-rate-average-value", 8201)
prop._addConstant("eqptEgrTotalPktsRateLast", "total-egress-packets-rate-current-value", 8198)
prop._addConstant("eqptEgrTotalPktsRateMax", "total-egress-packets-rate-maximum-value", 8200)
prop._addConstant("eqptEgrTotalPktsRateMin", "total-egress-packets-rate-minimum-value", 8199)
prop._addConstant("eqptEgrTotalPktsRateTr", "total-egress-packets-rate-trend", 8206)
prop._addConstant("eqptEgrTotalPktsTr", "total-egress-packets-trend", 8181)
prop._addConstant("eqptEgrTotalUtilAvg", "egress-link-utilization-average-value", 8222)
prop._addConstant("eqptEgrTotalUtilLast", "egress-link-utilization-current-value", 8219)
prop._addConstant("eqptEgrTotalUtilMax", "egress-link-utilization-maximum-value", 8221)
prop._addConstant("eqptEgrTotalUtilMin", "egress-link-utilization-minimum-value", 8220)
prop._addConstant("eqptEgrTotalUtilTr", "egress-link-utilization-trend", 8227)
prop._addConstant("eqptFanStatsPwmAvg", "pulse-width-modulation-average-value", 8243)
prop._addConstant("eqptFanStatsPwmLast", "pulse-width-modulation-current-value", 8240)
prop._addConstant("eqptFanStatsPwmMax", "pulse-width-modulation-maximum-value", 8242)
prop._addConstant("eqptFanStatsPwmMin", "pulse-width-modulation-minimum-value", 8241)
prop._addConstant("eqptFanStatsPwmTr", "pulse-width-modulation-trend", 8248)
prop._addConstant("eqptFanStatsSpeedAvg", "speed-average-value", 8264)
prop._addConstant("eqptFanStatsSpeedLast", "speed-current-value", 8261)
prop._addConstant("eqptFanStatsSpeedMax", "speed-maximum-value", 8263)
prop._addConstant("eqptFanStatsSpeedMin", "speed-minimum-value", 8262)
prop._addConstant("eqptFanStatsSpeedTr", "speed-trend", 8269)
prop._addConstant("eqptFruPowerDrawnAvg", "power-consumed-average-value", 8285)
prop._addConstant("eqptFruPowerDrawnLast", "power-consumed-current-value", 8282)
prop._addConstant("eqptFruPowerDrawnMax", "power-consumed-maximum-value", 8284)
prop._addConstant("eqptFruPowerDrawnMin", "power-consumed-minimum-value", 8283)
prop._addConstant("eqptFruPowerDrawnTr", "power-consumed-trend", 8290)
prop._addConstant("eqptIngrAggrBytesDropAvg", "ingress-aggregated-drop-bytes-average-value", 25690)
prop._addConstant("eqptIngrAggrBytesDropCum", "ingress-aggregated-drop-bytes-cumulative", 25686)
prop._addConstant("eqptIngrAggrBytesDropLast", "ingress-aggregated-drop-bytes-current-value", 25684)
prop._addConstant("eqptIngrAggrBytesDropMax", "ingress-aggregated-drop-bytes-maximum-value", 25689)
prop._addConstant("eqptIngrAggrBytesDropMin", "ingress-aggregated-drop-bytes-minimum-value", 25688)
prop._addConstant("eqptIngrAggrBytesDropPer", "ingress-aggregated-drop-bytes-periodic", 25687)
prop._addConstant("eqptIngrAggrBytesDropRate", "ingress-aggregated-drop-bytes-rate", 25695)
prop._addConstant("eqptIngrAggrBytesDropRateAvg", "ingress-aggregated-drop-bytes-rate-average-value", 25708)
prop._addConstant("eqptIngrAggrBytesDropRateLast", "ingress-aggregated-drop-bytes-rate-current-value", 25705)
prop._addConstant("eqptIngrAggrBytesDropRateMax", "ingress-aggregated-drop-bytes-rate-maximum-value", 25707)
prop._addConstant("eqptIngrAggrBytesDropRateMin", "ingress-aggregated-drop-bytes-rate-minimum-value", 25706)
prop._addConstant("eqptIngrAggrBytesDropRateTr", "ingress-aggregated-drop-bytes-rate-trend", 25713)
prop._addConstant("eqptIngrAggrBytesDropTr", "ingress-aggregated-drop-bytes-trend", 25694)
prop._addConstant("eqptIngrAggrBytesForwardAvg", "ingress-aggregated-forward-bytes-average-value", 25726)
prop._addConstant("eqptIngrAggrBytesForwardCum", "ingress-aggregated-forward-bytes-cumulative", 25722)
prop._addConstant("eqptIngrAggrBytesForwardLast", "ingress-aggregated-forward-bytes-current-value", 25720)
prop._addConstant("eqptIngrAggrBytesForwardMax", "ingress-aggregated-forward-bytes-maximum-value", 25725)
prop._addConstant("eqptIngrAggrBytesForwardMin", "ingress-aggregated-forward-bytes-minimum-value", 25724)
prop._addConstant("eqptIngrAggrBytesForwardPer", "ingress-aggregated-forward-bytes-periodic", 25723)
prop._addConstant("eqptIngrAggrBytesForwardRate", "ingress-aggregated-forward-bytes-rate", 25731)
prop._addConstant("eqptIngrAggrBytesForwardRateAvg", "ingress-aggregated-forward-bytes-rate-average-value", 25744)
prop._addConstant("eqptIngrAggrBytesForwardRateLast", "ingress-aggregated-forward-bytes-rate-current-value", 25741)
prop._addConstant("eqptIngrAggrBytesForwardRateMax", "ingress-aggregated-forward-bytes-rate-maximum-value", 25743)
prop._addConstant("eqptIngrAggrBytesForwardRateMin", "ingress-aggregated-forward-bytes-rate-minimum-value", 25742)
prop._addConstant("eqptIngrAggrBytesForwardRateTr", "ingress-aggregated-forward-bytes-rate-trend", 25749)
prop._addConstant("eqptIngrAggrBytesForwardTr", "ingress-aggregated-forward-bytes-trend", 25730)
prop._addConstant("eqptIngrAggrPktsDropAvg", "ingress-aggregated-drop-packets-average-value", 25762)
prop._addConstant("eqptIngrAggrPktsDropCum", "ingress-aggregated-drop-packets-cumulative", 25758)
prop._addConstant("eqptIngrAggrPktsDropLast", "ingress-aggregated-drop-packets-current-value", 25756)
prop._addConstant("eqptIngrAggrPktsDropMax", "ingress-aggregated-drop-packets-maximum-value", 25761)
prop._addConstant("eqptIngrAggrPktsDropMin", "ingress-aggregated-drop-packets-minimum-value", 25760)
prop._addConstant("eqptIngrAggrPktsDropPer", "ingress-aggregated-drop-packets-periodic", 25759)
prop._addConstant("eqptIngrAggrPktsDropRate", "ingress-aggregated-drop-packets-rate", 25767)
prop._addConstant("eqptIngrAggrPktsDropTr", "ingress-aggregated-drop-packets-trend", 25766)
prop._addConstant("eqptIngrAggrPktsForwardAvg", "ingress-aggregated-forward-packets-average-value", 25783)
prop._addConstant("eqptIngrAggrPktsForwardCum", "ingress-aggregated-forward-packets-cumulative", 25779)
prop._addConstant("eqptIngrAggrPktsForwardLast", "ingress-aggregated-forward-packets-current-value", 25777)
prop._addConstant("eqptIngrAggrPktsForwardMax", "ingress-aggregated-forward-packets-maximum-value", 25782)
prop._addConstant("eqptIngrAggrPktsForwardMin", "ingress-aggregated-forward-packets-minimum-value", 25781)
prop._addConstant("eqptIngrAggrPktsForwardPer", "ingress-aggregated-forward-packets-periodic", 25780)
prop._addConstant("eqptIngrAggrPktsForwardRate", "ingress-aggregated-forward-packets-rate", 25788)
prop._addConstant("eqptIngrAggrPktsForwardTr", "ingress-aggregated-forward-packets-trend", 25787)
prop._addConstant("eqptIngrBytesFloodAvg", "ingress-flood-bytes-average-value", 8309)
prop._addConstant("eqptIngrBytesFloodCum", "ingress-flood-bytes-cumulative", 8305)
prop._addConstant("eqptIngrBytesFloodLast", "ingress-flood-bytes-current-value", 8303)
prop._addConstant("eqptIngrBytesFloodMax", "ingress-flood-bytes-maximum-value", 8308)
prop._addConstant("eqptIngrBytesFloodMin", "ingress-flood-bytes-minimum-value", 8307)
prop._addConstant("eqptIngrBytesFloodPer", "ingress-flood-bytes-periodic", 8306)
prop._addConstant("eqptIngrBytesFloodRate", "ingress-flood-bytes-rate", 8314)
prop._addConstant("eqptIngrBytesFloodTr", "ingress-flood-bytes-trend", 8313)
prop._addConstant("eqptIngrBytesMulticastAvg", "ingress-multicast-bytes-average-value", 8336)
prop._addConstant("eqptIngrBytesMulticastCum", "ingress-multicast-bytes-cumulative", 8332)
prop._addConstant("eqptIngrBytesMulticastLast", "ingress-multicast-bytes-current-value", 8330)
prop._addConstant("eqptIngrBytesMulticastMax", "ingress-multicast-bytes-maximum-value", 8335)
prop._addConstant("eqptIngrBytesMulticastMin", "ingress-multicast-bytes-minimum-value", 8334)
prop._addConstant("eqptIngrBytesMulticastPer", "ingress-multicast-bytes-periodic", 8333)
prop._addConstant("eqptIngrBytesMulticastRate", "ingress-multicast-bytes-rate", 8341)
prop._addConstant("eqptIngrBytesMulticastRateAvg", "ingress-multicast-bytes-rate-average-value", 8360)
prop._addConstant("eqptIngrBytesMulticastRateLast", "ingress-multicast-bytes-rate-current-value", 8357)
prop._addConstant("eqptIngrBytesMulticastRateMax", "ingress-multicast-bytes-rate-maximum-value", 8359)
prop._addConstant("eqptIngrBytesMulticastRateMin", "ingress-multicast-bytes-rate-minimum-value", 8358)
prop._addConstant("eqptIngrBytesMulticastRateTr", "ingress-multicast-bytes-rate-trend", 8365)
prop._addConstant("eqptIngrBytesMulticastTr", "ingress-multicast-bytes-trend", 8340)
prop._addConstant("eqptIngrBytesUnicastAvg", "ingress-unicast-bytes-average-value", 8384)
prop._addConstant("eqptIngrBytesUnicastCum", "ingress-unicast-bytes-cumulative", 8380)
prop._addConstant("eqptIngrBytesUnicastLast", "ingress-unicast-bytes-current-value", 8378)
prop._addConstant("eqptIngrBytesUnicastMax", "ingress-unicast-bytes-maximum-value", 8383)
prop._addConstant("eqptIngrBytesUnicastMin", "ingress-unicast-bytes-minimum-value", 8382)
prop._addConstant("eqptIngrBytesUnicastPer", "ingress-unicast-bytes-periodic", 8381)
prop._addConstant("eqptIngrBytesUnicastRate", "ingress-unicast-bytes-rate", 8389)
prop._addConstant("eqptIngrBytesUnicastRateAvg", "ingress-unicast-bytes-rate-average-value", 8408)
prop._addConstant("eqptIngrBytesUnicastRateLast", "ingress-unicast-bytes-rate-current-value", 8405)
prop._addConstant("eqptIngrBytesUnicastRateMax", "ingress-unicast-bytes-rate-maximum-value", 8407)
prop._addConstant("eqptIngrBytesUnicastRateMin", "ingress-unicast-bytes-rate-minimum-value", 8406)
prop._addConstant("eqptIngrBytesUnicastRateTr", "ingress-unicast-bytes-rate-trend", 8413)
prop._addConstant("eqptIngrBytesUnicastTr", "ingress-unicast-bytes-trend", 8388)
prop._addConstant("eqptIngrCrcErrPktsFcsAvg", "fcs-crc-errored-packets-average-value", 56347)
prop._addConstant("eqptIngrCrcErrPktsFcsCum", "fcs-crc-errored-packets-cumulative", 56343)
prop._addConstant("eqptIngrCrcErrPktsFcsLast", "fcs-crc-errored-packets-current-value", 56341)
prop._addConstant("eqptIngrCrcErrPktsFcsMax", "fcs-crc-errored-packets-maximum-value", 56346)
prop._addConstant("eqptIngrCrcErrPktsFcsMin", "fcs-crc-errored-packets-minimum-value", 56345)
prop._addConstant("eqptIngrCrcErrPktsFcsPer", "fcs-crc-errored-packets-periodic", 56344)
prop._addConstant("eqptIngrCrcErrPktsFcsRate", "fcs-crc-errored-packets-rate", 56352)
prop._addConstant("eqptIngrCrcErrPktsFcsRateAvg", "fcs-crc-errored-packets-rate-average-value", 56365)
prop._addConstant("eqptIngrCrcErrPktsFcsRateLast", "fcs-crc-errored-packets-rate-current-value", 56362)
prop._addConstant("eqptIngrCrcErrPktsFcsRateMax", "fcs-crc-errored-packets-rate-maximum-value", 56364)
prop._addConstant("eqptIngrCrcErrPktsFcsRateMin", "fcs-crc-errored-packets-rate-minimum-value", 56363)
prop._addConstant("eqptIngrCrcErrPktsFcsRateTr", "fcs-crc-errored-packets-rate-trend", 56370)
prop._addConstant("eqptIngrCrcErrPktsFcsTr", "fcs-crc-errored-packets-trend", 56351)
prop._addConstant("eqptIngrCrcErrPktsStompedAvg", "stomped-crc-errored-packets-average-value", 56383)
prop._addConstant("eqptIngrCrcErrPktsStompedCum", "stomped-crc-errored-packets-cumulative", 56379)
prop._addConstant("eqptIngrCrcErrPktsStompedLast", "stomped-crc-errored-packets-current-value", 56377)
prop._addConstant("eqptIngrCrcErrPktsStompedMax", "stomped-crc-errored-packets-maximum-value", 56382)
prop._addConstant("eqptIngrCrcErrPktsStompedMin", "stomped-crc-errored-packets-minimum-value", 56381)
prop._addConstant("eqptIngrCrcErrPktsStompedPer", "stomped-crc-errored-packets-periodic", 56380)
prop._addConstant("eqptIngrCrcErrPktsStompedRate", "stomped-crc-errored-packets-rate", 56388)
prop._addConstant("eqptIngrCrcErrPktsStompedRateAvg", "stomped-crc-errored-packets-rate-average-value", 56401)
prop._addConstant("eqptIngrCrcErrPktsStompedRateLast", "stomped-crc-errored-packets-rate-current-value", 56398)
prop._addConstant("eqptIngrCrcErrPktsStompedRateMax", "stomped-crc-errored-packets-rate-maximum-value", 56400)
prop._addConstant("eqptIngrCrcErrPktsStompedRateMin", "stomped-crc-errored-packets-rate-minimum-value", 56399)
prop._addConstant("eqptIngrCrcErrPktsStompedRateTr", "stomped-crc-errored-packets-rate-trend", 56406)
prop._addConstant("eqptIngrCrcErrPktsStompedTr", "stomped-crc-errored-packets-trend", 56387)
prop._addConstant("eqptIngrDropPktsBufferAvg", "ingress-buffer-drop-packets-average-value", 8432)
prop._addConstant("eqptIngrDropPktsBufferCum", "ingress-buffer-drop-packets-cumulative", 8428)
prop._addConstant("eqptIngrDropPktsBufferLast", "ingress-buffer-drop-packets-current-value", 8426)
prop._addConstant("eqptIngrDropPktsBufferMax", "ingress-buffer-drop-packets-maximum-value", 8431)
prop._addConstant("eqptIngrDropPktsBufferMin", "ingress-buffer-drop-packets-minimum-value", 8430)
prop._addConstant("eqptIngrDropPktsBufferPer", "ingress-buffer-drop-packets-periodic", 8429)
prop._addConstant("eqptIngrDropPktsBufferRate", "ingress-buffer-drop-packets-rate", 8437)
prop._addConstant("eqptIngrDropPktsBufferTr", "ingress-buffer-drop-packets-trend", 8436)
prop._addConstant("eqptIngrDropPktsErrorAvg", "ingress-error-drop-packets-average-value", 8459)
prop._addConstant("eqptIngrDropPktsErrorCum", "ingress-error-drop-packets-cumulative", 8455)
prop._addConstant("eqptIngrDropPktsErrorLast", "ingress-error-drop-packets-current-value", 8453)
prop._addConstant("eqptIngrDropPktsErrorMax", "ingress-error-drop-packets-maximum-value", 8458)
prop._addConstant("eqptIngrDropPktsErrorMin", "ingress-error-drop-packets-minimum-value", 8457)
prop._addConstant("eqptIngrDropPktsErrorPer", "ingress-error-drop-packets-periodic", 8456)
prop._addConstant("eqptIngrDropPktsErrorRate", "ingress-error-drop-packets-rate", 8464)
prop._addConstant("eqptIngrDropPktsErrorTr", "ingress-error-drop-packets-trend", 8463)
prop._addConstant("eqptIngrDropPktsForwardingAvg", "ingress-forwarding-drop-packets-average-value", 8486)
prop._addConstant("eqptIngrDropPktsForwardingCum", "ingress-forwarding-drop-packets-cumulative", 8482)
prop._addConstant("eqptIngrDropPktsForwardingLast", "ingress-forwarding-drop-packets-current-value", 8480)
prop._addConstant("eqptIngrDropPktsForwardingMax", "ingress-forwarding-drop-packets-maximum-value", 8485)
prop._addConstant("eqptIngrDropPktsForwardingMin", "ingress-forwarding-drop-packets-minimum-value", 8484)
prop._addConstant("eqptIngrDropPktsForwardingPer", "ingress-forwarding-drop-packets-periodic", 8483)
prop._addConstant("eqptIngrDropPktsForwardingRate", "ingress-forwarding-drop-packets-rate", 8491)
prop._addConstant("eqptIngrDropPktsForwardingTr", "ingress-forwarding-drop-packets-trend", 8490)
prop._addConstant("eqptIngrDropPktsLbAvg", "ingress-load-balancer-drop-packets-average-value", 8513)
prop._addConstant("eqptIngrDropPktsLbCum", "ingress-load-balancer-drop-packets-cumulative", 8509)
prop._addConstant("eqptIngrDropPktsLbLast", "ingress-load-balancer-drop-packets-current-value", 8507)
prop._addConstant("eqptIngrDropPktsLbMax", "ingress-load-balancer-drop-packets-maximum-value", 8512)
prop._addConstant("eqptIngrDropPktsLbMin", "ingress-load-balancer-drop-packets-minimum-value", 8511)
prop._addConstant("eqptIngrDropPktsLbPer", "ingress-load-balancer-drop-packets-periodic", 8510)
prop._addConstant("eqptIngrDropPktsLbRate", "ingress-load-balancer-drop-packets-rate", 8518)
prop._addConstant("eqptIngrDropPktsLbTr", "ingress-load-balancer-drop-packets-trend", 8517)
prop._addConstant("eqptIngrErrPktsAnyErrorAvg", "ingress-error-average-value", 53161)
prop._addConstant("eqptIngrErrPktsAnyErrorCum", "ingress-error-cumulative", 53157)
prop._addConstant("eqptIngrErrPktsAnyErrorLast", "ingress-error-current-value", 53155)
prop._addConstant("eqptIngrErrPktsAnyErrorMax", "ingress-error-maximum-value", 53160)
prop._addConstant("eqptIngrErrPktsAnyErrorMin", "ingress-error-minimum-value", 53159)
prop._addConstant("eqptIngrErrPktsAnyErrorPer", "ingress-error-periodic", 53158)
prop._addConstant("eqptIngrErrPktsAnyErrorRate", "ingress-error-rate", 53166)
prop._addConstant("eqptIngrErrPktsAnyErrorTr", "ingress-error-trend", 53165)
prop._addConstant("eqptIngrErrPktsCrcAvg", "crc-align-errors-average-value", 43576)
prop._addConstant("eqptIngrErrPktsCrcCountAvg", "crc-align-errored-packets-average-value", 45220)
prop._addConstant("eqptIngrErrPktsCrcCountCum", "crc-align-errored-packets-cumulative", 45216)
prop._addConstant("eqptIngrErrPktsCrcCountLast", "crc-align-errored-packets-current-value", 45214)
prop._addConstant("eqptIngrErrPktsCrcCountMax", "crc-align-errored-packets-maximum-value", 45219)
prop._addConstant("eqptIngrErrPktsCrcCountMin", "crc-align-errored-packets-minimum-value", 45218)
prop._addConstant("eqptIngrErrPktsCrcCountPer", "crc-align-errored-packets-periodic", 45217)
prop._addConstant("eqptIngrErrPktsCrcCountRate", "crc-align-errored-packets-rate", 45225)
prop._addConstant("eqptIngrErrPktsCrcCountRateAvg", "crc-align-errored-packets-rate-average-value", 45238)
prop._addConstant("eqptIngrErrPktsCrcCountRateLast", "crc-align-errored-packets-rate-current-value", 45235)
prop._addConstant("eqptIngrErrPktsCrcCountRateMax", "crc-align-errored-packets-rate-maximum-value", 45237)
prop._addConstant("eqptIngrErrPktsCrcCountRateMin", "crc-align-errored-packets-rate-minimum-value", 45236)
prop._addConstant("eqptIngrErrPktsCrcCountRateTr", "crc-align-errored-packets-rate-trend", 45243)
prop._addConstant("eqptIngrErrPktsCrcCountTr", "crc-align-errored-packets-trend", 45224)
prop._addConstant("eqptIngrErrPktsCrcLast", "crc-align-errors-current-value", 43570)
prop._addConstant("eqptIngrErrPktsCrcMax", "crc-align-errors-maximum-value", 43575)
prop._addConstant("eqptIngrErrPktsCrcMin", "crc-align-errors-minimum-value", 43574)
prop._addConstant("eqptIngrErrPktsCrcTr", "crc-align-errors-trend", 43580)
prop._addConstant("eqptIngrErrPktsDiscardAvg", "ingress-discard-average-value", 53182)
prop._addConstant("eqptIngrErrPktsDiscardCum", "ingress-discard-cumulative", 53178)
prop._addConstant("eqptIngrErrPktsDiscardLast", "ingress-discard-current-value", 53176)
prop._addConstant("eqptIngrErrPktsDiscardMax", "ingress-discard-maximum-value", 53181)
prop._addConstant("eqptIngrErrPktsDiscardMin", "ingress-discard-minimum-value", 53180)
prop._addConstant("eqptIngrErrPktsDiscardPer", "ingress-discard-periodic", 53179)
prop._addConstant("eqptIngrErrPktsDiscardRate", "ingress-discard-rate", 53187)
prop._addConstant("eqptIngrErrPktsDiscardTr", "ingress-discard-trend", 53186)
prop._addConstant("eqptIngrPktsFloodAvg", "ingress-flood-packets-average-value", 8540)
prop._addConstant("eqptIngrPktsFloodCum", "ingress-flood-packets-cumulative", 8536)
prop._addConstant("eqptIngrPktsFloodLast", "ingress-flood-packets-current-value", 8534)
prop._addConstant("eqptIngrPktsFloodMax", "ingress-flood-packets-maximum-value", 8539)
prop._addConstant("eqptIngrPktsFloodMin", "ingress-flood-packets-minimum-value", 8538)
prop._addConstant("eqptIngrPktsFloodPer", "ingress-flood-packets-periodic", 8537)
prop._addConstant("eqptIngrPktsFloodRate", "ingress-flood-packets-rate", 8545)
prop._addConstant("eqptIngrPktsFloodTr", "ingress-flood-packets-trend", 8544)
prop._addConstant("eqptIngrPktsMulticastAvg", "ingress-multicast-packets-average-value", 8567)
prop._addConstant("eqptIngrPktsMulticastCum", "ingress-multicast-packets-cumulative", 8563)
prop._addConstant("eqptIngrPktsMulticastLast", "ingress-multicast-packets-current-value", 8561)
prop._addConstant("eqptIngrPktsMulticastMax", "ingress-multicast-packets-maximum-value", 8566)
prop._addConstant("eqptIngrPktsMulticastMin", "ingress-multicast-packets-minimum-value", 8565)
prop._addConstant("eqptIngrPktsMulticastPer", "ingress-multicast-packets-periodic", 8564)
prop._addConstant("eqptIngrPktsMulticastRate", "ingress-multicast-packets-rate", 8572)
prop._addConstant("eqptIngrPktsMulticastTr", "ingress-multicast-packets-trend", 8571)
prop._addConstant("eqptIngrPktsUnicastAvg", "ingress-unicast-packets-average-value", 8594)
prop._addConstant("eqptIngrPktsUnicastCum", "ingress-unicast-packets-cumulative", 8590)
prop._addConstant("eqptIngrPktsUnicastLast", "ingress-unicast-packets-current-value", 8588)
prop._addConstant("eqptIngrPktsUnicastMax", "ingress-unicast-packets-maximum-value", 8593)
prop._addConstant("eqptIngrPktsUnicastMin", "ingress-unicast-packets-minimum-value", 8592)
prop._addConstant("eqptIngrPktsUnicastPer", "ingress-unicast-packets-periodic", 8591)
prop._addConstant("eqptIngrPktsUnicastRate", "ingress-unicast-packets-rate", 8599)
prop._addConstant("eqptIngrPktsUnicastTr", "ingress-unicast-packets-trend", 8598)
prop._addConstant("eqptIngrStormBcDropBytesAvg", "storm-ctrl-drop-bytes-for-broadcast-traffic-average-value", 30597)
prop._addConstant("eqptIngrStormBcDropBytesCum", "storm-ctrl-drop-bytes-for-broadcast-traffic-cumulative", 30593)
prop._addConstant("eqptIngrStormBcDropBytesLast", "storm-ctrl-drop-bytes-for-broadcast-traffic-current-value", 30591)
prop._addConstant("eqptIngrStormBcDropBytesMax", "storm-ctrl-drop-bytes-for-broadcast-traffic-maximum-value", 30596)
prop._addConstant("eqptIngrStormBcDropBytesMin", "storm-ctrl-drop-bytes-for-broadcast-traffic-minimum-value", 30595)
prop._addConstant("eqptIngrStormBcDropBytesPer", "storm-ctrl-drop-bytes-for-broadcast-traffic-periodic", 30594)
prop._addConstant("eqptIngrStormBcDropBytesRate", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate", 30602)
prop._addConstant("eqptIngrStormBcDropBytesRateAvg", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate-average-value", 30615)
prop._addConstant("eqptIngrStormBcDropBytesRateLast", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate-current-value", 30612)
prop._addConstant("eqptIngrStormBcDropBytesRateMax", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate-maximum-value", 30614)
prop._addConstant("eqptIngrStormBcDropBytesRateMin", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate-minimum-value", 30613)
prop._addConstant("eqptIngrStormBcDropBytesRateTr", "storm-ctrl-drop-bytes-for-broadcast-traffic-rate-trend", 30620)
prop._addConstant("eqptIngrStormBcDropBytesTr", "storm-ctrl-drop-bytes-for-broadcast-traffic-trend", 30601)
prop._addConstant("eqptIngrStormDropBytesAvg", "storm-ctrl-drop-bytes-average-value", 18046)
prop._addConstant("eqptIngrStormDropBytesCum", "storm-ctrl-drop-bytes-cumulative", 18042)
prop._addConstant("eqptIngrStormDropBytesLast", "storm-ctrl-drop-bytes-current-value", 18040)
prop._addConstant("eqptIngrStormDropBytesMax", "storm-ctrl-drop-bytes-maximum-value", 18045)
prop._addConstant("eqptIngrStormDropBytesMin", "storm-ctrl-drop-bytes-minimum-value", 18044)
prop._addConstant("eqptIngrStormDropBytesPer", "storm-ctrl-drop-bytes-periodic", 18043)
prop._addConstant("eqptIngrStormDropBytesRate", "storm-ctrl-drop-bytes-rate", 18051)
prop._addConstant("eqptIngrStormDropBytesRateAvg", "storm-ctrl-drop-bytes-rate-average-value", 18064)
prop._addConstant("eqptIngrStormDropBytesRateLast", "storm-ctrl-drop-bytes-rate-current-value", 18061)
prop._addConstant("eqptIngrStormDropBytesRateMax", "storm-ctrl-drop-bytes-rate-maximum-value", 18063)
prop._addConstant("eqptIngrStormDropBytesRateMin", "storm-ctrl-drop-bytes-rate-minimum-value", 18062)
prop._addConstant("eqptIngrStormDropBytesRateTr", "storm-ctrl-drop-bytes-rate-trend", 18069)
prop._addConstant("eqptIngrStormDropBytesTr", "storm-ctrl-drop-bytes-trend", 18050)
prop._addConstant("eqptIngrStormMcDropBytesAvg", "storm-ctrl-drop-bytes-for-multicast-traffic-average-value", 30633)
prop._addConstant("eqptIngrStormMcDropBytesCum", "storm-ctrl-drop-bytes-for-multicast-traffic-cumulative", 30629)
prop._addConstant("eqptIngrStormMcDropBytesLast", "storm-ctrl-drop-bytes-for-multicast-traffic-current-value", 30627)
prop._addConstant("eqptIngrStormMcDropBytesMax", "storm-ctrl-drop-bytes-for-multicast-traffic-maximum-value", 30632)
prop._addConstant("eqptIngrStormMcDropBytesMin", "storm-ctrl-drop-bytes-for-multicast-traffic-minimum-value", 30631)
prop._addConstant("eqptIngrStormMcDropBytesPer", "storm-ctrl-drop-bytes-for-multicast-traffic-periodic", 30630)
prop._addConstant("eqptIngrStormMcDropBytesRate", "storm-ctrl-drop-bytes-for-multicast-traffic-rate", 30638)
prop._addConstant("eqptIngrStormMcDropBytesRateAvg", "storm-ctrl-drop-bytes-for-multicast-traffic-rate-average-value", 30651)
prop._addConstant("eqptIngrStormMcDropBytesRateLast", "storm-ctrl-drop-bytes-for-multicast-traffic-rate-current-value", 30648)
prop._addConstant("eqptIngrStormMcDropBytesRateMax", "storm-ctrl-drop-bytes-for-multicast-traffic-rate-maximum-value", 30650)
prop._addConstant("eqptIngrStormMcDropBytesRateMin", "storm-ctrl-drop-bytes-for-multicast-traffic-rate-minimum-value", 30649)
prop._addConstant("eqptIngrStormMcDropBytesRateTr", "storm-ctrl-drop-bytes-for-multicast-traffic-rate-trend", 30656)
prop._addConstant("eqptIngrStormMcDropBytesTr", "storm-ctrl-drop-bytes-for-multicast-traffic-trend", 30637)
prop._addConstant("eqptIngrStormUcDropBytesAvg", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-average-value", 30669)
prop._addConstant("eqptIngrStormUcDropBytesCum", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-cumulative", 30665)
prop._addConstant("eqptIngrStormUcDropBytesLast", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-current-value", 30663)
prop._addConstant("eqptIngrStormUcDropBytesMax", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-maximum-value", 30668)
prop._addConstant("eqptIngrStormUcDropBytesMin", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-minimum-value", 30667)
prop._addConstant("eqptIngrStormUcDropBytesPer", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-periodic", 30666)
prop._addConstant("eqptIngrStormUcDropBytesRate", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate", 30674)
prop._addConstant("eqptIngrStormUcDropBytesRateAvg", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate-average-value", 30687)
prop._addConstant("eqptIngrStormUcDropBytesRateLast", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate-current-value", 30684)
prop._addConstant("eqptIngrStormUcDropBytesRateMax", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate-maximum-value", 30686)
prop._addConstant("eqptIngrStormUcDropBytesRateMin", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate-minimum-value", 30685)
prop._addConstant("eqptIngrStormUcDropBytesRateTr", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-rate-trend", 30692)
prop._addConstant("eqptIngrStormUcDropBytesTr", "storm-ctrl-drop-bytes-for-unknown-unicast-pkts-trend", 30673)
prop._addConstant("eqptIngrTotalBytesAvg", "total-ingress-bytes-average-value", 8621)
prop._addConstant("eqptIngrTotalBytesCum", "total-ingress-bytes-cumulative", 8617)
prop._addConstant("eqptIngrTotalBytesLast", "total-ingress-bytes-current-value", 8615)
prop._addConstant("eqptIngrTotalBytesMax", "total-ingress-bytes-maximum-value", 8620)
prop._addConstant("eqptIngrTotalBytesMin", "total-ingress-bytes-minimum-value", 8619)
prop._addConstant("eqptIngrTotalBytesPer", "total-ingress-bytes-periodic", 8618)
prop._addConstant("eqptIngrTotalBytesRate", "total-ingress-bytes-rate", 8626)
prop._addConstant("eqptIngrTotalBytesRateAvg", "total-ingress-bytes-rate-average-value", 8645)
prop._addConstant("eqptIngrTotalBytesRateLast", "total-ingress-bytes-rate-current-value", 8642)
prop._addConstant("eqptIngrTotalBytesRateMax", "total-ingress-bytes-rate-maximum-value", 8644)
prop._addConstant("eqptIngrTotalBytesRateMin", "total-ingress-bytes-rate-minimum-value", 8643)
prop._addConstant("eqptIngrTotalBytesRateTr", "total-ingress-bytes-rate-trend", 8650)
prop._addConstant("eqptIngrTotalBytesTr", "total-ingress-bytes-trend", 8625)
prop._addConstant("eqptIngrTotalPktsAvg", "total-ingress-packets-average-value", 8669)
prop._addConstant("eqptIngrTotalPktsCum", "total-ingress-packets-cumulative", 8665)
prop._addConstant("eqptIngrTotalPktsLast", "total-ingress-packets-current-value", 8663)
prop._addConstant("eqptIngrTotalPktsMax", "total-ingress-packets-maximum-value", 8668)
prop._addConstant("eqptIngrTotalPktsMin", "total-ingress-packets-minimum-value", 8667)
prop._addConstant("eqptIngrTotalPktsPer", "total-ingress-packets-periodic", 8666)
prop._addConstant("eqptIngrTotalPktsRate", "total-ingress-packets-rate", 8674)
prop._addConstant("eqptIngrTotalPktsRateAvg", "total-ingress-packets-rate-average-value", 15246)
prop._addConstant("eqptIngrTotalPktsRateLast", "total-ingress-packets-rate-current-value", 15243)
prop._addConstant("eqptIngrTotalPktsRateMax", "total-ingress-packets-rate-maximum-value", 15245)
prop._addConstant("eqptIngrTotalPktsRateMin", "total-ingress-packets-rate-minimum-value", 15244)
prop._addConstant("eqptIngrTotalPktsRateTr", "total-ingress-packets-rate-trend", 15251)
prop._addConstant("eqptIngrTotalPktsTr", "total-ingress-packets-trend", 8673)
prop._addConstant("eqptIngrTotalUtilAvg", "ingress-link-utilization-average-value", 8693)
prop._addConstant("eqptIngrTotalUtilLast", "ingress-link-utilization-current-value", 8690)
prop._addConstant("eqptIngrTotalUtilMax", "ingress-link-utilization-maximum-value", 8692)
prop._addConstant("eqptIngrTotalUtilMin", "ingress-link-utilization-minimum-value", 8691)
prop._addConstant("eqptIngrTotalUtilTr", "ingress-link-utilization-trend", 8698)
prop._addConstant("eqptIngrUnkBytesUnclassifiedAvg", "ingress-unclassfied-bytes-average-value", 8717)
prop._addConstant("eqptIngrUnkBytesUnclassifiedCum", "ingress-unclassfied-bytes-cumulative", 8713)
prop._addConstant("eqptIngrUnkBytesUnclassifiedLast", "ingress-unclassfied-bytes-current-value", 8711)
prop._addConstant("eqptIngrUnkBytesUnclassifiedMax", "ingress-unclassfied-bytes-maximum-value", 8716)
prop._addConstant("eqptIngrUnkBytesUnclassifiedMin", "ingress-unclassfied-bytes-minimum-value", 8715)
prop._addConstant("eqptIngrUnkBytesUnclassifiedPer", "ingress-unclassfied-bytes-periodic", 8714)
prop._addConstant("eqptIngrUnkBytesUnclassifiedRate", "ingress-unclassfied-bytes-rate", 8722)
prop._addConstant("eqptIngrUnkBytesUnclassifiedTr", "ingress-unclassfied-bytes-trend", 8721)
prop._addConstant("eqptIngrUnkBytesUnicastAvg", "ingress-unknown-unicast-bytes-average-value", 8744)
prop._addConstant("eqptIngrUnkBytesUnicastCum", "ingress-unknown-unicast-bytes-cumulative", 8740)
prop._addConstant("eqptIngrUnkBytesUnicastLast", "ingress-unknown-unicast-bytes-current-value", 8738)
prop._addConstant("eqptIngrUnkBytesUnicastMax", "ingress-unknown-unicast-bytes-maximum-value", 8743)
prop._addConstant("eqptIngrUnkBytesUnicastMin", "ingress-unknown-unicast-bytes-minimum-value", 8742)
prop._addConstant("eqptIngrUnkBytesUnicastPer", "ingress-unknown-unicast-bytes-periodic", 8741)
prop._addConstant("eqptIngrUnkBytesUnicastRate", "ingress-unknown-unicast-bytes-rate", 8749)
prop._addConstant("eqptIngrUnkBytesUnicastTr", "ingress-unknown-unicast-bytes-trend", 8748)
prop._addConstant("eqptIngrUnkPktsUnclassifiedAvg", "ingress-unclassified-packets-average-value", 8771)
prop._addConstant("eqptIngrUnkPktsUnclassifiedCum", "ingress-unclassified-packets-cumulative", 8767)
prop._addConstant("eqptIngrUnkPktsUnclassifiedLast", "ingress-unclassified-packets-current-value", 8765)
prop._addConstant("eqptIngrUnkPktsUnclassifiedMax", "ingress-unclassified-packets-maximum-value", 8770)
prop._addConstant("eqptIngrUnkPktsUnclassifiedMin", "ingress-unclassified-packets-minimum-value", 8769)
prop._addConstant("eqptIngrUnkPktsUnclassifiedPer", "ingress-unclassified-packets-periodic", 8768)
prop._addConstant("eqptIngrUnkPktsUnclassifiedRate", "ingress-unclassified-packets-rate", 8776)
prop._addConstant("eqptIngrUnkPktsUnclassifiedTr", "ingress-unclassified-packets-trend", 8775)
prop._addConstant("eqptIngrUnkPktsUnicastAvg", "ingress-unknown-unicast-packets-average-value", 8798)
prop._addConstant("eqptIngrUnkPktsUnicastCum", "ingress-unknown-unicast-packets-cumulative", 8794)
prop._addConstant("eqptIngrUnkPktsUnicastLast", "ingress-unknown-unicast-packets-current-value", 8792)
prop._addConstant("eqptIngrUnkPktsUnicastMax", "ingress-unknown-unicast-packets-maximum-value", 8797)
prop._addConstant("eqptIngrUnkPktsUnicastMin", "ingress-unknown-unicast-packets-minimum-value", 8796)
prop._addConstant("eqptIngrUnkPktsUnicastPer", "ingress-unknown-unicast-packets-periodic", 8795)
prop._addConstant("eqptIngrUnkPktsUnicastRate", "ingress-unknown-unicast-packets-rate", 8803)
prop._addConstant("eqptIngrUnkPktsUnicastTr", "ingress-unknown-unicast-packets-trend", 8802)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsAvg", "macsec-decrypted-octets-average-value", 30783)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsCum", "macsec-decrypted-octets-cumulative", 30779)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsLast", "macsec-decrypted-octets-current-value", 30777)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsMax", "macsec-decrypted-octets-maximum-value", 30782)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsMin", "macsec-decrypted-octets-minimum-value", 30781)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsPer", "macsec-decrypted-octets-periodic", 30780)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRate", "macsec-decrypted-octets-rate", 30788)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRateAvg", "macsec-decrypted-octets-rate-average-value", 30801)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRateLast", "macsec-decrypted-octets-rate-current-value", 30798)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRateMax", "macsec-decrypted-octets-rate-maximum-value", 30800)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRateMin", "macsec-decrypted-octets-rate-minimum-value", 30799)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsRateTr", "macsec-decrypted-octets-rate-trend", 30806)
prop._addConstant("eqptMacsecrxbytesDecryptedOctetsTr", "macsec-decrypted-octets-trend", 30787)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsAvg", "macsec-validated-octets-average-value", 30819)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsCum", "macsec-validated-octets-cumulative", 30815)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsLast", "macsec-validated-octets-current-value", 30813)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsMax", "macsec-validated-octets-maximum-value", 30818)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsMin", "macsec-validated-octets-minimum-value", 30817)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsPer", "macsec-validated-octets-periodic", 30816)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRate", "macsec-validated-octets-rate", 30824)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRateAvg", "macsec-validated-octets-rate-average-value", 30837)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRateLast", "macsec-validated-octets-rate-current-value", 30834)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRateMax", "macsec-validated-octets-rate-maximum-value", 30836)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRateMin", "macsec-validated-octets-rate-minimum-value", 30835)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsRateTr", "macsec-validated-octets-rate-trend", 30842)
prop._addConstant("eqptMacsecrxbytesValidatedOctetsTr", "macsec-validated-octets-trend", 30823)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesAvg", "macsec-decrypted-packets-average-value", 30855)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesCum", "macsec-decrypted-packets-cumulative", 30851)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesLast", "macsec-decrypted-packets-current-value", 30849)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesMax", "macsec-decrypted-packets-maximum-value", 30854)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesMin", "macsec-decrypted-packets-minimum-value", 30853)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesPer", "macsec-decrypted-packets-periodic", 30852)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRate", "macsec-decrypted-packets-rate", 30860)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRateAvg", "macsec-decrypted-packets-rate-average-value", 30873)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRateLast", "macsec-decrypted-packets-rate-current-value", 30870)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRateMax", "macsec-decrypted-packets-rate-maximum-value", 30872)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRateMin", "macsec-decrypted-packets-rate-minimum-value", 30871)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesRateTr", "macsec-decrypted-packets-rate-trend", 30878)
prop._addConstant("eqptMacsecrxpktsDecryptedPacktesTr", "macsec-decrypted-packets-trend", 30859)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsAvg", "macsec-validated-packets-average-value", 30891)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsCum", "macsec-validated-packets-cumulative", 30887)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsLast", "macsec-validated-packets-current-value", 30885)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsMax", "macsec-validated-packets-maximum-value", 30890)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsMin", "macsec-validated-packets-minimum-value", 30889)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsPer", "macsec-validated-packets-periodic", 30888)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRate", "macsec-validated-packets-rate", 30896)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRateAvg", "macsec-validated-packets-rate-average-value", 30909)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRateLast", "macsec-validated-packets-rate-current-value", 30906)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRateMax", "macsec-validated-packets-rate-maximum-value", 30908)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRateMin", "macsec-validated-packets-rate-minimum-value", 30907)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsRateTr", "macsec-validated-packets-rate-trend", 30914)
prop._addConstant("eqptMacsecrxpktsValidatedPacketsTr", "macsec-validated-packets-trend", 30895)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsAvg", "macsec-encrypted-octets-average-value", 30927)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsCum", "macsec-encrypted-octets-cumulative", 30923)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsLast", "macsec-encrypted-octets-current-value", 30921)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsMax", "macsec-encrypted-octets-maximum-value", 30926)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsMin", "macsec-encrypted-octets-minimum-value", 30925)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsPer", "macsec-encrypted-octets-periodic", 30924)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRate", "macsec-encrypted-octets-rate", 30932)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRateAvg", "macsec-encrypted-octets-rate-average-value", 30945)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRateLast", "macsec-encrypted-octets-rate-current-value", 30942)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRateMax", "macsec-encrypted-octets-rate-maximum-value", 30944)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRateMin", "macsec-encrypted-octets-rate-minimum-value", 30943)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsRateTr", "macsec-encrypted-octets-rate-trend", 30950)
prop._addConstant("eqptMacsectxbytesEncryptedOctetsTr", "macsec-encrypted-octets-trend", 30931)
prop._addConstant("eqptMacsectxbytesProtectedOctetsAvg", "macsec-protected-octets-average-value", 30963)
prop._addConstant("eqptMacsectxbytesProtectedOctetsCum", "macsec-protected-octets-cumulative", 30959)
prop._addConstant("eqptMacsectxbytesProtectedOctetsLast", "macsec-protected-octets-current-value", 30957)
prop._addConstant("eqptMacsectxbytesProtectedOctetsMax", "macsec-protected-octets-maximum-value", 30962)
prop._addConstant("eqptMacsectxbytesProtectedOctetsMin", "macsec-protected-octets-minimum-value", 30961)
prop._addConstant("eqptMacsectxbytesProtectedOctetsPer", "macsec-protected-octets-periodic", 30960)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRate", "macsec-protected-octets-rate", 30968)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRateAvg", "macsec-protected-octets-rate-average-value", 30981)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRateLast", "macsec-protected-octets-rate-current-value", 30978)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRateMax", "macsec-protected-octets-rate-maximum-value", 30980)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRateMin", "macsec-protected-octets-rate-minimum-value", 30979)
prop._addConstant("eqptMacsectxbytesProtectedOctetsRateTr", "macsec-protected-octets-rate-trend", 30986)
prop._addConstant("eqptMacsectxbytesProtectedOctetsTr", "macsec-protected-octets-trend", 30967)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesAvg", "macsec-encrypted-packets-average-value", 30999)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesCum", "macsec-encrypted-packets-cumulative", 30995)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesLast", "macsec-encrypted-packets-current-value", 30993)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesMax", "macsec-encrypted-packets-maximum-value", 30998)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesMin", "macsec-encrypted-packets-minimum-value", 30997)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesPer", "macsec-encrypted-packets-periodic", 30996)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRate", "macsec-encrypted-packets-rate", 31004)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRateAvg", "macsec-encrypted-packets-rate-average-value", 31017)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRateLast", "macsec-encrypted-packets-rate-current-value", 31014)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRateMax", "macsec-encrypted-packets-rate-maximum-value", 31016)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRateMin", "macsec-encrypted-packets-rate-minimum-value", 31015)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesRateTr", "macsec-encrypted-packets-rate-trend", 31022)
prop._addConstant("eqptMacsectxpktsEncryptedPacktesTr", "macsec-encrypted-packets-trend", 31003)
prop._addConstant("eqptMacsectxpktsProtectedPacketsAvg", "macsec-protected-packets-average-value", 31035)
prop._addConstant("eqptMacsectxpktsProtectedPacketsCum", "macsec-protected-packets-cumulative", 31031)
prop._addConstant("eqptMacsectxpktsProtectedPacketsLast", "macsec-protected-packets-current-value", 31029)
prop._addConstant("eqptMacsectxpktsProtectedPacketsMax", "macsec-protected-packets-maximum-value", 31034)
prop._addConstant("eqptMacsectxpktsProtectedPacketsMin", "macsec-protected-packets-minimum-value", 31033)
prop._addConstant("eqptMacsectxpktsProtectedPacketsPer", "macsec-protected-packets-periodic", 31032)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRate", "macsec-protected-packets-rate", 31040)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRateAvg", "macsec-protected-packets-rate-average-value", 31053)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRateLast", "macsec-protected-packets-rate-current-value", 31050)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRateMax", "macsec-protected-packets-rate-maximum-value", 31052)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRateMin", "macsec-protected-packets-rate-minimum-value", 31051)
prop._addConstant("eqptMacsectxpktsProtectedPacketsRateTr", "macsec-protected-packets-rate-trend", 31058)
prop._addConstant("eqptMacsectxpktsProtectedPacketsTr", "macsec-protected-packets-trend", 31039)
prop._addConstant("eqptPsPowerDrawnAvg", "power-drawn-average-value", 8822)
prop._addConstant("eqptPsPowerDrawnLast", "power-drawn-current-value", 8819)
prop._addConstant("eqptPsPowerDrawnMax", "power-drawn-maximum-value", 8821)
prop._addConstant("eqptPsPowerDrawnMin", "power-drawn-minimum-value", 8820)
prop._addConstant("eqptPsPowerDrawnTr", "power-drawn-trend", 8827)
prop._addConstant("eqptPsPowerSuppliedAvg", "power-supplied-average-value", 8843)
prop._addConstant("eqptPsPowerSuppliedLast", "power-supplied-current-value", 8840)
prop._addConstant("eqptPsPowerSuppliedMax", "power-supplied-maximum-value", 8842)
prop._addConstant("eqptPsPowerSuppliedMin", "power-supplied-minimum-value", 8841)
prop._addConstant("eqptPsPowerSuppliedTr", "power-supplied-trend", 8848)
prop._addConstant("eqptTempCurrentAvg", "current-temperature-average-value", 8864)
prop._addConstant("eqptTempCurrentLast", "current-temperature-current-value", 8861)
prop._addConstant("eqptTempCurrentMax", "current-temperature-maximum-value", 8863)
prop._addConstant("eqptTempCurrentMin", "current-temperature-minimum-value", 8862)
prop._addConstant("eqptTempCurrentTr", "current-temperature-trend", 8869)
prop._addConstant("eqptTempNormalizedAvg", "normalized-temperature-average-value", 8885)
prop._addConstant("eqptTempNormalizedLast", "normalized-temperature-current-value", 8882)
prop._addConstant("eqptTempNormalizedMax", "normalized-temperature-maximum-value", 8884)
prop._addConstant("eqptTempNormalizedMin", "normalized-temperature-minimum-value", 8883)
prop._addConstant("eqptTempNormalizedTr", "normalized-temperature-trend", 8890)
prop._addConstant("eqptcapacityBDEntryNormalizedAvg", "bridge-domain-entries-usage-average-value", 8927)
prop._addConstant("eqptcapacityBDEntryNormalizedLast", "bridge-domain-entries-usage-current-value", 8924)
prop._addConstant("eqptcapacityBDEntryNormalizedMax", "bridge-domain-entries-usage-maximum-value", 8926)
prop._addConstant("eqptcapacityBDEntryNormalizedMin", "bridge-domain-entries-usage-minimum-value", 8925)
prop._addConstant("eqptcapacityBDEntryNormalizedTr", "bridge-domain-entries-usage-trend", 8932)
prop._addConstant("eqptcapacityBdUsageTotalAvg", "total-bridge-domain-entries-average-value", 47510)
prop._addConstant("eqptcapacityBdUsageTotalCapAvg", "bridge-domain-entries-capacity-average-value", 47489)
prop._addConstant("eqptcapacityBdUsageTotalCapCum", "bridge-domain-entries-capacity-cumulative", 47485)
prop._addConstant("eqptcapacityBdUsageTotalCapLast", "bridge-domain-entries-capacity-current-value", 47483)
prop._addConstant("eqptcapacityBdUsageTotalCapMax", "bridge-domain-entries-capacity-maximum-value", 47488)
prop._addConstant("eqptcapacityBdUsageTotalCapMin", "bridge-domain-entries-capacity-minimum-value", 47487)
prop._addConstant("eqptcapacityBdUsageTotalCapPer", "bridge-domain-entries-capacity-periodic", 47486)
prop._addConstant("eqptcapacityBdUsageTotalCapRate", "bridge-domain-entries-capacity-rate", 47494)
prop._addConstant("eqptcapacityBdUsageTotalCapTr", "bridge-domain-entries-capacity-trend", 47493)
prop._addConstant("eqptcapacityBdUsageTotalCum", "total-bridge-domain-entries-cumulative", 47506)
prop._addConstant("eqptcapacityBdUsageTotalLast", "total-bridge-domain-entries-current-value", 47504)
prop._addConstant("eqptcapacityBdUsageTotalMax", "total-bridge-domain-entries-maximum-value", 47509)
prop._addConstant("eqptcapacityBdUsageTotalMin", "total-bridge-domain-entries-minimum-value", 47508)
prop._addConstant("eqptcapacityBdUsageTotalPer", "total-bridge-domain-entries-periodic", 47507)
prop._addConstant("eqptcapacityBdUsageTotalRate", "total-bridge-domain-entries-rate", 47515)
prop._addConstant("eqptcapacityBdUsageTotalTr", "total-bridge-domain-entries-trend", 47514)
prop._addConstant("eqptcapacityEpgUsageTotalAvg", "total-endpoint-groups-average-value", 47552)
prop._addConstant("eqptcapacityEpgUsageTotalCapAvg", "endpoint-groups-capacity-average-value", 47531)
prop._addConstant("eqptcapacityEpgUsageTotalCapCum", "endpoint-groups-capacity-cumulative", 47527)
prop._addConstant("eqptcapacityEpgUsageTotalCapLast", "endpoint-groups-capacity-current-value", 47525)
prop._addConstant("eqptcapacityEpgUsageTotalCapMax", "endpoint-groups-capacity-maximum-value", 47530)
prop._addConstant("eqptcapacityEpgUsageTotalCapMin", "endpoint-groups-capacity-minimum-value", 47529)
prop._addConstant("eqptcapacityEpgUsageTotalCapPer", "endpoint-groups-capacity-periodic", 47528)
prop._addConstant("eqptcapacityEpgUsageTotalCapRate", "endpoint-groups-capacity-rate", 47536)
prop._addConstant("eqptcapacityEpgUsageTotalCapTr", "endpoint-groups-capacity-trend", 47535)
prop._addConstant("eqptcapacityEpgUsageTotalCum", "total-endpoint-groups-cumulative", 47548)
prop._addConstant("eqptcapacityEpgUsageTotalLast", "total-endpoint-groups-current-value", 47546)
prop._addConstant("eqptcapacityEpgUsageTotalMax", "total-endpoint-groups-maximum-value", 47551)
prop._addConstant("eqptcapacityEpgUsageTotalMin", "total-endpoint-groups-minimum-value", 47550)
prop._addConstant("eqptcapacityEpgUsageTotalPer", "total-endpoint-groups-periodic", 47549)
prop._addConstant("eqptcapacityEpgUsageTotalRate", "total-endpoint-groups-rate", 47557)
prop._addConstant("eqptcapacityEpgUsageTotalTr", "total-endpoint-groups-trend", 47556)
prop._addConstant("eqptcapacityL2EntryNormalizedAvg", "layer2-entries-usage-average-value", 8969)
prop._addConstant("eqptcapacityL2EntryNormalizedLast", "layer2-entries-usage-current-value", 8966)
prop._addConstant("eqptcapacityL2EntryNormalizedMax", "layer2-entries-usage-maximum-value", 8968)
prop._addConstant("eqptcapacityL2EntryNormalizedMin", "layer2-entries-usage-minimum-value", 8967)
prop._addConstant("eqptcapacityL2EntryNormalizedTr", "layer2-entries-usage-trend", 8974)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpAvg", "remote-l2-endpoints-average-value", 36461)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpCapAvg", "remote-l2-endpoints-capacity-average-value", 36440)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpCapLast", "remote-l2-endpoints-capacity-current-value", 36434)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpCapMax", "remote-l2-endpoints-capacity-maximum-value", 36439)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpCapMin", "remote-l2-endpoints-capacity-minimum-value", 36438)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpCapTr", "remote-l2-endpoints-capacity-trend", 36444)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpLast", "remote-l2-endpoints-current-value", 36455)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpMax", "remote-l2-endpoints-maximum-value", 36460)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpMin", "remote-l2-endpoints-minimum-value", 36459)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteEpTr", "remote-l2-endpoints-trend", 36465)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteNormalizedAvg", "remote-l2-entries-usage-average-value", 36479)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteNormalizedLast", "remote-l2-entries-usage-current-value", 36476)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteNormalizedMax", "remote-l2-entries-usage-maximum-value", 36478)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteNormalizedMin", "remote-l2-entries-usage-minimum-value", 36477)
prop._addConstant("eqptcapacityL2RemoteUsageRemoteNormalizedTr", "remote-l2-entries-usage-trend", 36484)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpAvg", "total-l2-endpoints-average-value", 36518)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpCapAvg", "total-l2-endpoints-capacity-average-value", 36497)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpCapLast", "total-l2-endpoints-capacity-current-value", 36491)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpCapMax", "total-l2-endpoints-capacity-maximum-value", 36496)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpCapMin", "total-l2-endpoints-capacity-minimum-value", 36495)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpCapTr", "total-l2-endpoints-capacity-trend", 36501)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpLast", "total-l2-endpoints-current-value", 36512)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpMax", "total-l2-endpoints-maximum-value", 36517)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpMin", "total-l2-endpoints-minimum-value", 36516)
prop._addConstant("eqptcapacityL2TotalUsageTotalEpTr", "total-l2-endpoints-trend", 36522)
prop._addConstant("eqptcapacityL2TotalUsageTotalNormalizedAvg", "total-l2-entries-usage-average-value", 36536)
prop._addConstant("eqptcapacityL2TotalUsageTotalNormalizedLast", "total-l2-entries-usage-current-value", 36533)
prop._addConstant("eqptcapacityL2TotalUsageTotalNormalizedMax", "total-l2-entries-usage-maximum-value", 36535)
prop._addConstant("eqptcapacityL2TotalUsageTotalNormalizedMin", "total-l2-entries-usage-minimum-value", 36534)
prop._addConstant("eqptcapacityL2TotalUsageTotalNormalizedTr", "total-l2-entries-usage-trend", 36541)
prop._addConstant("eqptcapacityL2UsageLocalEpAvg", "local-l2-endpoints-average-value", 20005)
prop._addConstant("eqptcapacityL2UsageLocalEpCapAvg", "local-l2-endpoints-capacity-average-value", 20481)
prop._addConstant("eqptcapacityL2UsageLocalEpCapLast", "local-l2-endpoints-capacity-current-value", 20475)
prop._addConstant("eqptcapacityL2UsageLocalEpCapMax", "local-l2-endpoints-capacity-maximum-value", 20480)
prop._addConstant("eqptcapacityL2UsageLocalEpCapMin", "local-l2-endpoints-capacity-minimum-value", 20479)
prop._addConstant("eqptcapacityL2UsageLocalEpCapTr", "local-l2-endpoints-capacity-trend", 20485)
prop._addConstant("eqptcapacityL2UsageLocalEpLast", "local-l2-endpoints-current-value", 19999)
prop._addConstant("eqptcapacityL2UsageLocalEpMax", "local-l2-endpoints-maximum-value", 20004)
prop._addConstant("eqptcapacityL2UsageLocalEpMin", "local-l2-endpoints-minimum-value", 20003)
prop._addConstant("eqptcapacityL2UsageLocalEpTr", "local-l2-endpoints-trend", 20009)
prop._addConstant("eqptcapacityL2UsageNormalizedAvg", "local-l2-entries-usage-average-value", 27176)
prop._addConstant("eqptcapacityL2UsageNormalizedLast", "local-l2-entries-usage-current-value", 27173)
prop._addConstant("eqptcapacityL2UsageNormalizedMax", "local-l2-entries-usage-maximum-value", 27175)
prop._addConstant("eqptcapacityL2UsageNormalizedMin", "local-l2-entries-usage-minimum-value", 27174)
prop._addConstant("eqptcapacityL2UsageNormalizedTr", "local-l2-entries-usage-trend", 27181)
prop._addConstant("eqptcapacityL3EntryNormalizedAvg", "layer3-entries-usage-average-value", 9011)
prop._addConstant("eqptcapacityL3EntryNormalizedLast", "layer3-entries-usage-current-value", 9008)
prop._addConstant("eqptcapacityL3EntryNormalizedMax", "layer3-entries-usage-maximum-value", 9010)
prop._addConstant("eqptcapacityL3EntryNormalizedMin", "layer3-entries-usage-minimum-value", 9009)
prop._addConstant("eqptcapacityL3EntryNormalizedTr", "layer3-entries-usage-trend", 9016)
prop._addConstant("eqptcapacityL3RemoteUsageCapV4RemoteEpCapAvg", "remote-v4-endpoints-capacity-average-value", 36596)
prop._addConstant("eqptcapacityL3RemoteUsageCapV4RemoteEpCapLast", "remote-v4-endpoints-capacity-current-value", 36590)
prop._addConstant("eqptcapacityL3RemoteUsageCapV4RemoteEpCapMax", "remote-v4-endpoints-capacity-maximum-value", 36595)
prop._addConstant("eqptcapacityL3RemoteUsageCapV4RemoteEpCapMin", "remote-v4-endpoints-capacity-minimum-value", 36594)
prop._addConstant("eqptcapacityL3RemoteUsageCapV4RemoteEpCapTr", "remote-v4-endpoints-capacity-trend", 36600)
prop._addConstant("eqptcapacityL3RemoteUsageCapV6RemoteEpCapAvg", "remote-v6-endpoints-capacity-average-value", 36617)
prop._addConstant("eqptcapacityL3RemoteUsageCapV6RemoteEpCapLast", "remote-v6-endpoints-capacity-current-value", 36611)
prop._addConstant("eqptcapacityL3RemoteUsageCapV6RemoteEpCapMax", "remote-v6-endpoints-capacity-maximum-value", 36616)
prop._addConstant("eqptcapacityL3RemoteUsageCapV6RemoteEpCapMin", "remote-v6-endpoints-capacity-minimum-value", 36615)
prop._addConstant("eqptcapacityL3RemoteUsageCapV6RemoteEpCapTr", "remote-v6-endpoints-capacity-trend", 36621)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev4Avg", "remote-v4-l3-entries-usage-percentage-average-value", 36635)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev4Last", "remote-v4-l3-entries-usage-percentage-current-value", 36632)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev4Max", "remote-v4-l3-entries-usage-percentage-maximum-value", 36634)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev4Min", "remote-v4-l3-entries-usage-percentage-minimum-value", 36633)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev4Tr", "remote-v4-l3-entries-usage-percentage-trend", 36640)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev6Avg", "remote-v6-l3-entries-usage-percentage-average-value", 36650)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev6Last", "remote-v6-l3-entries-usage-percentage-current-value", 36647)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev6Max", "remote-v6-l3-entries-usage-percentage-maximum-value", 36649)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev6Min", "remote-v6-l3-entries-usage-percentage-minimum-value", 36648)
prop._addConstant("eqptcapacityL3RemoteUsagePerNormalizedRemotev6Tr", "remote-v6-l3-entries-usage-percentage-trend", 36655)
prop._addConstant("eqptcapacityL3RemoteUsageV4RemoteEpAvg", "remote-v4-endpoints-average-value", 36554)
prop._addConstant("eqptcapacityL3RemoteUsageV4RemoteEpLast", "remote-v4-endpoints-current-value", 36548)
prop._addConstant("eqptcapacityL3RemoteUsageV4RemoteEpMax", "remote-v4-endpoints-maximum-value", 36553)
prop._addConstant("eqptcapacityL3RemoteUsageV4RemoteEpMin", "remote-v4-endpoints-minimum-value", 36552)
prop._addConstant("eqptcapacityL3RemoteUsageV4RemoteEpTr", "remote-v4-endpoints-trend", 36558)
prop._addConstant("eqptcapacityL3RemoteUsageV6RemoteEpAvg", "remote-v6-endpoints-average-value", 36575)
prop._addConstant("eqptcapacityL3RemoteUsageV6RemoteEpLast", "remote-v6-endpoints-current-value", 36569)
prop._addConstant("eqptcapacityL3RemoteUsageV6RemoteEpMax", "remote-v6-endpoints-maximum-value", 36574)
prop._addConstant("eqptcapacityL3RemoteUsageV6RemoteEpMin", "remote-v6-endpoints-minimum-value", 36573)
prop._addConstant("eqptcapacityL3RemoteUsageV6RemoteEpTr", "remote-v6-endpoints-trend", 36579)
prop._addConstant("eqptcapacityL3TotalUsageCapV4TotalEpCapAvg", "total-v4-endpoints-capacity-average-value", 36710)
prop._addConstant("eqptcapacityL3TotalUsageCapV4TotalEpCapLast", "total-v4-endpoints-capacity-current-value", 36704)
prop._addConstant("eqptcapacityL3TotalUsageCapV4TotalEpCapMax", "total-v4-endpoints-capacity-maximum-value", 36709)
prop._addConstant("eqptcapacityL3TotalUsageCapV4TotalEpCapMin", "total-v4-endpoints-capacity-minimum-value", 36708)
prop._addConstant("eqptcapacityL3TotalUsageCapV4TotalEpCapTr", "total-v4-endpoints-capacity-trend", 36714)
prop._addConstant("eqptcapacityL3TotalUsageCapV6TotalEpCapAvg", "total-v6-endpoints-capacity-average-value", 36731)
prop._addConstant("eqptcapacityL3TotalUsageCapV6TotalEpCapLast", "total-v6-endpoints-capacity-current-value", 36725)
prop._addConstant("eqptcapacityL3TotalUsageCapV6TotalEpCapMax", "total-v6-endpoints-capacity-maximum-value", 36730)
prop._addConstant("eqptcapacityL3TotalUsageCapV6TotalEpCapMin", "total-v6-endpoints-capacity-minimum-value", 36729)
prop._addConstant("eqptcapacityL3TotalUsageCapV6TotalEpCapTr", "total-v6-endpoints-capacity-trend", 36735)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv4Avg", "total-v4-l3-entries-usage-percentage-average-value", 36749)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv4Last", "total-v4-l3-entries-usage-percentage-current-value", 36746)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv4Max", "total-v4-l3-entries-usage-percentage-maximum-value", 36748)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv4Min", "total-v4-l3-entries-usage-percentage-minimum-value", 36747)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv4Tr", "total-v4-l3-entries-usage-percentage-trend", 36754)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv6Avg", "total-v6-l3-entries-usage-percentage-average-value", 36764)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv6Last", "total-v6-l3-entries-usage-percentage-current-value", 36761)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv6Max", "total-v6-l3-entries-usage-percentage-maximum-value", 36763)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv6Min", "total-v6-l3-entries-usage-percentage-minimum-value", 36762)
prop._addConstant("eqptcapacityL3TotalUsagePerNormalizedTotalv6Tr", "total-v6-l3-entries-usage-percentage-trend", 36769)
prop._addConstant("eqptcapacityL3TotalUsageV4TotalEpAvg", "total-v4-endpoints-average-value", 36668)
prop._addConstant("eqptcapacityL3TotalUsageV4TotalEpLast", "total-v4-endpoints-current-value", 36662)
prop._addConstant("eqptcapacityL3TotalUsageV4TotalEpMax", "total-v4-endpoints-maximum-value", 36667)
prop._addConstant("eqptcapacityL3TotalUsageV4TotalEpMin", "total-v4-endpoints-minimum-value", 36666)
prop._addConstant("eqptcapacityL3TotalUsageV4TotalEpTr", "total-v4-endpoints-trend", 36672)
prop._addConstant("eqptcapacityL3TotalUsageV6TotalEpAvg", "total-v6-endpoints-average-value", 36689)
prop._addConstant("eqptcapacityL3TotalUsageV6TotalEpLast", "total-v6-endpoints-current-value", 36683)
prop._addConstant("eqptcapacityL3TotalUsageV6TotalEpMax", "total-v6-endpoints-maximum-value", 36688)
prop._addConstant("eqptcapacityL3TotalUsageV6TotalEpMin", "total-v6-endpoints-minimum-value", 36687)
prop._addConstant("eqptcapacityL3TotalUsageV6TotalEpTr", "total-v6-endpoints-trend", 36693)
prop._addConstant("eqptcapacityL3UsageCapV4LocalEpCapAvg", "local-v4-endpoints-capacity-average-value", 20502)
prop._addConstant("eqptcapacityL3UsageCapV4LocalEpCapLast", "local-v4-endpoints-capacity-current-value", 20496)
prop._addConstant("eqptcapacityL3UsageCapV4LocalEpCapMax", "local-v4-endpoints-capacity-maximum-value", 20501)
prop._addConstant("eqptcapacityL3UsageCapV4LocalEpCapMin", "local-v4-endpoints-capacity-minimum-value", 20500)
prop._addConstant("eqptcapacityL3UsageCapV4LocalEpCapTr", "local-v4-endpoints-capacity-trend", 20506)
prop._addConstant("eqptcapacityL3UsageCapV6LocalEpCapAvg", "local-v6-endpoints-capacity-average-value", 20523)
prop._addConstant("eqptcapacityL3UsageCapV6LocalEpCapLast", "local-v6-endpoints-capacity-current-value", 20517)
prop._addConstant("eqptcapacityL3UsageCapV6LocalEpCapMax", "local-v6-endpoints-capacity-maximum-value", 20522)
prop._addConstant("eqptcapacityL3UsageCapV6LocalEpCapMin", "local-v6-endpoints-capacity-minimum-value", 20521)
prop._addConstant("eqptcapacityL3UsageCapV6LocalEpCapTr", "local-v6-endpoints-capacity-trend", 20527)
prop._addConstant("eqptcapacityL3UsageLocalEpAvg", "local-l3-endpoints-average-value", 20026)
prop._addConstant("eqptcapacityL3UsageLocalEpLast", "local-l3-endpoints-current-value", 20020)
prop._addConstant("eqptcapacityL3UsageLocalEpMax", "local-l3-endpoints-maximum-value", 20025)
prop._addConstant("eqptcapacityL3UsageLocalEpMin", "local-l3-endpoints-minimum-value", 20024)
prop._addConstant("eqptcapacityL3UsageLocalEpTr", "local-l3-endpoints-trend", 20030)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv4Avg", "local-v4-l3-entries-usage-percentage-average-value", 27191)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv4Last", "local-v4-l3-entries-usage-percentage-current-value", 27188)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv4Max", "local-v4-l3-entries-usage-percentage-maximum-value", 27190)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv4Min", "local-v4-l3-entries-usage-percentage-minimum-value", 27189)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv4Tr", "local-v4-l3-entries-usage-percentage-trend", 27196)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv6Avg", "local-v6-l3-entries-usage-percentage-average-value", 27206)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv6Last", "local-v6-l3-entries-usage-percentage-current-value", 27203)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv6Max", "local-v6-l3-entries-usage-percentage-maximum-value", 27205)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv6Min", "local-v6-l3-entries-usage-percentage-minimum-value", 27204)
prop._addConstant("eqptcapacityL3UsagePerNormalizedv6Tr", "local-v6-l3-entries-usage-percentage-trend", 27211)
prop._addConstant("eqptcapacityL3UsageV4LocalEpAvg", "local-v4-endpoints-average-value", 20302)
prop._addConstant("eqptcapacityL3UsageV4LocalEpLast", "local-v4-endpoints-current-value", 20296)
prop._addConstant("eqptcapacityL3UsageV4LocalEpMax", "local-v4-endpoints-maximum-value", 20301)
prop._addConstant("eqptcapacityL3UsageV4LocalEpMin", "local-v4-endpoints-minimum-value", 20300)
prop._addConstant("eqptcapacityL3UsageV4LocalEpTr", "local-v4-endpoints-trend", 20306)
prop._addConstant("eqptcapacityL3UsageV6LocalEpAvg", "local-v6-endpoints-average-value", 20323)
prop._addConstant("eqptcapacityL3UsageV6LocalEpLast", "local-v6-endpoints-current-value", 20317)
prop._addConstant("eqptcapacityL3UsageV6LocalEpMax", "local-v6-endpoints-maximum-value", 20322)
prop._addConstant("eqptcapacityL3UsageV6LocalEpMin", "local-v6-endpoints-minimum-value", 20321)
prop._addConstant("eqptcapacityL3UsageV6LocalEpTr", "local-v6-endpoints-trend", 20327)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapAvg", "total-v4-32-routes-capacity-average-value", 44058)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapCum", "total-v4-32-routes-capacity-cumulative", 44054)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapLast", "total-v4-32-routes-capacity-current-value", 44052)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapMax", "total-v4-32-routes-capacity-maximum-value", 44057)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapMin", "total-v4-32-routes-capacity-minimum-value", 44056)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapPer", "total-v4-32-routes-capacity-periodic", 44055)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapRate", "total-v4-32-routes-capacity-rate", 44063)
prop._addConstant("eqptcapacityL3v4Usage32CapV4TotalCapTr", "total-v4-32-routes-capacity-trend", 44062)
prop._addConstant("eqptcapacityL3v4Usage32PerNormalizedv4TotalAvg", "total-v4-32-l3-entries-usage-percentage-average-value", 44076)
prop._addConstant("eqptcapacityL3v4Usage32PerNormalizedv4TotalLast", "total-v4-32-l3-entries-usage-percentage-current-value", 44073)
prop._addConstant("eqptcapacityL3v4Usage32PerNormalizedv4TotalMax", "total-v4-32-l3-entries-usage-percentage-maximum-value", 44075)
prop._addConstant("eqptcapacityL3v4Usage32PerNormalizedv4TotalMin", "total-v4-32-l3-entries-usage-percentage-minimum-value", 44074)
prop._addConstant("eqptcapacityL3v4Usage32PerNormalizedv4TotalTr", "total-v4-32-l3-entries-usage-percentage-trend", 44081)
prop._addConstant("eqptcapacityL3v4Usage32V4EpAvg", "total-v4-32-endpoints-average-value", 43974)
prop._addConstant("eqptcapacityL3v4Usage32V4EpCum", "total-v4-32-endpoints-cumulative", 43970)
prop._addConstant("eqptcapacityL3v4Usage32V4EpLast", "total-v4-32-endpoints-current-value", 43968)
prop._addConstant("eqptcapacityL3v4Usage32V4EpMax", "total-v4-32-endpoints-maximum-value", 43973)
prop._addConstant("eqptcapacityL3v4Usage32V4EpMin", "total-v4-32-endpoints-minimum-value", 43972)
prop._addConstant("eqptcapacityL3v4Usage32V4EpPer", "total-v4-32-endpoints-periodic", 43971)
prop._addConstant("eqptcapacityL3v4Usage32V4EpRate", "total-v4-32-endpoints-rate", 43979)
prop._addConstant("eqptcapacityL3v4Usage32V4EpTr", "total-v4-32-endpoints-trend", 43978)
prop._addConstant("eqptcapacityL3v4Usage32V4McAvg", "total-v4-32-mc-routes-average-value", 43995)
prop._addConstant("eqptcapacityL3v4Usage32V4McCum", "total-v4-32-mc-routes-cumulative", 43991)
prop._addConstant("eqptcapacityL3v4Usage32V4McLast", "total-v4-32-mc-routes-current-value", 43989)
prop._addConstant("eqptcapacityL3v4Usage32V4McMax", "total-v4-32-mc-routes-maximum-value", 43994)
prop._addConstant("eqptcapacityL3v4Usage32V4McMin", "total-v4-32-mc-routes-minimum-value", 43993)
prop._addConstant("eqptcapacityL3v4Usage32V4McPer", "total-v4-32-mc-routes-periodic", 43992)
prop._addConstant("eqptcapacityL3v4Usage32V4McRate", "total-v4-32-mc-routes-rate", 44000)
prop._addConstant("eqptcapacityL3v4Usage32V4McTr", "total-v4-32-mc-routes-trend", 43999)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalAvg", "total-v4-32-routes-average-value", 44016)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalCum", "total-v4-32-routes-cumulative", 44012)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalLast", "total-v4-32-routes-current-value", 44010)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalMax", "total-v4-32-routes-maximum-value", 44015)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalMin", "total-v4-32-routes-minimum-value", 44014)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalPer", "total-v4-32-routes-periodic", 44013)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalRate", "total-v4-32-routes-rate", 44021)
prop._addConstant("eqptcapacityL3v4Usage32V4TotalTr", "total-v4-32-routes-trend", 44020)
prop._addConstant("eqptcapacityL3v4Usage32V4UcAvg", "total-v4-32-uc-routes-average-value", 44037)
prop._addConstant("eqptcapacityL3v4Usage32V4UcCum", "total-v4-32-uc-routes-cumulative", 44033)
prop._addConstant("eqptcapacityL3v4Usage32V4UcLast", "total-v4-32-uc-routes-current-value", 44031)
prop._addConstant("eqptcapacityL3v4Usage32V4UcMax", "total-v4-32-uc-routes-maximum-value", 44036)
prop._addConstant("eqptcapacityL3v4Usage32V4UcMin", "total-v4-32-uc-routes-minimum-value", 44035)
prop._addConstant("eqptcapacityL3v4Usage32V4UcPer", "total-v4-32-uc-routes-periodic", 44034)
prop._addConstant("eqptcapacityL3v4Usage32V4UcRate", "total-v4-32-uc-routes-rate", 44042)
prop._addConstant("eqptcapacityL3v4Usage32V4UcTr", "total-v4-32-uc-routes-trend", 44041)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapAvg", "total-v6-128-routes-capacity-average-value", 44178)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapCum", "total-v6-128-routes-capacity-cumulative", 44174)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapLast", "total-v6-128-routes-capacity-current-value", 44172)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapMax", "total-v6-128-routes-capacity-maximum-value", 44177)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapMin", "total-v6-128-routes-capacity-minimum-value", 44176)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapPer", "total-v6-128-routes-capacity-periodic", 44175)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapRate", "total-v6-128-routes-capacity-rate", 44183)
prop._addConstant("eqptcapacityL3v6Usage128CapV6TotalCapTr", "total-v6-128-routes-capacity-trend", 44182)
prop._addConstant("eqptcapacityL3v6Usage128PerNormalizedv6TotalAvg", "total-v6-128-l3-entries-usage-percentage-average-value", 44196)
prop._addConstant("eqptcapacityL3v6Usage128PerNormalizedv6TotalLast", "total-v6-128-l3-entries-usage-percentage-current-value", 44193)
prop._addConstant("eqptcapacityL3v6Usage128PerNormalizedv6TotalMax", "total-v6-128-l3-entries-usage-percentage-maximum-value", 44195)
prop._addConstant("eqptcapacityL3v6Usage128PerNormalizedv6TotalMin", "total-v6-128-l3-entries-usage-percentage-minimum-value", 44194)
prop._addConstant("eqptcapacityL3v6Usage128PerNormalizedv6TotalTr", "total-v6-128-l3-entries-usage-percentage-trend", 44201)
prop._addConstant("eqptcapacityL3v6Usage128V6EpAvg", "total-v6-128-endpoints-average-value", 44094)
prop._addConstant("eqptcapacityL3v6Usage128V6EpCum", "total-v6-128-endpoints-cumulative", 44090)
prop._addConstant("eqptcapacityL3v6Usage128V6EpLast", "total-v6-128-endpoints-current-value", 44088)
prop._addConstant("eqptcapacityL3v6Usage128V6EpMax", "total-v6-128-endpoints-maximum-value", 44093)
prop._addConstant("eqptcapacityL3v6Usage128V6EpMin", "total-v6-128-endpoints-minimum-value", 44092)
prop._addConstant("eqptcapacityL3v6Usage128V6EpPer", "total-v6-128-endpoints-periodic", 44091)
prop._addConstant("eqptcapacityL3v6Usage128V6EpRate", "total-v6-128-endpoints-rate", 44099)
prop._addConstant("eqptcapacityL3v6Usage128V6EpTr", "total-v6-128-endpoints-trend", 44098)
prop._addConstant("eqptcapacityL3v6Usage128V6McAvg", "total-v6-128-mc-routes-average-value", 44115)
prop._addConstant("eqptcapacityL3v6Usage128V6McCum", "total-v6-128-mc-routes-cumulative", 44111)
prop._addConstant("eqptcapacityL3v6Usage128V6McLast", "total-v6-128-mc-routes-current-value", 44109)
prop._addConstant("eqptcapacityL3v6Usage128V6McMax", "total-v6-128-mc-routes-maximum-value", 44114)
prop._addConstant("eqptcapacityL3v6Usage128V6McMin", "total-v6-128-mc-routes-minimum-value", 44113)
prop._addConstant("eqptcapacityL3v6Usage128V6McPer", "total-v6-128-mc-routes-periodic", 44112)
prop._addConstant("eqptcapacityL3v6Usage128V6McRate", "total-v6-128-mc-routes-rate", 44120)
prop._addConstant("eqptcapacityL3v6Usage128V6McTr", "total-v6-128-mc-routes-trend", 44119)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalAvg", "total-v6-128-routes-average-value", 44136)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalCum", "total-v6-128-routes-cumulative", 44132)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalLast", "total-v6-128-routes-current-value", 44130)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalMax", "total-v6-128-routes-maximum-value", 44135)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalMin", "total-v6-128-routes-minimum-value", 44134)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalPer", "total-v6-128-routes-periodic", 44133)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalRate", "total-v6-128-routes-rate", 44141)
prop._addConstant("eqptcapacityL3v6Usage128V6TotalTr", "total-v6-128-routes-trend", 44140)
prop._addConstant("eqptcapacityL3v6Usage128V6UcAvg", "total-v6-128-uc-routes-average-value", 44157)
prop._addConstant("eqptcapacityL3v6Usage128V6UcCum", "total-v6-128-uc-routes-cumulative", 44153)
prop._addConstant("eqptcapacityL3v6Usage128V6UcLast", "total-v6-128-uc-routes-current-value", 44151)
prop._addConstant("eqptcapacityL3v6Usage128V6UcMax", "total-v6-128-uc-routes-maximum-value", 44156)
prop._addConstant("eqptcapacityL3v6Usage128V6UcMin", "total-v6-128-uc-routes-minimum-value", 44155)
prop._addConstant("eqptcapacityL3v6Usage128V6UcPer", "total-v6-128-uc-routes-periodic", 44154)
prop._addConstant("eqptcapacityL3v6Usage128V6UcRate", "total-v6-128-uc-routes-rate", 44162)
prop._addConstant("eqptcapacityL3v6Usage128V6UcTr", "total-v6-128-uc-routes-trend", 44161)
prop._addConstant("eqptcapacityMcastEntryNormalizedAvg", "multicast-entries-usage-average-value", 9053)
prop._addConstant("eqptcapacityMcastEntryNormalizedLast", "multicast-entries-usage-current-value", 9050)
prop._addConstant("eqptcapacityMcastEntryNormalizedMax", "multicast-entries-usage-maximum-value", 9052)
prop._addConstant("eqptcapacityMcastEntryNormalizedMin", "multicast-entries-usage-minimum-value", 9051)
prop._addConstant("eqptcapacityMcastEntryNormalizedTr", "multicast-entries-usage-trend", 9058)
prop._addConstant("eqptcapacityMcastEntryPerAvg", "multicast-usage-average-value", 52194)
prop._addConstant("eqptcapacityMcastEntryPerLast", "multicast-usage-current-value", 52191)
prop._addConstant("eqptcapacityMcastEntryPerMax", "multicast-usage-maximum-value", 52193)
prop._addConstant("eqptcapacityMcastEntryPerMin", "multicast-usage-minimum-value", 52192)
prop._addConstant("eqptcapacityMcastEntryPerTr", "multicast-usage-trend", 52199)
prop._addConstant("eqptcapacityMcastUsageLocalEpAvg", "local-multicast-endpoints-average-value", 20047)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapAvg", "local-multicast-endpoints-capacity-average-value", 20544)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapCum", "local-multicast-endpoints-capacity-cumulative", 20540)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapLast", "local-multicast-endpoints-capacity-current-value", 20538)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapMax", "local-multicast-endpoints-capacity-maximum-value", 20543)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapMin", "local-multicast-endpoints-capacity-minimum-value", 20542)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapPer", "local-multicast-endpoints-capacity-periodic", 20541)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapRate", "local-multicast-endpoints-capacity-rate", 20549)
prop._addConstant("eqptcapacityMcastUsageLocalEpCapTr", "local-multicast-endpoints-capacity-trend", 20548)
prop._addConstant("eqptcapacityMcastUsageLocalEpCum", "local-multicast-endpoints-cumulative", 20043)
prop._addConstant("eqptcapacityMcastUsageLocalEpLast", "local-multicast-endpoints-current-value", 20041)
prop._addConstant("eqptcapacityMcastUsageLocalEpMax", "local-multicast-endpoints-maximum-value", 20046)
prop._addConstant("eqptcapacityMcastUsageLocalEpMin", "local-multicast-endpoints-minimum-value", 20045)
prop._addConstant("eqptcapacityMcastUsageLocalEpPer", "local-multicast-endpoints-periodic", 20044)
prop._addConstant("eqptcapacityMcastUsageLocalEpRate", "local-multicast-endpoints-rate", 20052)
prop._addConstant("eqptcapacityMcastUsageLocalEpTr", "local-multicast-endpoints-trend", 20051)
prop._addConstant("eqptcapacityMcastUsageNormalizedAvg", "local-multicast-entries-usage-average-value", 27221)
prop._addConstant("eqptcapacityMcastUsageNormalizedLast", "local-multicast-entries-usage-current-value", 27218)
prop._addConstant("eqptcapacityMcastUsageNormalizedMax", "local-multicast-entries-usage-maximum-value", 27220)
prop._addConstant("eqptcapacityMcastUsageNormalizedMin", "local-multicast-entries-usage-minimum-value", 27219)
prop._addConstant("eqptcapacityMcastUsageNormalizedTr", "local-multicast-entries-usage-trend", 27226)
prop._addConstant("eqptcapacityPGLabelEntryNormalizedAvg", "pg-label-entries-usage-average-value", 44401)
prop._addConstant("eqptcapacityPGLabelEntryNormalizedLast", "pg-label-entries-usage-current-value", 44398)
prop._addConstant("eqptcapacityPGLabelEntryNormalizedMax", "pg-label-entries-usage-maximum-value", 44400)
prop._addConstant("eqptcapacityPGLabelEntryNormalizedMin", "pg-label-entries-usage-minimum-value", 44399)
prop._addConstant("eqptcapacityPGLabelEntryNormalizedTr", "pg-label-entries-usage-trend", 44406)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapAvg", "pg-label-usage-capacity-average-value", 44419)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapCum", "pg-label-usage-capacity-cumulative", 44415)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapLast", "pg-label-usage-capacity-current-value", 44413)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapMax", "pg-label-usage-capacity-maximum-value", 44418)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapMin", "pg-label-usage-capacity-minimum-value", 44417)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapPer", "pg-label-usage-capacity-periodic", 44416)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapRate", "pg-label-usage-capacity-rate", 44424)
prop._addConstant("eqptcapacityPGLabelUsagePgLblCapTr", "pg-label-usage-capacity-trend", 44423)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageAvg", "pg-label-usage-average-value", 44440)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageCum", "pg-label-usage-cumulative", 44436)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageLast", "pg-label-usage-current-value", 44434)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageMax", "pg-label-usage-maximum-value", 44439)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageMin", "pg-label-usage-minimum-value", 44438)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsagePer", "pg-label-usage-periodic", 44437)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageRate", "pg-label-usage-rate", 44445)
prop._addConstant("eqptcapacityPGLabelUsagePgLblUsageTr", "pg-label-usage-trend", 44444)
prop._addConstant("eqptcapacityPolEntryNormalizedAvg", "policy-cam-entries-usage-average-value", 9095)
prop._addConstant("eqptcapacityPolEntryNormalizedLast", "policy-cam-entries-usage-current-value", 9092)
prop._addConstant("eqptcapacityPolEntryNormalizedMax", "policy-cam-entries-usage-maximum-value", 9094)
prop._addConstant("eqptcapacityPolEntryNormalizedMin", "policy-cam-entries-usage-minimum-value", 9093)
prop._addConstant("eqptcapacityPolEntryNormalizedTr", "policy-cam-entries-usage-trend", 9100)
prop._addConstant("eqptcapacityPolOTCAMEntryNormalizedAvg", "policy-otcam-entries-usage-average-value", 53921)
prop._addConstant("eqptcapacityPolOTCAMEntryNormalizedLast", "policy-otcam-entries-usage-current-value", 53918)
prop._addConstant("eqptcapacityPolOTCAMEntryNormalizedMax", "policy-otcam-entries-usage-maximum-value", 53920)
prop._addConstant("eqptcapacityPolOTCAMEntryNormalizedMin", "policy-otcam-entries-usage-minimum-value", 53919)
prop._addConstant("eqptcapacityPolOTCAMEntryNormalizedTr", "policy-otcam-entries-usage-trend", 53926)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapAvg", "policy-otcam-usage-capacity-average-value", 53939)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapCum", "policy-otcam-usage-capacity-cumulative", 53935)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapLast", "policy-otcam-usage-capacity-current-value", 53933)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapMax", "policy-otcam-usage-capacity-maximum-value", 53938)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapMin", "policy-otcam-usage-capacity-minimum-value", 53937)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapPer", "policy-otcam-usage-capacity-periodic", 53936)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapRate", "policy-otcam-usage-capacity-rate", 53944)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMCapTr", "policy-otcam-usage-capacity-trend", 53943)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageAvg", "policy-otcam-usage-average-value", 53960)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageCum", "policy-otcam-usage-cumulative", 53956)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageLast", "policy-otcam-usage-current-value", 53954)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageMax", "policy-otcam-usage-maximum-value", 53959)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageMin", "policy-otcam-usage-minimum-value", 53958)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsagePer", "policy-otcam-usage-periodic", 53957)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageRate", "policy-otcam-usage-rate", 53965)
prop._addConstant("eqptcapacityPolOTCAMUsagePolOTCAMUsageTr", "policy-otcam-usage-trend", 53964)
prop._addConstant("eqptcapacityPolUsagePolUsageAvg", "policy-usage-average-value", 20068)
prop._addConstant("eqptcapacityPolUsagePolUsageCapAvg", "policy-usage-capacity-average-value", 20565)
prop._addConstant("eqptcapacityPolUsagePolUsageCapCum", "policy-usage-capacity-cumulative", 20561)
prop._addConstant("eqptcapacityPolUsagePolUsageCapLast", "policy-usage-capacity-current-value", 20559)
prop._addConstant("eqptcapacityPolUsagePolUsageCapMax", "policy-usage-capacity-maximum-value", 20564)
prop._addConstant("eqptcapacityPolUsagePolUsageCapMin", "policy-usage-capacity-minimum-value", 20563)
prop._addConstant("eqptcapacityPolUsagePolUsageCapPer", "policy-usage-capacity-periodic", 20562)
prop._addConstant("eqptcapacityPolUsagePolUsageCapRate", "policy-usage-capacity-rate", 20570)
prop._addConstant("eqptcapacityPolUsagePolUsageCapTr", "policy-usage-capacity-trend", 20569)
prop._addConstant("eqptcapacityPolUsagePolUsageCum", "policy-usage-cumulative", 20064)
prop._addConstant("eqptcapacityPolUsagePolUsageLast", "policy-usage-current-value", 20062)
prop._addConstant("eqptcapacityPolUsagePolUsageMax", "policy-usage-maximum-value", 20067)
prop._addConstant("eqptcapacityPolUsagePolUsageMin", "policy-usage-minimum-value", 20066)
prop._addConstant("eqptcapacityPolUsagePolUsagePer", "policy-usage-periodic", 20065)
prop._addConstant("eqptcapacityPolUsagePolUsageRate", "policy-usage-rate", 20073)
prop._addConstant("eqptcapacityPolUsagePolUsageTr", "policy-usage-trend", 20072)
prop._addConstant("eqptcapacityPortUsageTotalAvg", "total-physical-ports-used-average-value", 47594)
prop._addConstant("eqptcapacityPortUsageTotalCapAvg", "physical-ports-capacity-average-value", 47573)
prop._addConstant("eqptcapacityPortUsageTotalCapCum", "physical-ports-capacity-cumulative", 47569)
prop._addConstant("eqptcapacityPortUsageTotalCapLast", "physical-ports-capacity-current-value", 47567)
prop._addConstant("eqptcapacityPortUsageTotalCapMax", "physical-ports-capacity-maximum-value", 47572)
prop._addConstant("eqptcapacityPortUsageTotalCapMin", "physical-ports-capacity-minimum-value", 47571)
prop._addConstant("eqptcapacityPortUsageTotalCapPer", "physical-ports-capacity-periodic", 47570)
prop._addConstant("eqptcapacityPortUsageTotalCapRate", "physical-ports-capacity-rate", 47578)
prop._addConstant("eqptcapacityPortUsageTotalCapTr", "physical-ports-capacity-trend", 47577)
prop._addConstant("eqptcapacityPortUsageTotalCum", "total-physical-ports-used-cumulative", 47590)
prop._addConstant("eqptcapacityPortUsageTotalLast", "total-physical-ports-used-current-value", 47588)
prop._addConstant("eqptcapacityPortUsageTotalMax", "total-physical-ports-used-maximum-value", 47593)
prop._addConstant("eqptcapacityPortUsageTotalMin", "total-physical-ports-used-minimum-value", 47592)
prop._addConstant("eqptcapacityPortUsageTotalPer", "total-physical-ports-used-periodic", 47591)
prop._addConstant("eqptcapacityPortUsageTotalRate", "total-physical-ports-used-rate", 47599)
prop._addConstant("eqptcapacityPortUsageTotalTr", "total-physical-ports-used-trend", 47598)
prop._addConstant("eqptcapacityPrefixEntriesExtNormalizedAvg", "external-subnet-(v4-and-v6)-prefix-entries-usage-average-value", 20800)
prop._addConstant("eqptcapacityPrefixEntriesExtNormalizedLast", "external-subnet-(v4-and-v6)-prefix-entries-usage-current-value", 20797)
prop._addConstant("eqptcapacityPrefixEntriesExtNormalizedMax", "external-subnet-(v4-and-v6)-prefix-entries-usage-maximum-value", 20799)
prop._addConstant("eqptcapacityPrefixEntriesExtNormalizedMin", "external-subnet-(v4-and-v6)-prefix-entries-usage-minimum-value", 20798)
prop._addConstant("eqptcapacityPrefixEntriesExtNormalizedTr", "external-subnet-(v4-and-v6)-prefix-entries-usage-trend", 20805)
prop._addConstant("eqptcapacityPrefixEntriesFabNormalizedAvg", "fabric-subnet-(v4-and-v6)-prefix-entries-usage-average-value", 20815)
prop._addConstant("eqptcapacityPrefixEntriesFabNormalizedLast", "fabric-subnet-(v4-and-v6)-prefix-entries-usage-current-value", 20812)
prop._addConstant("eqptcapacityPrefixEntriesFabNormalizedMax", "fabric-subnet-(v4-and-v6)-prefix-entries-usage-maximum-value", 20814)
prop._addConstant("eqptcapacityPrefixEntriesFabNormalizedMin", "fabric-subnet-(v4-and-v6)-prefix-entries-usage-minimum-value", 20813)
prop._addConstant("eqptcapacityPrefixEntriesFabNormalizedTr", "fabric-subnet-(v4-and-v6)-prefix-entries-usage-trend", 20820)
prop._addConstant("eqptcapacityPrefixEntriesNormalizedAvg", "deprecated..-average-value", 19849)
prop._addConstant("eqptcapacityPrefixEntriesNormalizedLast", "deprecated..-current-value", 19846)
prop._addConstant("eqptcapacityPrefixEntriesNormalizedMax", "deprecated..-maximum-value", 19848)
prop._addConstant("eqptcapacityPrefixEntriesNormalizedMin", "deprecated..-minimum-value", 19847)
prop._addConstant("eqptcapacityPrefixEntriesNormalizedTr", "deprecated..-trend", 19854)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapAvg", "l3-lpm-capacity-average-value", 44335)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapCum", "l3-lpm-capacity-cumulative", 44331)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapLast", "l3-lpm-capacity-current-value", 44329)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapMax", "l3-lpm-capacity-maximum-value", 44334)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapMin", "l3-lpm-capacity-minimum-value", 44333)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapPer", "l3-lpm-capacity-periodic", 44332)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapRate", "l3-lpm-capacity-rate", 44340)
prop._addConstant("eqptcapacityPrefixEntriesUsageCapTotalLpmCapTr", "l3-lpm-capacity-trend", 44339)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmAvg", "tcam-lpm-average-value", 44251)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmCum", "tcam-lpm-cumulative", 44247)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmLast", "tcam-lpm-current-value", 44245)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmMax", "tcam-lpm-maximum-value", 44250)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmMin", "tcam-lpm-minimum-value", 44249)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmPer", "tcam-lpm-periodic", 44248)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmRate", "tcam-lpm-rate", 44256)
prop._addConstant("eqptcapacityPrefixEntriesUsageTcamLpmTr", "tcam-lpm-trend", 44255)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmAvg", "total-l3-lpm-average-value", 44272)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmCum", "total-l3-lpm-cumulative", 44268)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmLast", "total-l3-lpm-current-value", 44266)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmMax", "total-l3-lpm-maximum-value", 44271)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmMin", "total-l3-lpm-minimum-value", 44270)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmPer", "total-l3-lpm-periodic", 44269)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmRate", "total-l3-lpm-rate", 44277)
prop._addConstant("eqptcapacityPrefixEntriesUsageTotalLpmTr", "total-l3-lpm-trend", 44276)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmAvg", "v4-l3-lpm-average-value", 44293)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmCum", "v4-l3-lpm-cumulative", 44289)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmLast", "v4-l3-lpm-current-value", 44287)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmMax", "v4-l3-lpm-maximum-value", 44292)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmMin", "v4-l3-lpm-minimum-value", 44291)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmPer", "v4-l3-lpm-periodic", 44290)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmRate", "v4-l3-lpm-rate", 44298)
prop._addConstant("eqptcapacityPrefixEntriesUsageV4LpmTr", "v4-l3-lpm-trend", 44297)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmAvg", "v6-l3-lpm-average-value", 44314)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmCum", "v6-l3-lpm-cumulative", 44310)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmLast", "v6-l3-lpm-current-value", 44308)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmMax", "v6-l3-lpm-maximum-value", 44313)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmMin", "v6-l3-lpm-minimum-value", 44312)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmPer", "v6-l3-lpm-periodic", 44311)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmRate", "v6-l3-lpm-rate", 44319)
prop._addConstant("eqptcapacityPrefixEntriesUsageV6LpmTr", "v6-l3-lpm-trend", 44318)
prop._addConstant("eqptcapacityRouterIpEntriesNormalizedAvg", "router-ip-(v4-and-v6)-entries-usage-average-value", 20086)
prop._addConstant("eqptcapacityRouterIpEntriesNormalizedLast", "router-ip-(v4-and-v6)-entries-usage-current-value", 20083)
prop._addConstant("eqptcapacityRouterIpEntriesNormalizedMax", "router-ip-(v4-and-v6)-entries-usage-maximum-value", 20085)
prop._addConstant("eqptcapacityRouterIpEntriesNormalizedMin", "router-ip-(v4-and-v6)-entries-usage-minimum-value", 20084)
prop._addConstant("eqptcapacityRouterIpEntriesNormalizedTr", "router-ip-(v4-and-v6)-entries-usage-trend", 20091)
prop._addConstant("eqptcapacityVlanUsageTotalAvg", "total-vlan-entries-average-value", 20104)
prop._addConstant("eqptcapacityVlanUsageTotalCapAvg", "vlan-entries-capacity-average-value", 20586)
prop._addConstant("eqptcapacityVlanUsageTotalCapCum", "vlan-entries-capacity-cumulative", 20582)
prop._addConstant("eqptcapacityVlanUsageTotalCapLast", "vlan-entries-capacity-current-value", 20580)
prop._addConstant("eqptcapacityVlanUsageTotalCapMax", "vlan-entries-capacity-maximum-value", 20585)
prop._addConstant("eqptcapacityVlanUsageTotalCapMin", "vlan-entries-capacity-minimum-value", 20584)
prop._addConstant("eqptcapacityVlanUsageTotalCapPer", "vlan-entries-capacity-periodic", 20583)
prop._addConstant("eqptcapacityVlanUsageTotalCapRate", "vlan-entries-capacity-rate", 20591)
prop._addConstant("eqptcapacityVlanUsageTotalCapTr", "vlan-entries-capacity-trend", 20590)
prop._addConstant("eqptcapacityVlanUsageTotalCum", "total-vlan-entries-cumulative", 20100)
prop._addConstant("eqptcapacityVlanUsageTotalLast", "total-vlan-entries-current-value", 20098)
prop._addConstant("eqptcapacityVlanUsageTotalMax", "total-vlan-entries-maximum-value", 20103)
prop._addConstant("eqptcapacityVlanUsageTotalMin", "total-vlan-entries-minimum-value", 20102)
prop._addConstant("eqptcapacityVlanUsageTotalPer", "total-vlan-entries-periodic", 20101)
prop._addConstant("eqptcapacityVlanUsageTotalRate", "total-vlan-entries-rate", 20109)
prop._addConstant("eqptcapacityVlanUsageTotalTr", "total-vlan-entries-trend", 20108)
prop._addConstant("eqptcapacityVlanXlateEntriesNormalizedAvg", "vlan-xlate-entries-usage-average-value", 20945)
prop._addConstant("eqptcapacityVlanXlateEntriesNormalizedLast", "vlan-xlate-entries-usage-current-value", 20942)
prop._addConstant("eqptcapacityVlanXlateEntriesNormalizedMax", "vlan-xlate-entries-usage-maximum-value", 20944)
prop._addConstant("eqptcapacityVlanXlateEntriesNormalizedMin", "vlan-xlate-entries-usage-minimum-value", 20943)
prop._addConstant("eqptcapacityVlanXlateEntriesNormalizedTr", "vlan-xlate-entries-usage-trend", 20950)
prop._addConstant("eqptcapacityVrfUsageTotalAvg", "total-vrf-entries-average-value", 47636)
prop._addConstant("eqptcapacityVrfUsageTotalCapAvg", "vrf-entries-capacity-average-value", 47615)
prop._addConstant("eqptcapacityVrfUsageTotalCapCum", "vrf-entries-capacity-cumulative", 47611)
prop._addConstant("eqptcapacityVrfUsageTotalCapLast", "vrf-entries-capacity-current-value", 47609)
prop._addConstant("eqptcapacityVrfUsageTotalCapMax", "vrf-entries-capacity-maximum-value", 47614)
prop._addConstant("eqptcapacityVrfUsageTotalCapMin", "vrf-entries-capacity-minimum-value", 47613)
prop._addConstant("eqptcapacityVrfUsageTotalCapPer", "vrf-entries-capacity-periodic", 47612)
prop._addConstant("eqptcapacityVrfUsageTotalCapRate", "vrf-entries-capacity-rate", 47620)
prop._addConstant("eqptcapacityVrfUsageTotalCapTr", "vrf-entries-capacity-trend", 47619)
prop._addConstant("eqptcapacityVrfUsageTotalCum", "total-vrf-entries-cumulative", 47632)
prop._addConstant("eqptcapacityVrfUsageTotalLast", "total-vrf-entries-current-value", 47630)
prop._addConstant("eqptcapacityVrfUsageTotalMax", "total-vrf-entries-maximum-value", 47635)
prop._addConstant("eqptcapacityVrfUsageTotalMin", "total-vrf-entries-minimum-value", 47634)
prop._addConstant("eqptcapacityVrfUsageTotalPer", "total-vrf-entries-periodic", 47633)
prop._addConstant("eqptcapacityVrfUsageTotalRate", "total-vrf-entries-rate", 47641)
prop._addConstant("eqptcapacityVrfUsageTotalTr", "total-vrf-entries-trend", 47640)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesExtNormalizedAvg", "external-subnet-v6-/84-to-/127-prefix-entries-usage-average-value", 35441)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesExtNormalizedLast", "external-subnet-v6-/84-to-/127-prefix-entries-usage-current-value", 35438)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesExtNormalizedMax", "external-subnet-v6-/84-to-/127-prefix-entries-usage-maximum-value", 35440)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesExtNormalizedMin", "external-subnet-v6-/84-to-/127-prefix-entries-usage-minimum-value", 35439)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesExtNormalizedTr", "external-subnet-v6-/84-to-/127-prefix-entries-usage-trend", 35446)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesFabNormalizedAvg", "v6-/84-to-/127-prefix-entries-usage-average-value", 35456)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesFabNormalizedLast", "v6-/84-to-/127-prefix-entries-usage-current-value", 35453)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesFabNormalizedMax", "v6-/84-to-/127-prefix-entries-usage-maximum-value", 35455)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesFabNormalizedMin", "v6-/84-to-/127-prefix-entries-usage-minimum-value", 35454)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesFabNormalizedTr", "v6-/84-to-/127-prefix-entries-usage-trend", 35461)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesNormalizedAvg", "deprecated..-average-value", 35471)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesNormalizedLast", "deprecated..-current-value", 35468)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesNormalizedMax", "deprecated..-maximum-value", 35470)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesNormalizedMin", "deprecated..-minimum-value", 35469)
prop._addConstant("eqptcapacityWideTcamPrefixEntriesNormalizedTr", "deprecated..-trend", 35476)
prop._addConstant("fabricAcDropExcessDropPktAvg", "dropped-packets-average-value", 9119)
prop._addConstant("fabricAcDropExcessDropPktCum", "dropped-packets-cumulative", 9115)
prop._addConstant("fabricAcDropExcessDropPktLast", "dropped-packets-current-value", 9113)
prop._addConstant("fabricAcDropExcessDropPktMax", "dropped-packets-maximum-value", 9118)
prop._addConstant("fabricAcDropExcessDropPktMin", "dropped-packets-minimum-value", 9117)
prop._addConstant("fabricAcDropExcessDropPktPer", "dropped-packets-periodic", 9116)
prop._addConstant("fabricAcDropExcessDropPktPercentageAvg", "drop-percentage-average-value", 9143)
prop._addConstant("fabricAcDropExcessDropPktPercentageLast", "drop-percentage-current-value", 9140)
prop._addConstant("fabricAcDropExcessDropPktPercentageMax", "drop-percentage-maximum-value", 9142)
prop._addConstant("fabricAcDropExcessDropPktPercentageMin", "drop-percentage-minimum-value", 9141)
prop._addConstant("fabricAcDropExcessDropPktPercentageTr", "drop-percentage-trend", 9148)
prop._addConstant("fabricAcDropExcessDropPktRate", "dropped-packets-rate", 9124)
prop._addConstant("fabricAcDropExcessDropPktTr", "dropped-packets-trend", 9123)
prop._addConstant("fabricAcDropExcessExcessPktAvg", "excess-packets-average-value", 9167)
prop._addConstant("fabricAcDropExcessExcessPktCum", "excess-packets-cumulative", 9163)
prop._addConstant("fabricAcDropExcessExcessPktLast", "excess-packets-current-value", 9161)
prop._addConstant("fabricAcDropExcessExcessPktMax", "excess-packets-maximum-value", 9166)
prop._addConstant("fabricAcDropExcessExcessPktMin", "excess-packets-minimum-value", 9165)
prop._addConstant("fabricAcDropExcessExcessPktPer", "excess-packets-periodic", 9164)
prop._addConstant("fabricAcDropExcessExcessPktPercentageAvg", "excess-percentage-average-value", 9191)
prop._addConstant("fabricAcDropExcessExcessPktPercentageLast", "excess-percentage-current-value", 9188)
prop._addConstant("fabricAcDropExcessExcessPktPercentageMax", "excess-percentage-maximum-value", 9190)
prop._addConstant("fabricAcDropExcessExcessPktPercentageMin", "excess-percentage-minimum-value", 9189)
prop._addConstant("fabricAcDropExcessExcessPktPercentageTr", "excess-percentage-trend", 9196)
prop._addConstant("fabricAcDropExcessExcessPktRate", "excess-packets-rate", 9172)
prop._addConstant("fabricAcDropExcessExcessPktTr", "excess-packets-trend", 9171)
prop._addConstant("fabricAcTxRxRxPktAvg", "received-packets-average-value", 9215)
prop._addConstant("fabricAcTxRxRxPktCum", "received-packets-cumulative", 9211)
prop._addConstant("fabricAcTxRxRxPktLast", "received-packets-current-value", 9209)
prop._addConstant("fabricAcTxRxRxPktMax", "received-packets-maximum-value", 9214)
prop._addConstant("fabricAcTxRxRxPktMin", "received-packets-minimum-value", 9213)
prop._addConstant("fabricAcTxRxRxPktPer", "received-packets-periodic", 9212)
prop._addConstant("fabricAcTxRxRxPktRate", "received-packets-rate", 9220)
prop._addConstant("fabricAcTxRxRxPktTr", "received-packets-trend", 9219)
prop._addConstant("fabricAcTxRxTxPktAvg", "transmitted-packets-average-value", 9242)
prop._addConstant("fabricAcTxRxTxPktCum", "transmitted-packets-cumulative", 9238)
prop._addConstant("fabricAcTxRxTxPktLast", "transmitted-packets-current-value", 9236)
prop._addConstant("fabricAcTxRxTxPktMax", "transmitted-packets-maximum-value", 9241)
prop._addConstant("fabricAcTxRxTxPktMin", "transmitted-packets-minimum-value", 9240)
prop._addConstant("fabricAcTxRxTxPktPer", "transmitted-packets-periodic", 9239)
prop._addConstant("fabricAcTxRxTxPktRate", "transmitted-packets-rate", 9247)
prop._addConstant("fabricAcTxRxTxPktTr", "transmitted-packets-trend", 9246)
prop._addConstant("fabricNodeHealthHealthAvg", "health-score-average-value", 9266)
prop._addConstant("fabricNodeHealthHealthLast", "health-score-current-value", 9263)
prop._addConstant("fabricNodeHealthHealthMax", "health-score-maximum-value", 9265)
prop._addConstant("fabricNodeHealthHealthMin", "health-score-minimum-value", 9264)
prop._addConstant("fabricNodeHealthHealthTr", "health-score-trend", 9271)
prop._addConstant("fabricOverallHealthHealthAvg", "health-score-average-value", 9287)
prop._addConstant("fabricOverallHealthHealthLast", "health-score-current-value", 9284)
prop._addConstant("fabricOverallHealthHealthMax", "health-score-maximum-value", 9286)
prop._addConstant("fabricOverallHealthHealthMin", "health-score-minimum-value", 9285)
prop._addConstant("fabricOverallHealthHealthTr", "health-score-trend", 9292)
prop._addConstant("fcInputBytesClass2Avg", "input-class2-bytes-average-value", 41259)
prop._addConstant("fcInputBytesClass2Cum", "input-class2-bytes-cumulative", 41255)
prop._addConstant("fcInputBytesClass2Last", "input-class2-bytes-current-value", 41253)
prop._addConstant("fcInputBytesClass2Max", "input-class2-bytes-maximum-value", 41258)
prop._addConstant("fcInputBytesClass2Min", "input-class2-bytes-minimum-value", 41257)
prop._addConstant("fcInputBytesClass2Per", "input-class2-bytes-periodic", 41256)
prop._addConstant("fcInputBytesClass2Rate", "input-class2-bytes-rate", 41264)
prop._addConstant("fcInputBytesClass2RateAvg", "input-class2-bytes-rate-average-value", 41277)
prop._addConstant("fcInputBytesClass2RateLast", "input-class2-bytes-rate-current-value", 41274)
prop._addConstant("fcInputBytesClass2RateMax", "input-class2-bytes-rate-maximum-value", 41276)
prop._addConstant("fcInputBytesClass2RateMin", "input-class2-bytes-rate-minimum-value", 41275)
prop._addConstant("fcInputBytesClass2RateTr", "input-class2-bytes-rate-trend", 41282)
prop._addConstant("fcInputBytesClass2Tr", "input-class2-bytes-trend", 41263)
prop._addConstant("fcInputBytesClass3Avg", "input-class3-bytes-average-value", 41295)
prop._addConstant("fcInputBytesClass3Cum", "input-class3-bytes-cumulative", 41291)
prop._addConstant("fcInputBytesClass3Last", "input-class3-bytes-current-value", 41289)
prop._addConstant("fcInputBytesClass3Max", "input-class3-bytes-maximum-value", 41294)
prop._addConstant("fcInputBytesClass3Min", "input-class3-bytes-minimum-value", 41293)
prop._addConstant("fcInputBytesClass3Per", "input-class3-bytes-periodic", 41292)
prop._addConstant("fcInputBytesClass3Rate", "input-class3-bytes-rate", 41300)
prop._addConstant("fcInputBytesClass3RateAvg", "input-class3-bytes-rate-average-value", 41313)
prop._addConstant("fcInputBytesClass3RateLast", "input-class3-bytes-rate-current-value", 41310)
prop._addConstant("fcInputBytesClass3RateMax", "input-class3-bytes-rate-maximum-value", 41312)
prop._addConstant("fcInputBytesClass3RateMin", "input-class3-bytes-rate-minimum-value", 41311)
prop._addConstant("fcInputBytesClass3RateTr", "input-class3-bytes-rate-trend", 41318)
prop._addConstant("fcInputBytesClass3Tr", "input-class3-bytes-trend", 41299)
prop._addConstant("fcInputBytesClassfAvg", "input-classf-bytes-average-value", 41331)
prop._addConstant("fcInputBytesClassfCum", "input-classf-bytes-cumulative", 41327)
prop._addConstant("fcInputBytesClassfLast", "input-classf-bytes-current-value", 41325)
prop._addConstant("fcInputBytesClassfMax", "input-classf-bytes-maximum-value", 41330)
prop._addConstant("fcInputBytesClassfMin", "input-classf-bytes-minimum-value", 41329)
prop._addConstant("fcInputBytesClassfPer", "input-classf-bytes-periodic", 41328)
prop._addConstant("fcInputBytesClassfRate", "input-classf-bytes-rate", 41336)
prop._addConstant("fcInputBytesClassfTr", "input-classf-bytes-trend", 41335)
prop._addConstant("fcInputC2FramesFbsyAvg", "input-fbsy-frames-average-value", 42838)
prop._addConstant("fcInputC2FramesFbsyCum", "input-fbsy-frames-cumulative", 42834)
prop._addConstant("fcInputC2FramesFbsyLast", "input-fbsy-frames-current-value", 42832)
prop._addConstant("fcInputC2FramesFbsyMax", "input-fbsy-frames-maximum-value", 42837)
prop._addConstant("fcInputC2FramesFbsyMin", "input-fbsy-frames-minimum-value", 42836)
prop._addConstant("fcInputC2FramesFbsyPer", "input-fbsy-frames-periodic", 42835)
prop._addConstant("fcInputC2FramesFbsyRate", "input-fbsy-frames-rate", 42843)
prop._addConstant("fcInputC2FramesFbsyTr", "input-fbsy-frames-trend", 42842)
prop._addConstant("fcInputC2FramesFrjtAvg", "input-frjt-frames-average-value", 42859)
prop._addConstant("fcInputC2FramesFrjtCum", "input-frjt-frames-cumulative", 42855)
prop._addConstant("fcInputC2FramesFrjtLast", "input-frjt-frames-current-value", 42853)
prop._addConstant("fcInputC2FramesFrjtMax", "input-frjt-frames-maximum-value", 42858)
prop._addConstant("fcInputC2FramesFrjtMin", "input-frjt-frames-minimum-value", 42857)
prop._addConstant("fcInputC2FramesFrjtPer", "input-frjt-frames-periodic", 42856)
prop._addConstant("fcInputC2FramesFrjtRate", "input-frjt-frames-rate", 42864)
prop._addConstant("fcInputC2FramesFrjtTr", "input-frjt-frames-trend", 42863)
prop._addConstant("fcInputC2FramesPbsyAvg", "input-pbsy-frames-average-value", 42880)
prop._addConstant("fcInputC2FramesPbsyCum", "input-pbsy-frames-cumulative", 42876)
prop._addConstant("fcInputC2FramesPbsyLast", "input-pbsy-frames-current-value", 42874)
prop._addConstant("fcInputC2FramesPbsyMax", "input-pbsy-frames-maximum-value", 42879)
prop._addConstant("fcInputC2FramesPbsyMin", "input-pbsy-frames-minimum-value", 42878)
prop._addConstant("fcInputC2FramesPbsyPer", "input-pbsy-frames-periodic", 42877)
prop._addConstant("fcInputC2FramesPbsyRate", "input-pbsy-frames-rate", 42885)
prop._addConstant("fcInputC2FramesPbsyTr", "input-pbsy-frames-trend", 42884)
prop._addConstant("fcInputC2FramesPrjtAvg", "input-prjt-frames-average-value", 42901)
prop._addConstant("fcInputC2FramesPrjtCum", "input-prjt-frames-cumulative", 42897)
prop._addConstant("fcInputC2FramesPrjtLast", "input-prjt-frames-current-value", 42895)
prop._addConstant("fcInputC2FramesPrjtMax", "input-prjt-frames-maximum-value", 42900)
prop._addConstant("fcInputC2FramesPrjtMin", "input-prjt-frames-minimum-value", 42899)
prop._addConstant("fcInputC2FramesPrjtPer", "input-prjt-frames-periodic", 42898)
prop._addConstant("fcInputC2FramesPrjtRate", "input-prjt-frames-rate", 42906)
prop._addConstant("fcInputC2FramesPrjtTr", "input-prjt-frames-trend", 42905)
prop._addConstant("fcInputCastFramesBroadcastAvg", "input-broadcast-frames-average-value", 42922)
prop._addConstant("fcInputCastFramesBroadcastCum", "input-broadcast-frames-cumulative", 42918)
prop._addConstant("fcInputCastFramesBroadcastLast", "input-broadcast-frames-current-value", 42916)
prop._addConstant("fcInputCastFramesBroadcastMax", "input-broadcast-frames-maximum-value", 42921)
prop._addConstant("fcInputCastFramesBroadcastMin", "input-broadcast-frames-minimum-value", 42920)
prop._addConstant("fcInputCastFramesBroadcastPer", "input-broadcast-frames-periodic", 42919)
prop._addConstant("fcInputCastFramesBroadcastRate", "input-broadcast-frames-rate", 42927)
prop._addConstant("fcInputCastFramesBroadcastTr", "input-broadcast-frames-trend", 42926)
prop._addConstant("fcInputCastFramesMulticastAvg", "input-multicast-frames-average-value", 42943)
prop._addConstant("fcInputCastFramesMulticastCum", "input-multicast-frames-cumulative", 42939)
prop._addConstant("fcInputCastFramesMulticastLast", "input-multicast-frames-current-value", 42937)
prop._addConstant("fcInputCastFramesMulticastMax", "input-multicast-frames-maximum-value", 42942)
prop._addConstant("fcInputCastFramesMulticastMin", "input-multicast-frames-minimum-value", 42941)
prop._addConstant("fcInputCastFramesMulticastPer", "input-multicast-frames-periodic", 42940)
prop._addConstant("fcInputCastFramesMulticastRate", "input-multicast-frames-rate", 42948)
prop._addConstant("fcInputCastFramesMulticastTr", "input-multicast-frames-trend", 42947)
prop._addConstant("fcInputCastFramesUnicastAvg", "input-unicast-frames-average-value", 42964)
prop._addConstant("fcInputCastFramesUnicastCum", "input-unicast-frames-cumulative", 42960)
prop._addConstant("fcInputCastFramesUnicastLast", "input-unicast-frames-current-value", 42958)
prop._addConstant("fcInputCastFramesUnicastMax", "input-unicast-frames-maximum-value", 42963)
prop._addConstant("fcInputCastFramesUnicastMin", "input-unicast-frames-minimum-value", 42962)
prop._addConstant("fcInputCastFramesUnicastPer", "input-unicast-frames-periodic", 42961)
prop._addConstant("fcInputCastFramesUnicastRate", "input-unicast-frames-rate", 42969)
prop._addConstant("fcInputCastFramesUnicastTr", "input-unicast-frames-trend", 42968)
prop._addConstant("fcInputClassDiscardsC2DiscardsAvg", "input-class2-discards-average-value", 42985)
prop._addConstant("fcInputClassDiscardsC2DiscardsCum", "input-class2-discards-cumulative", 42981)
prop._addConstant("fcInputClassDiscardsC2DiscardsLast", "input-class2-discards-current-value", 42979)
prop._addConstant("fcInputClassDiscardsC2DiscardsMax", "input-class2-discards-maximum-value", 42984)
prop._addConstant("fcInputClassDiscardsC2DiscardsMin", "input-class2-discards-minimum-value", 42983)
prop._addConstant("fcInputClassDiscardsC2DiscardsPer", "input-class2-discards-periodic", 42982)
prop._addConstant("fcInputClassDiscardsC2DiscardsRate", "input-class2-discards-rate", 42990)
prop._addConstant("fcInputClassDiscardsC2DiscardsTr", "input-class2-discards-trend", 42989)
prop._addConstant("fcInputClassDiscardsC3DiscardsAvg", "input-class3-discards-average-value", 43006)
prop._addConstant("fcInputClassDiscardsC3DiscardsCum", "input-class3-discards-cumulative", 43002)
prop._addConstant("fcInputClassDiscardsC3DiscardsLast", "input-class3-discards-current-value", 43000)
prop._addConstant("fcInputClassDiscardsC3DiscardsMax", "input-class3-discards-maximum-value", 43005)
prop._addConstant("fcInputClassDiscardsC3DiscardsMin", "input-class3-discards-minimum-value", 43004)
prop._addConstant("fcInputClassDiscardsC3DiscardsPer", "input-class3-discards-periodic", 43003)
prop._addConstant("fcInputClassDiscardsC3DiscardsRate", "input-class3-discards-rate", 43011)
prop._addConstant("fcInputClassDiscardsC3DiscardsTr", "input-class3-discards-trend", 43010)
prop._addConstant("fcInputClassDiscardsCfDiscardsAvg", "input-classf-discards-average-value", 43027)
prop._addConstant("fcInputClassDiscardsCfDiscardsCum", "input-classf-discards-cumulative", 43023)
prop._addConstant("fcInputClassDiscardsCfDiscardsLast", "input-classf-discards-current-value", 43021)
prop._addConstant("fcInputClassDiscardsCfDiscardsMax", "input-classf-discards-maximum-value", 43026)
prop._addConstant("fcInputClassDiscardsCfDiscardsMin", "input-classf-discards-minimum-value", 43025)
prop._addConstant("fcInputClassDiscardsCfDiscardsPer", "input-classf-discards-periodic", 43024)
prop._addConstant("fcInputClassDiscardsCfDiscardsRate", "input-classf-discards-rate", 43032)
prop._addConstant("fcInputClassDiscardsCfDiscardsTr", "input-classf-discards-trend", 43031)
prop._addConstant("fcInputDisFramesCrcAvg", "input-crc-frames-average-value", 41352)
prop._addConstant("fcInputDisFramesCrcCum", "input-crc-frames-cumulative", 41348)
prop._addConstant("fcInputDisFramesCrcLast", "input-crc-frames-current-value", 41346)
prop._addConstant("fcInputDisFramesCrcMax", "input-crc-frames-maximum-value", 41351)
prop._addConstant("fcInputDisFramesCrcMin", "input-crc-frames-minimum-value", 41350)
prop._addConstant("fcInputDisFramesCrcPer", "input-crc-frames-periodic", 41349)
prop._addConstant("fcInputDisFramesCrcRate", "input-crc-frames-rate", 41357)
prop._addConstant("fcInputDisFramesCrcTr", "input-crc-frames-trend", 41356)
prop._addConstant("fcInputDisFramesDiscardsAvg", "input-discards-frames-average-value", 41373)
prop._addConstant("fcInputDisFramesDiscardsCum", "input-discards-frames-cumulative", 41369)
prop._addConstant("fcInputDisFramesDiscardsLast", "input-discards-frames-current-value", 41367)
prop._addConstant("fcInputDisFramesDiscardsMax", "input-discards-frames-maximum-value", 41372)
prop._addConstant("fcInputDisFramesDiscardsMin", "input-discards-frames-minimum-value", 41371)
prop._addConstant("fcInputDisFramesDiscardsPer", "input-discards-frames-periodic", 41370)
prop._addConstant("fcInputDisFramesDiscardsRate", "input-discards-frames-rate", 41378)
prop._addConstant("fcInputDisFramesDiscardsTr", "input-discards-frames-trend", 41377)
prop._addConstant("fcInputDisFramesErrorsAvg", "input-errors-frames-average-value", 41394)
prop._addConstant("fcInputDisFramesErrorsCum", "input-errors-frames-cumulative", 41390)
prop._addConstant("fcInputDisFramesErrorsLast", "input-errors-frames-current-value", 41388)
prop._addConstant("fcInputDisFramesErrorsMax", "input-errors-frames-maximum-value", 41393)
prop._addConstant("fcInputDisFramesErrorsMin", "input-errors-frames-minimum-value", 41392)
prop._addConstant("fcInputDisFramesErrorsPer", "input-errors-frames-periodic", 41391)
prop._addConstant("fcInputDisFramesErrorsRate", "input-errors-frames-rate", 41399)
prop._addConstant("fcInputDisFramesErrorsTr", "input-errors-frames-trend", 41398)
prop._addConstant("fcInputErrorsAddrIdErrorsAvg", "address-identifier-errors-average-value", 43048)
prop._addConstant("fcInputErrorsAddrIdErrorsCum", "address-identifier-errors-cumulative", 43044)
prop._addConstant("fcInputErrorsAddrIdErrorsLast", "address-identifier-errors-current-value", 43042)
prop._addConstant("fcInputErrorsAddrIdErrorsMax", "address-identifier-errors-maximum-value", 43047)
prop._addConstant("fcInputErrorsAddrIdErrorsMin", "address-identifier-errors-minimum-value", 43046)
prop._addConstant("fcInputErrorsAddrIdErrorsPer", "address-identifier-errors-periodic", 43045)
prop._addConstant("fcInputErrorsAddrIdErrorsRate", "address-identifier-errors-rate", 43053)
prop._addConstant("fcInputErrorsAddrIdErrorsTr", "address-identifier-errors-trend", 43052)
prop._addConstant("fcInputErrorsDelimiterErrorsAvg", "delimiter-errors-average-value", 43069)
prop._addConstant("fcInputErrorsDelimiterErrorsCum", "delimiter-errors-cumulative", 43065)
prop._addConstant("fcInputErrorsDelimiterErrorsLast", "delimiter-errors-current-value", 43063)
prop._addConstant("fcInputErrorsDelimiterErrorsMax", "delimiter-errors-maximum-value", 43068)
prop._addConstant("fcInputErrorsDelimiterErrorsMin", "delimiter-errors-minimum-value", 43067)
prop._addConstant("fcInputErrorsDelimiterErrorsPer", "delimiter-errors-periodic", 43066)
prop._addConstant("fcInputErrorsDelimiterErrorsRate", "delimiter-errors-rate", 43074)
prop._addConstant("fcInputErrorsDelimiterErrorsTr", "delimiter-errors-trend", 43073)
prop._addConstant("fcInputErrorsLrpAvg", "input-link-reset-protocol-average-value", 43090)
prop._addConstant("fcInputErrorsLrpCum", "input-link-reset-protocol-cumulative", 43086)
prop._addConstant("fcInputErrorsLrpLast", "input-link-reset-protocol-current-value", 43084)
prop._addConstant("fcInputErrorsLrpMax", "input-link-reset-protocol-maximum-value", 43089)
prop._addConstant("fcInputErrorsLrpMin", "input-link-reset-protocol-minimum-value", 43088)
prop._addConstant("fcInputErrorsLrpPer", "input-link-reset-protocol-periodic", 43087)
prop._addConstant("fcInputErrorsLrpRate", "input-link-reset-protocol-rate", 43095)
prop._addConstant("fcInputErrorsLrpTr", "input-link-reset-protocol-trend", 43094)
prop._addConstant("fcInputErrorsPrimSeqProtoAvg", "primitive-seq-proto-errors-average-value", 43111)
prop._addConstant("fcInputErrorsPrimSeqProtoCum", "primitive-seq-proto-errors-cumulative", 43107)
prop._addConstant("fcInputErrorsPrimSeqProtoLast", "primitive-seq-proto-errors-current-value", 43105)
prop._addConstant("fcInputErrorsPrimSeqProtoMax", "primitive-seq-proto-errors-maximum-value", 43110)
prop._addConstant("fcInputErrorsPrimSeqProtoMin", "primitive-seq-proto-errors-minimum-value", 43109)
prop._addConstant("fcInputErrorsPrimSeqProtoPer", "primitive-seq-proto-errors-periodic", 43108)
prop._addConstant("fcInputErrorsPrimSeqProtoRate", "primitive-seq-proto-errors-rate", 43116)
prop._addConstant("fcInputErrorsPrimSeqProtoTr", "primitive-seq-proto-errors-trend", 43115)
prop._addConstant("fcInputFramesClass2Avg", "input-class2-frames-average-value", 41415)
prop._addConstant("fcInputFramesClass2Cum", "input-class2-frames-cumulative", 41411)
prop._addConstant("fcInputFramesClass2Last", "input-class2-frames-current-value", 41409)
prop._addConstant("fcInputFramesClass2Max", "input-class2-frames-maximum-value", 41414)
prop._addConstant("fcInputFramesClass2Min", "input-class2-frames-minimum-value", 41413)
prop._addConstant("fcInputFramesClass2Per", "input-class2-frames-periodic", 41412)
prop._addConstant("fcInputFramesClass2Rate", "input-class2-frames-rate", 41420)
prop._addConstant("fcInputFramesClass2Tr", "input-class2-frames-trend", 41419)
prop._addConstant("fcInputFramesClass3Avg", "input-class3-frames-average-value", 41436)
prop._addConstant("fcInputFramesClass3Cum", "input-class3-frames-cumulative", 41432)
prop._addConstant("fcInputFramesClass3Last", "input-class3-frames-current-value", 41430)
prop._addConstant("fcInputFramesClass3Max", "input-class3-frames-maximum-value", 41435)
prop._addConstant("fcInputFramesClass3Min", "input-class3-frames-minimum-value", 41434)
prop._addConstant("fcInputFramesClass3Per", "input-class3-frames-periodic", 41433)
prop._addConstant("fcInputFramesClass3Rate", "input-class3-frames-rate", 41441)
prop._addConstant("fcInputFramesClass3Tr", "input-class3-frames-trend", 41440)
prop._addConstant("fcInputFramesClassfAvg", "input-classf-frames-average-value", 41457)
prop._addConstant("fcInputFramesClassfCum", "input-classf-frames-cumulative", 41453)
prop._addConstant("fcInputFramesClassfLast", "input-classf-frames-current-value", 41451)
prop._addConstant("fcInputFramesClassfMax", "input-classf-frames-maximum-value", 41456)
prop._addConstant("fcInputFramesClassfMin", "input-classf-frames-minimum-value", 41455)
prop._addConstant("fcInputFramesClassfPer", "input-classf-frames-periodic", 41454)
prop._addConstant("fcInputFramesClassfRate", "input-classf-frames-rate", 41462)
prop._addConstant("fcInputFramesClassfTr", "input-classf-frames-trend", 41461)
prop._addConstant("fcInputLIPErrorsEofAbortsAvg", "input-eof-aborts-average-value", 43132)
prop._addConstant("fcInputLIPErrorsEofAbortsCum", "input-eof-aborts-cumulative", 43128)
prop._addConstant("fcInputLIPErrorsEofAbortsLast", "input-eof-aborts-current-value", 43126)
prop._addConstant("fcInputLIPErrorsEofAbortsMax", "input-eof-aborts-maximum-value", 43131)
prop._addConstant("fcInputLIPErrorsEofAbortsMin", "input-eof-aborts-minimum-value", 43130)
prop._addConstant("fcInputLIPErrorsEofAbortsPer", "input-eof-aborts-periodic", 43129)
prop._addConstant("fcInputLIPErrorsEofAbortsRate", "input-eof-aborts-rate", 43137)
prop._addConstant("fcInputLIPErrorsEofAbortsTr", "input-eof-aborts-trend", 43136)
prop._addConstant("fcInputLIPErrorsF8LipErrorAvg", "input-f8-lip-error-average-value", 43153)
prop._addConstant("fcInputLIPErrorsF8LipErrorCum", "input-f8-lip-error-cumulative", 43149)
prop._addConstant("fcInputLIPErrorsF8LipErrorLast", "input-f8-lip-error-current-value", 43147)
prop._addConstant("fcInputLIPErrorsF8LipErrorMax", "input-f8-lip-error-maximum-value", 43152)
prop._addConstant("fcInputLIPErrorsF8LipErrorMin", "input-f8-lip-error-minimum-value", 43151)
prop._addConstant("fcInputLIPErrorsF8LipErrorPer", "input-f8-lip-error-periodic", 43150)
prop._addConstant("fcInputLIPErrorsF8LipErrorRate", "input-f8-lip-error-rate", 43158)
prop._addConstant("fcInputLIPErrorsF8LipErrorTr", "input-f8-lip-error-trend", 43157)
prop._addConstant("fcInputLIPErrorsFragmentedFramesAvg", "fragmented-frames-average-value", 43174)
prop._addConstant("fcInputLIPErrorsFragmentedFramesCum", "fragmented-frames-cumulative", 43170)
prop._addConstant("fcInputLIPErrorsFragmentedFramesLast", "fragmented-frames-current-value", 43168)
prop._addConstant("fcInputLIPErrorsFragmentedFramesMax", "fragmented-frames-maximum-value", 43173)
prop._addConstant("fcInputLIPErrorsFragmentedFramesMin", "fragmented-frames-minimum-value", 43172)
prop._addConstant("fcInputLIPErrorsFragmentedFramesPer", "fragmented-frames-periodic", 43171)
prop._addConstant("fcInputLIPErrorsFragmentedFramesRate", "fragmented-frames-rate", 43179)
prop._addConstant("fcInputLIPErrorsFragmentedFramesTr", "fragmented-frames-trend", 43178)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorAvg", "input-non-f8-lip-error-average-value", 43195)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorCum", "input-non-f8-lip-error-cumulative", 43191)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorLast", "input-non-f8-lip-error-current-value", 43189)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorMax", "input-non-f8-lip-error-maximum-value", 43194)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorMin", "input-non-f8-lip-error-minimum-value", 43193)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorPer", "input-non-f8-lip-error-periodic", 43192)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorRate", "input-non-f8-lip-error-rate", 43200)
prop._addConstant("fcInputLIPErrorsNonf8LipErrorTr", "input-non-f8-lip-error-trend", 43199)
prop._addConstant("fcInputLinkLoopinitsAvg", "input-loop-inits-average-value", 41478)
prop._addConstant("fcInputLinkLoopinitsCum", "input-loop-inits-cumulative", 41474)
prop._addConstant("fcInputLinkLoopinitsLast", "input-loop-inits-current-value", 41472)
prop._addConstant("fcInputLinkLoopinitsMax", "input-loop-inits-maximum-value", 41477)
prop._addConstant("fcInputLinkLoopinitsMin", "input-loop-inits-minimum-value", 41476)
prop._addConstant("fcInputLinkLoopinitsPer", "input-loop-inits-periodic", 41475)
prop._addConstant("fcInputLinkLoopinitsRate", "input-loop-inits-rate", 41483)
prop._addConstant("fcInputLinkLoopinitsTr", "input-loop-inits-trend", 41482)
prop._addConstant("fcInputLinkLrrAvg", "input-link-reset-response-average-value", 41499)
prop._addConstant("fcInputLinkLrrCum", "input-link-reset-response-cumulative", 41495)
prop._addConstant("fcInputLinkLrrLast", "input-link-reset-response-current-value", 41493)
prop._addConstant("fcInputLinkLrrMax", "input-link-reset-response-maximum-value", 41498)
prop._addConstant("fcInputLinkLrrMin", "input-link-reset-response-minimum-value", 41497)
prop._addConstant("fcInputLinkLrrPer", "input-link-reset-response-periodic", 41496)
prop._addConstant("fcInputLinkLrrRate", "input-link-reset-response-rate", 41504)
prop._addConstant("fcInputLinkLrrTr", "input-link-reset-response-trend", 41503)
prop._addConstant("fcInputLinkNosAvg", "input-not-operational-average-value", 41520)
prop._addConstant("fcInputLinkNosCum", "input-not-operational-cumulative", 41516)
prop._addConstant("fcInputLinkNosLast", "input-not-operational-current-value", 41514)
prop._addConstant("fcInputLinkNosMax", "input-not-operational-maximum-value", 41519)
prop._addConstant("fcInputLinkNosMin", "input-not-operational-minimum-value", 41518)
prop._addConstant("fcInputLinkNosPer", "input-not-operational-periodic", 41517)
prop._addConstant("fcInputLinkNosRate", "input-not-operational-rate", 41525)
prop._addConstant("fcInputLinkNosTr", "input-not-operational-trend", 41524)
prop._addConstant("fcInputLinkOlsAvg", "input-offline-average-value", 41541)
prop._addConstant("fcInputLinkOlsCum", "input-offline-cumulative", 41537)
prop._addConstant("fcInputLinkOlsLast", "input-offline-current-value", 41535)
prop._addConstant("fcInputLinkOlsMax", "input-offline-maximum-value", 41540)
prop._addConstant("fcInputLinkOlsMin", "input-offline-minimum-value", 41539)
prop._addConstant("fcInputLinkOlsPer", "input-offline-periodic", 41538)
prop._addConstant("fcInputLinkOlsRate", "input-offline-rate", 41546)
prop._addConstant("fcInputLinkOlsTr", "input-offline-trend", 41545)
prop._addConstant("fcInputOtherErrorsDisparity8b10bAvg", "input-8b10b-disparity-average-value", 43216)
prop._addConstant("fcInputOtherErrorsDisparity8b10bCum", "input-8b10b-disparity-cumulative", 43212)
prop._addConstant("fcInputOtherErrorsDisparity8b10bLast", "input-8b10b-disparity-current-value", 43210)
prop._addConstant("fcInputOtherErrorsDisparity8b10bMax", "input-8b10b-disparity-maximum-value", 43215)
prop._addConstant("fcInputOtherErrorsDisparity8b10bMin", "input-8b10b-disparity-minimum-value", 43214)
prop._addConstant("fcInputOtherErrorsDisparity8b10bPer", "input-8b10b-disparity-periodic", 43213)
prop._addConstant("fcInputOtherErrorsDisparity8b10bRate", "input-8b10b-disparity-rate", 43221)
prop._addConstant("fcInputOtherErrorsDisparity8b10bTr", "input-8b10b-disparity-trend", 43220)
prop._addConstant("fcInputOtherErrorsEislAvg", "input-eisl-average-value", 43237)
prop._addConstant("fcInputOtherErrorsEislCum", "input-eisl-cumulative", 43233)
prop._addConstant("fcInputOtherErrorsEislLast", "input-eisl-current-value", 43231)
prop._addConstant("fcInputOtherErrorsEislMax", "input-eisl-maximum-value", 43236)
prop._addConstant("fcInputOtherErrorsEislMin", "input-eisl-minimum-value", 43235)
prop._addConstant("fcInputOtherErrorsEislPer", "input-eisl-periodic", 43234)
prop._addConstant("fcInputOtherErrorsEislRate", "input-eisl-rate", 43242)
prop._addConstant("fcInputOtherErrorsEislTr", "input-eisl-trend", 43241)
prop._addConstant("fcInputOtherErrorsElpAvg", "input-elp-average-value", 43258)
prop._addConstant("fcInputOtherErrorsElpCum", "input-elp-cumulative", 43254)
prop._addConstant("fcInputOtherErrorsElpLast", "input-elp-current-value", 43252)
prop._addConstant("fcInputOtherErrorsElpMax", "input-elp-maximum-value", 43257)
prop._addConstant("fcInputOtherErrorsElpMin", "input-elp-minimum-value", 43256)
prop._addConstant("fcInputOtherErrorsElpPer", "input-elp-periodic", 43255)
prop._addConstant("fcInputOtherErrorsElpRate", "input-elp-rate", 43263)
prop._addConstant("fcInputOtherErrorsElpTr", "input-elp-trend", 43262)
prop._addConstant("fcInputOtherErrorsFramingAvg", "input-framing-errors-average-value", 43279)
prop._addConstant("fcInputOtherErrorsFramingCum", "input-framing-errors-cumulative", 43275)
prop._addConstant("fcInputOtherErrorsFramingLast", "input-framing-errors-current-value", 43273)
prop._addConstant("fcInputOtherErrorsFramingMax", "input-framing-errors-maximum-value", 43278)
prop._addConstant("fcInputOtherErrorsFramingMin", "input-framing-errors-minimum-value", 43277)
prop._addConstant("fcInputOtherErrorsFramingPer", "input-framing-errors-periodic", 43276)
prop._addConstant("fcInputOtherErrorsFramingRate", "input-framing-errors-rate", 43284)
prop._addConstant("fcInputOtherErrorsFramingTr", "input-framing-errors-trend", 43283)
prop._addConstant("fcInputTotalByteBytesAvg", "total-input-bytes-average-value", 41562)
prop._addConstant("fcInputTotalByteBytesCum", "total-input-bytes-cumulative", 41558)
prop._addConstant("fcInputTotalByteBytesLast", "total-input-bytes-current-value", 41556)
prop._addConstant("fcInputTotalByteBytesMax", "total-input-bytes-maximum-value", 41561)
prop._addConstant("fcInputTotalByteBytesMin", "total-input-bytes-minimum-value", 41560)
prop._addConstant("fcInputTotalByteBytesPer", "total-input-bytes-periodic", 41559)
prop._addConstant("fcInputTotalByteBytesRate", "total-input-bytes-rate", 41567)
prop._addConstant("fcInputTotalByteBytesRateAvg", "total-input-bytes-rate-average-value", 41580)
prop._addConstant("fcInputTotalByteBytesRateLast", "total-input-bytes-rate-current-value", 41577)
prop._addConstant("fcInputTotalByteBytesRateMax", "total-input-bytes-rate-maximum-value", 41579)
prop._addConstant("fcInputTotalByteBytesRateMin", "total-input-bytes-rate-minimum-value", 41578)
prop._addConstant("fcInputTotalByteBytesRateTr", "total-input-bytes-rate-trend", 41585)
prop._addConstant("fcInputTotalByteBytesTr", "total-input-bytes-trend", 41566)
prop._addConstant("fcInputTotalByteUtilAvg", "ingress-link-utilization-average-value", 41595)
prop._addConstant("fcInputTotalByteUtilLast", "ingress-link-utilization-current-value", 41592)
prop._addConstant("fcInputTotalByteUtilMax", "ingress-link-utilization-maximum-value", 41594)
prop._addConstant("fcInputTotalByteUtilMin", "ingress-link-utilization-minimum-value", 41593)
prop._addConstant("fcInputTotalByteUtilTr", "ingress-link-utilization-trend", 41600)
prop._addConstant("fcInputUnkClassToolongAvg", "input-too-long-frames-average-value", 41613)
prop._addConstant("fcInputUnkClassToolongCum", "input-too-long-frames-cumulative", 41609)
prop._addConstant("fcInputUnkClassToolongLast", "input-too-long-frames-current-value", 41607)
prop._addConstant("fcInputUnkClassToolongMax", "input-too-long-frames-maximum-value", 41612)
prop._addConstant("fcInputUnkClassToolongMin", "input-too-long-frames-minimum-value", 41611)
prop._addConstant("fcInputUnkClassToolongPer", "input-too-long-frames-periodic", 41610)
prop._addConstant("fcInputUnkClassToolongRate", "input-too-long-frames-rate", 41618)
prop._addConstant("fcInputUnkClassToolongTr", "input-too-long-frames-trend", 41617)
prop._addConstant("fcInputUnkClassTooshortAvg", "input-too-short-frames-average-value", 41634)
prop._addConstant("fcInputUnkClassTooshortCum", "input-too-short-frames-cumulative", 41630)
prop._addConstant("fcInputUnkClassTooshortLast", "input-too-short-frames-current-value", 41628)
prop._addConstant("fcInputUnkClassTooshortMax", "input-too-short-frames-maximum-value", 41633)
prop._addConstant("fcInputUnkClassTooshortMin", "input-too-short-frames-minimum-value", 41632)
prop._addConstant("fcInputUnkClassTooshortPer", "input-too-short-frames-periodic", 41631)
prop._addConstant("fcInputUnkClassTooshortRate", "input-too-short-frames-rate", 41639)
prop._addConstant("fcInputUnkClassTooshortTr", "input-too-short-frames-trend", 41638)
prop._addConstant("fcInputUnkClassUnknownAvg", "input-unknown-frames-average-value", 41655)
prop._addConstant("fcInputUnkClassUnknownCum", "input-unknown-frames-cumulative", 41651)
prop._addConstant("fcInputUnkClassUnknownLast", "input-unknown-frames-current-value", 41649)
prop._addConstant("fcInputUnkClassUnknownMax", "input-unknown-frames-maximum-value", 41654)
prop._addConstant("fcInputUnkClassUnknownMin", "input-unknown-frames-minimum-value", 41653)
prop._addConstant("fcInputUnkClassUnknownPer", "input-unknown-frames-periodic", 41652)
prop._addConstant("fcInputUnkClassUnknownRate", "input-unknown-frames-rate", 41660)
prop._addConstant("fcInputUnkClassUnknownTr", "input-unknown-frames-trend", 41659)
prop._addConstant("fcLinkFailLinkfailAvg", "link-failures-average-value", 41676)
prop._addConstant("fcLinkFailLinkfailCum", "link-failures-cumulative", 41672)
prop._addConstant("fcLinkFailLinkfailLast", "link-failures-current-value", 41670)
prop._addConstant("fcLinkFailLinkfailMax", "link-failures-maximum-value", 41675)
prop._addConstant("fcLinkFailLinkfailMin", "link-failures-minimum-value", 41674)
prop._addConstant("fcLinkFailLinkfailPer", "link-failures-periodic", 41673)
prop._addConstant("fcLinkFailLinkfailRate", "link-failures-rate", 41681)
prop._addConstant("fcLinkFailLinkfailTr", "link-failures-trend", 41680)
prop._addConstant("fcLinkFailSignlossAvg", "signal-losses-average-value", 41697)
prop._addConstant("fcLinkFailSignlossCum", "signal-losses-cumulative", 41693)
prop._addConstant("fcLinkFailSignlossLast", "signal-losses-current-value", 41691)
prop._addConstant("fcLinkFailSignlossMax", "signal-losses-maximum-value", 41696)
prop._addConstant("fcLinkFailSignlossMin", "signal-losses-minimum-value", 41695)
prop._addConstant("fcLinkFailSignlossPer", "signal-losses-periodic", 41694)
prop._addConstant("fcLinkFailSignlossRate", "signal-losses-rate", 41702)
prop._addConstant("fcLinkFailSignlossTr", "signal-losses-trend", 41701)
prop._addConstant("fcLinkFailSynclossAvg", "sync-losses-average-value", 41718)
prop._addConstant("fcLinkFailSynclossCum", "sync-losses-cumulative", 41714)
prop._addConstant("fcLinkFailSynclossLast", "sync-losses-current-value", 41712)
prop._addConstant("fcLinkFailSynclossMax", "sync-losses-maximum-value", 41717)
prop._addConstant("fcLinkFailSynclossMin", "sync-losses-minimum-value", 41716)
prop._addConstant("fcLinkFailSynclossPer", "sync-losses-periodic", 41715)
prop._addConstant("fcLinkFailSynclossRate", "sync-losses-rate", 41723)
prop._addConstant("fcLinkFailSynclossTr", "sync-losses-trend", 41722)
prop._addConstant("fcOutputBytesClass2Avg", "output-class2-bytes-average-value", 41739)
prop._addConstant("fcOutputBytesClass2Cum", "output-class2-bytes-cumulative", 41735)
prop._addConstant("fcOutputBytesClass2Last", "output-class2-bytes-current-value", 41733)
prop._addConstant("fcOutputBytesClass2Max", "output-class2-bytes-maximum-value", 41738)
prop._addConstant("fcOutputBytesClass2Min", "output-class2-bytes-minimum-value", 41737)
prop._addConstant("fcOutputBytesClass2Per", "output-class2-bytes-periodic", 41736)
prop._addConstant("fcOutputBytesClass2Rate", "output-class2-bytes-rate", 41744)
prop._addConstant("fcOutputBytesClass2RateAvg", "output-class2-bytes-rate-average-value", 41757)
prop._addConstant("fcOutputBytesClass2RateLast", "output-class2-bytes-rate-current-value", 41754)
prop._addConstant("fcOutputBytesClass2RateMax", "output-class2-bytes-rate-maximum-value", 41756)
prop._addConstant("fcOutputBytesClass2RateMin", "output-class2-bytes-rate-minimum-value", 41755)
prop._addConstant("fcOutputBytesClass2RateTr", "output-class2-bytes-rate-trend", 41762)
prop._addConstant("fcOutputBytesClass2Tr", "output-class2-bytes-trend", 41743)
prop._addConstant("fcOutputBytesClass3Avg", "output-class3-bytes-average-value", 41775)
prop._addConstant("fcOutputBytesClass3Cum", "output-class3-bytes-cumulative", 41771)
prop._addConstant("fcOutputBytesClass3Last", "output-class3-bytes-current-value", 41769)
prop._addConstant("fcOutputBytesClass3Max", "output-class3-bytes-maximum-value", 41774)
prop._addConstant("fcOutputBytesClass3Min", "output-class3-bytes-minimum-value", 41773)
prop._addConstant("fcOutputBytesClass3Per", "output-class3-bytes-periodic", 41772)
prop._addConstant("fcOutputBytesClass3Rate", "output-class3-bytes-rate", 41780)
prop._addConstant("fcOutputBytesClass3RateAvg", "output-class3-bytes-rate-average-value", 41793)
prop._addConstant("fcOutputBytesClass3RateLast", "output-class3-bytes-rate-current-value", 41790)
prop._addConstant("fcOutputBytesClass3RateMax", "output-class3-bytes-rate-maximum-value", 41792)
prop._addConstant("fcOutputBytesClass3RateMin", "output-class3-bytes-rate-minimum-value", 41791)
prop._addConstant("fcOutputBytesClass3RateTr", "output-class3-bytes-rate-trend", 41798)
prop._addConstant("fcOutputBytesClass3Tr", "output-class3-bytes-trend", 41779)
prop._addConstant("fcOutputBytesClassfAvg", "output-classf-bytes-average-value", 41811)
prop._addConstant("fcOutputBytesClassfCum", "output-classf-bytes-cumulative", 41807)
prop._addConstant("fcOutputBytesClassfLast", "output-classf-bytes-current-value", 41805)
prop._addConstant("fcOutputBytesClassfMax", "output-classf-bytes-maximum-value", 41810)
prop._addConstant("fcOutputBytesClassfMin", "output-classf-bytes-minimum-value", 41809)
prop._addConstant("fcOutputBytesClassfPer", "output-classf-bytes-periodic", 41808)
prop._addConstant("fcOutputBytesClassfRate", "output-classf-bytes-rate", 41816)
prop._addConstant("fcOutputBytesClassfTr", "output-classf-bytes-trend", 41815)
prop._addConstant("fcOutputCastFramesBroadcastAvg", "output-broadcast-frames-average-value", 43300)
prop._addConstant("fcOutputCastFramesBroadcastCum", "output-broadcast-frames-cumulative", 43296)
prop._addConstant("fcOutputCastFramesBroadcastLast", "output-broadcast-frames-current-value", 43294)
prop._addConstant("fcOutputCastFramesBroadcastMax", "output-broadcast-frames-maximum-value", 43299)
prop._addConstant("fcOutputCastFramesBroadcastMin", "output-broadcast-frames-minimum-value", 43298)
prop._addConstant("fcOutputCastFramesBroadcastPer", "output-broadcast-frames-periodic", 43297)
prop._addConstant("fcOutputCastFramesBroadcastRate", "output-broadcast-frames-rate", 43305)
prop._addConstant("fcOutputCastFramesBroadcastTr", "output-broadcast-frames-trend", 43304)
prop._addConstant("fcOutputCastFramesMulticastAvg", "output-multicast-frames-average-value", 43321)
prop._addConstant("fcOutputCastFramesMulticastCum", "output-multicast-frames-cumulative", 43317)
prop._addConstant("fcOutputCastFramesMulticastLast", "output-multicast-frames-current-value", 43315)
prop._addConstant("fcOutputCastFramesMulticastMax", "output-multicast-frames-maximum-value", 43320)
prop._addConstant("fcOutputCastFramesMulticastMin", "output-multicast-frames-minimum-value", 43319)
prop._addConstant("fcOutputCastFramesMulticastPer", "output-multicast-frames-periodic", 43318)
prop._addConstant("fcOutputCastFramesMulticastRate", "output-multicast-frames-rate", 43326)
prop._addConstant("fcOutputCastFramesMulticastTr", "output-multicast-frames-trend", 43325)
prop._addConstant("fcOutputCastFramesUnicastAvg", "output-unicast-frames-average-value", 43342)
prop._addConstant("fcOutputCastFramesUnicastCum", "output-unicast-frames-cumulative", 43338)
prop._addConstant("fcOutputCastFramesUnicastLast", "output-unicast-frames-current-value", 43336)
prop._addConstant("fcOutputCastFramesUnicastMax", "output-unicast-frames-maximum-value", 43341)
prop._addConstant("fcOutputCastFramesUnicastMin", "output-unicast-frames-minimum-value", 43340)
prop._addConstant("fcOutputCastFramesUnicastPer", "output-unicast-frames-periodic", 43339)
prop._addConstant("fcOutputCastFramesUnicastRate", "output-unicast-frames-rate", 43347)
prop._addConstant("fcOutputCastFramesUnicastTr", "output-unicast-frames-trend", 43346)
prop._addConstant("fcOutputDisFramesDiscardsAvg", "output-discards-frames-average-value", 41832)
prop._addConstant("fcOutputDisFramesDiscardsCum", "output-discards-frames-cumulative", 41828)
prop._addConstant("fcOutputDisFramesDiscardsLast", "output-discards-frames-current-value", 41826)
prop._addConstant("fcOutputDisFramesDiscardsMax", "output-discards-frames-maximum-value", 41831)
prop._addConstant("fcOutputDisFramesDiscardsMin", "output-discards-frames-minimum-value", 41830)
prop._addConstant("fcOutputDisFramesDiscardsPer", "output-discards-frames-periodic", 41829)
prop._addConstant("fcOutputDisFramesDiscardsRate", "output-discards-frames-rate", 41837)
prop._addConstant("fcOutputDisFramesDiscardsTr", "output-discards-frames-trend", 41836)
prop._addConstant("fcOutputDisFramesErrorsAvg", "output-errors-frames-average-value", 41853)
prop._addConstant("fcOutputDisFramesErrorsCum", "output-errors-frames-cumulative", 41849)
prop._addConstant("fcOutputDisFramesErrorsLast", "output-errors-frames-current-value", 41847)
prop._addConstant("fcOutputDisFramesErrorsMax", "output-errors-frames-maximum-value", 41852)
prop._addConstant("fcOutputDisFramesErrorsMin", "output-errors-frames-minimum-value", 41851)
prop._addConstant("fcOutputDisFramesErrorsPer", "output-errors-frames-periodic", 41850)
prop._addConstant("fcOutputDisFramesErrorsRate", "output-errors-frames-rate", 41858)
prop._addConstant("fcOutputDisFramesErrorsTr", "output-errors-frames-trend", 41857)
prop._addConstant("fcOutputFramesClass2Avg", "output-class2-frames-average-value", 41874)
prop._addConstant("fcOutputFramesClass2Cum", "output-class2-frames-cumulative", 41870)
prop._addConstant("fcOutputFramesClass2Last", "output-class2-frames-current-value", 41868)
prop._addConstant("fcOutputFramesClass2Max", "output-class2-frames-maximum-value", 41873)
prop._addConstant("fcOutputFramesClass2Min", "output-class2-frames-minimum-value", 41872)
prop._addConstant("fcOutputFramesClass2Per", "output-class2-frames-periodic", 41871)
prop._addConstant("fcOutputFramesClass2Rate", "output-class2-frames-rate", 41879)
prop._addConstant("fcOutputFramesClass2Tr", "output-class2-frames-trend", 41878)
prop._addConstant("fcOutputFramesClass3Avg", "output-class3-frames-average-value", 41895)
prop._addConstant("fcOutputFramesClass3Cum", "output-class3-frames-cumulative", 41891)
prop._addConstant("fcOutputFramesClass3Last", "output-class3-frames-current-value", 41889)
prop._addConstant("fcOutputFramesClass3Max", "output-class3-frames-maximum-value", 41894)
prop._addConstant("fcOutputFramesClass3Min", "output-class3-frames-minimum-value", 41893)
prop._addConstant("fcOutputFramesClass3Per", "output-class3-frames-periodic", 41892)
prop._addConstant("fcOutputFramesClass3Rate", "output-class3-frames-rate", 41900)
prop._addConstant("fcOutputFramesClass3Tr", "output-class3-frames-trend", 41899)
prop._addConstant("fcOutputFramesClassfAvg", "output-classf-frames-average-value", 41916)
prop._addConstant("fcOutputFramesClassfCum", "output-classf-frames-cumulative", 41912)
prop._addConstant("fcOutputFramesClassfLast", "output-classf-frames-current-value", 41910)
prop._addConstant("fcOutputFramesClassfMax", "output-classf-frames-maximum-value", 41915)
prop._addConstant("fcOutputFramesClassfMin", "output-classf-frames-minimum-value", 41914)
prop._addConstant("fcOutputFramesClassfPer", "output-classf-frames-periodic", 41913)
prop._addConstant("fcOutputFramesClassfRate", "output-classf-frames-rate", 41921)
prop._addConstant("fcOutputFramesClassfTr", "output-classf-frames-trend", 41920)
prop._addConstant("fcOutputLIPErrorsF8LipErrorAvg", "output-f8-lip-error-average-value", 43363)
prop._addConstant("fcOutputLIPErrorsF8LipErrorCum", "output-f8-lip-error-cumulative", 43359)
prop._addConstant("fcOutputLIPErrorsF8LipErrorLast", "output-f8-lip-error-current-value", 43357)
prop._addConstant("fcOutputLIPErrorsF8LipErrorMax", "output-f8-lip-error-maximum-value", 43362)
prop._addConstant("fcOutputLIPErrorsF8LipErrorMin", "output-f8-lip-error-minimum-value", 43361)
prop._addConstant("fcOutputLIPErrorsF8LipErrorPer", "output-f8-lip-error-periodic", 43360)
prop._addConstant("fcOutputLIPErrorsF8LipErrorRate", "output-f8-lip-error-rate", 43368)
prop._addConstant("fcOutputLIPErrorsF8LipErrorTr", "output-f8-lip-error-trend", 43367)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorAvg", "output-non-f8-lip-error-average-value", 43384)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorCum", "output-non-f8-lip-error-cumulative", 43380)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorLast", "output-non-f8-lip-error-current-value", 43378)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorMax", "output-non-f8-lip-error-maximum-value", 43383)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorMin", "output-non-f8-lip-error-minimum-value", 43382)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorPer", "output-non-f8-lip-error-periodic", 43381)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorRate", "output-non-f8-lip-error-rate", 43389)
prop._addConstant("fcOutputLIPErrorsNonf8LipErrorTr", "output-non-f8-lip-error-trend", 43388)
prop._addConstant("fcOutputLinkLoopinitsAvg", "output-loop-inits-average-value", 41937)
prop._addConstant("fcOutputLinkLoopinitsCum", "output-loop-inits-cumulative", 41933)
prop._addConstant("fcOutputLinkLoopinitsLast", "output-loop-inits-current-value", 41931)
prop._addConstant("fcOutputLinkLoopinitsMax", "output-loop-inits-maximum-value", 41936)
prop._addConstant("fcOutputLinkLoopinitsMin", "output-loop-inits-minimum-value", 41935)
prop._addConstant("fcOutputLinkLoopinitsPer", "output-loop-inits-periodic", 41934)
prop._addConstant("fcOutputLinkLoopinitsRate", "output-loop-inits-rate", 41942)
prop._addConstant("fcOutputLinkLoopinitsTr", "output-loop-inits-trend", 41941)
prop._addConstant("fcOutputLinkLrrAvg", "output-link-reset-response-average-value", 41958)
prop._addConstant("fcOutputLinkLrrCum", "output-link-reset-response-cumulative", 41954)
prop._addConstant("fcOutputLinkLrrLast", "output-link-reset-response-current-value", 41952)
prop._addConstant("fcOutputLinkLrrMax", "output-link-reset-response-maximum-value", 41957)
prop._addConstant("fcOutputLinkLrrMin", "output-link-reset-response-minimum-value", 41956)
prop._addConstant("fcOutputLinkLrrPer", "output-link-reset-response-periodic", 41955)
prop._addConstant("fcOutputLinkLrrRate", "output-link-reset-response-rate", 41963)
prop._addConstant("fcOutputLinkLrrTr", "output-link-reset-response-trend", 41962)
prop._addConstant("fcOutputLinkNosAvg", "output-not-operational-average-value", 41979)
prop._addConstant("fcOutputLinkNosCum", "output-not-operational-cumulative", 41975)
prop._addConstant("fcOutputLinkNosLast", "output-not-operational-current-value", 41973)
prop._addConstant("fcOutputLinkNosMax", "output-not-operational-maximum-value", 41978)
prop._addConstant("fcOutputLinkNosMin", "output-not-operational-minimum-value", 41977)
prop._addConstant("fcOutputLinkNosPer", "output-not-operational-periodic", 41976)
prop._addConstant("fcOutputLinkNosRate", "output-not-operational-rate", 41984)
prop._addConstant("fcOutputLinkNosTr", "output-not-operational-trend", 41983)
prop._addConstant("fcOutputLinkOlsAvg", "output-offline-average-value", 42000)
prop._addConstant("fcOutputLinkOlsCum", "output-offline-cumulative", 41996)
prop._addConstant("fcOutputLinkOlsLast", "output-offline-current-value", 41994)
prop._addConstant("fcOutputLinkOlsMax", "output-offline-maximum-value", 41999)
prop._addConstant("fcOutputLinkOlsMin", "output-offline-minimum-value", 41998)
prop._addConstant("fcOutputLinkOlsPer", "output-offline-periodic", 41997)
prop._addConstant("fcOutputLinkOlsRate", "output-offline-rate", 42005)
prop._addConstant("fcOutputLinkOlsTr", "output-offline-trend", 42004)
prop._addConstant("fcOutputTotalByteBytesAvg", "total-output-bytes-average-value", 42021)
prop._addConstant("fcOutputTotalByteBytesCum", "total-output-bytes-cumulative", 42017)
prop._addConstant("fcOutputTotalByteBytesLast", "total-output-bytes-current-value", 42015)
prop._addConstant("fcOutputTotalByteBytesMax", "total-output-bytes-maximum-value", 42020)
prop._addConstant("fcOutputTotalByteBytesMin", "total-output-bytes-minimum-value", 42019)
prop._addConstant("fcOutputTotalByteBytesPer", "total-output-bytes-periodic", 42018)
prop._addConstant("fcOutputTotalByteBytesRate", "total-output-bytes-rate", 42026)
prop._addConstant("fcOutputTotalByteBytesRateAvg", "total-output-bytes-rate-average-value", 42039)
prop._addConstant("fcOutputTotalByteBytesRateLast", "total-output-bytes-rate-current-value", 42036)
prop._addConstant("fcOutputTotalByteBytesRateMax", "total-output-bytes-rate-maximum-value", 42038)
prop._addConstant("fcOutputTotalByteBytesRateMin", "total-output-bytes-rate-minimum-value", 42037)
prop._addConstant("fcOutputTotalByteBytesRateTr", "total-output-bytes-rate-trend", 42044)
prop._addConstant("fcOutputTotalByteBytesTr", "total-output-bytes-trend", 42025)
prop._addConstant("fcOutputTotalByteUtilAvg", "ingress-link-utilization-average-value", 42054)
prop._addConstant("fcOutputTotalByteUtilLast", "ingress-link-utilization-current-value", 42051)
prop._addConstant("fcOutputTotalByteUtilMax", "ingress-link-utilization-maximum-value", 42053)
prop._addConstant("fcOutputTotalByteUtilMin", "ingress-link-utilization-minimum-value", 42052)
prop._addConstant("fcOutputTotalByteUtilTr", "ingress-link-utilization-trend", 42059)
prop._addConstant("fcReceiveB2BCreditRemainingAvg", "remaining-b2b-credit-average-value", 42072)
prop._addConstant("fcReceiveB2BCreditRemainingCum", "remaining-b2b-credit-cumulative", 42068)
prop._addConstant("fcReceiveB2BCreditRemainingLast", "remaining-b2b-credit-current-value", 42066)
prop._addConstant("fcReceiveB2BCreditRemainingMax", "remaining-b2b-credit-maximum-value", 42071)
prop._addConstant("fcReceiveB2BCreditRemainingMin", "remaining-b2b-credit-minimum-value", 42070)
prop._addConstant("fcReceiveB2BCreditRemainingPer", "remaining-b2b-credit-periodic", 42069)
prop._addConstant("fcReceiveB2BCreditRemainingRate", "remaining-b2b-credit-rate", 42077)
prop._addConstant("fcReceiveB2BCreditRemainingTr", "remaining-b2b-credit-trend", 42076)
prop._addConstant("fcReceiveB2BCreditTransitionsAvg", "receive-b2b-credit-average-value", 42093)
prop._addConstant("fcReceiveB2BCreditTransitionsCum", "receive-b2b-credit-cumulative", 42089)
prop._addConstant("fcReceiveB2BCreditTransitionsLast", "receive-b2b-credit-current-value", 42087)
prop._addConstant("fcReceiveB2BCreditTransitionsMax", "receive-b2b-credit-maximum-value", 42092)
prop._addConstant("fcReceiveB2BCreditTransitionsMin", "receive-b2b-credit-minimum-value", 42091)
prop._addConstant("fcReceiveB2BCreditTransitionsPer", "receive-b2b-credit-periodic", 42090)
prop._addConstant("fcReceiveB2BCreditTransitionsRate", "receive-b2b-credit-rate", 42098)
prop._addConstant("fcReceiveB2BCreditTransitionsTr", "receive-b2b-credit-trend", 42097)
prop._addConstant("fcReceiveFecCountersCorrectedAvg", "corrected-counters-average-value", 45172)
prop._addConstant("fcReceiveFecCountersCorrectedCum", "corrected-counters-cumulative", 45168)
prop._addConstant("fcReceiveFecCountersCorrectedLast", "corrected-counters-current-value", 45166)
prop._addConstant("fcReceiveFecCountersCorrectedMax", "corrected-counters-maximum-value", 45171)
prop._addConstant("fcReceiveFecCountersCorrectedMin", "corrected-counters-minimum-value", 45170)
prop._addConstant("fcReceiveFecCountersCorrectedPer", "corrected-counters-periodic", 45169)
prop._addConstant("fcReceiveFecCountersCorrectedRate", "corrected-counters-rate", 45177)
prop._addConstant("fcReceiveFecCountersCorrectedTr", "corrected-counters-trend", 45176)
prop._addConstant("fcReceiveFecCountersUncorrectedAvg", "uncorrected-counters-average-value", 45193)
prop._addConstant("fcReceiveFecCountersUncorrectedCum", "uncorrected-counters-cumulative", 45189)
prop._addConstant("fcReceiveFecCountersUncorrectedLast", "uncorrected-counters-current-value", 45187)
prop._addConstant("fcReceiveFecCountersUncorrectedMax", "uncorrected-counters-maximum-value", 45192)
prop._addConstant("fcReceiveFecCountersUncorrectedMin", "uncorrected-counters-minimum-value", 45191)
prop._addConstant("fcReceiveFecCountersUncorrectedPer", "uncorrected-counters-periodic", 45190)
prop._addConstant("fcReceiveFecCountersUncorrectedRate", "uncorrected-counters-rate", 45198)
prop._addConstant("fcReceiveFecCountersUncorrectedTr", "uncorrected-counters-trend", 45197)
prop._addConstant("fcTransmitB2BCreditLowpriorityAvg", "transmit-b2b-credit-average-value", 42114)
prop._addConstant("fcTransmitB2BCreditLowpriorityCum", "transmit-b2b-credit-cumulative", 42110)
prop._addConstant("fcTransmitB2BCreditLowpriorityLast", "transmit-b2b-credit-current-value", 42108)
prop._addConstant("fcTransmitB2BCreditLowpriorityMax", "transmit-b2b-credit-maximum-value", 42113)
prop._addConstant("fcTransmitB2BCreditLowpriorityMin", "transmit-b2b-credit-minimum-value", 42112)
prop._addConstant("fcTransmitB2BCreditLowpriorityPer", "transmit-b2b-credit-periodic", 42111)
prop._addConstant("fcTransmitB2BCreditLowpriorityRate", "transmit-b2b-credit-rate", 42119)
prop._addConstant("fcTransmitB2BCreditLowpriorityTr", "transmit-b2b-credit-trend", 42118)
prop._addConstant("fcTransmitB2BCreditRemainingAvg", "transmit-b2b-credit-average-value", 42135)
prop._addConstant("fcTransmitB2BCreditRemainingCum", "transmit-b2b-credit-cumulative", 42131)
prop._addConstant("fcTransmitB2BCreditRemainingLast", "transmit-b2b-credit-current-value", 42129)
prop._addConstant("fcTransmitB2BCreditRemainingMax", "transmit-b2b-credit-maximum-value", 42134)
prop._addConstant("fcTransmitB2BCreditRemainingMin", "transmit-b2b-credit-minimum-value", 42133)
prop._addConstant("fcTransmitB2BCreditRemainingPer", "transmit-b2b-credit-periodic", 42132)
prop._addConstant("fcTransmitB2BCreditRemainingRate", "transmit-b2b-credit-rate", 42140)
prop._addConstant("fcTransmitB2BCreditRemainingTr", "transmit-b2b-credit-trend", 42139)
prop._addConstant("fcTransmitB2BCreditTransitionsAvg", "transmit-b2b-credit-average-value", 42156)
prop._addConstant("fcTransmitB2BCreditTransitionsCum", "transmit-b2b-credit-cumulative", 42152)
prop._addConstant("fcTransmitB2BCreditTransitionsLast", "transmit-b2b-credit-current-value", 42150)
prop._addConstant("fcTransmitB2BCreditTransitionsMax", "transmit-b2b-credit-maximum-value", 42155)
prop._addConstant("fcTransmitB2BCreditTransitionsMin", "transmit-b2b-credit-minimum-value", 42154)
prop._addConstant("fcTransmitB2BCreditTransitionsPer", "transmit-b2b-credit-periodic", 42153)
prop._addConstant("fcTransmitB2BCreditTransitionsRate", "transmit-b2b-credit-rate", 42161)
prop._addConstant("fcTransmitB2BCreditTransitionsTr", "transmit-b2b-credit-trend", 42160)
prop._addConstant("fvFltCounterCritcountAvg", "critical-fault-average-value", 30188)
prop._addConstant("fvFltCounterCritcountLast", "critical-fault-current-value", 30185)
prop._addConstant("fvFltCounterCritcountMax", "critical-fault-maximum-value", 30187)
prop._addConstant("fvFltCounterCritcountMin", "critical-fault-minimum-value", 30186)
prop._addConstant("fvFltCounterCritcountTr", "critical-fault-trend", 30193)
prop._addConstant("fvFltCounterMajcountAvg", "major-fault-average-value", 30203)
prop._addConstant("fvFltCounterMajcountLast", "major-fault-current-value", 30200)
prop._addConstant("fvFltCounterMajcountMax", "major-fault-maximum-value", 30202)
prop._addConstant("fvFltCounterMajcountMin", "major-fault-minimum-value", 30201)
prop._addConstant("fvFltCounterMajcountTr", "major-fault-trend", 30208)
prop._addConstant("fvFltCounterMincountAvg", "minor-fault-average-value", 30218)
prop._addConstant("fvFltCounterMincountLast", "minor-fault-current-value", 30215)
prop._addConstant("fvFltCounterMincountMax", "minor-fault-maximum-value", 30217)
prop._addConstant("fvFltCounterMincountMin", "minor-fault-minimum-value", 30216)
prop._addConstant("fvFltCounterMincountTr", "minor-fault-trend", 30223)
prop._addConstant("fvFltCounterWarncountAvg", "warning-fault-average-value", 30233)
prop._addConstant("fvFltCounterWarncountLast", "warning-fault-current-value", 30230)
prop._addConstant("fvFltCounterWarncountMax", "warning-fault-maximum-value", 30232)
prop._addConstant("fvFltCounterWarncountMin", "warning-fault-minimum-value", 30231)
prop._addConstant("fvFltCounterWarncountTr", "warning-fault-trend", 30238)
prop._addConstant("fvOverallHealthHealthAvg", "health-score-average-value", 9302)
prop._addConstant("fvOverallHealthHealthLast", "health-score-current-value", 9299)
prop._addConstant("fvOverallHealthHealthMax", "health-score-maximum-value", 9301)
prop._addConstant("fvOverallHealthHealthMin", "health-score-minimum-value", 9300)
prop._addConstant("fvOverallHealthHealthTr", "health-score-trend", 9307)
prop._addConstant("infraClusterStatsA2uCountAvg", "active-to-unavailable-transitions-average-value", 9320)
prop._addConstant("infraClusterStatsA2uCountCum", "active-to-unavailable-transitions-cumulative", 9316)
prop._addConstant("infraClusterStatsA2uCountLast", "active-to-unavailable-transitions-current-value", 9314)
prop._addConstant("infraClusterStatsA2uCountMax", "active-to-unavailable-transitions-maximum-value", 9319)
prop._addConstant("infraClusterStatsA2uCountMin", "active-to-unavailable-transitions-minimum-value", 9318)
prop._addConstant("infraClusterStatsA2uCountPer", "active-to-unavailable-transitions-periodic", 9317)
prop._addConstant("infraClusterStatsA2uCountRate", "active-to-unavailable-transitions-rate", 9325)
prop._addConstant("infraClusterStatsA2uCountTr", "active-to-unavailable-transitions-trend", 9324)
prop._addConstant("infraClusterStatsUTimeAvg", "time-in-unavailable-state-average-value", 9347)
prop._addConstant("infraClusterStatsUTimeLast", "time-in-unavailable-state-current-value", 9341)
prop._addConstant("infraClusterStatsUTimeMax", "time-in-unavailable-state-maximum-value", 9346)
prop._addConstant("infraClusterStatsUTimeMin", "time-in-unavailable-state-minimum-value", 9345)
prop._addConstant("infraClusterStatsUTimeTr", "time-in-unavailable-state-trend", 9351)
prop._addConstant("infraReplicaStatsPersTAvg", "time-in-persistification-average-value", 9374)
prop._addConstant("infraReplicaStatsPersTCum", "time-in-persistification-cumulative", 9370)
prop._addConstant("infraReplicaStatsPersTLast", "time-in-persistification-current-value", 9368)
prop._addConstant("infraReplicaStatsPersTMax", "time-in-persistification-maximum-value", 9373)
prop._addConstant("infraReplicaStatsPersTMin", "time-in-persistification-minimum-value", 9372)
prop._addConstant("infraReplicaStatsPersTPer", "time-in-persistification-periodic", 9371)
prop._addConstant("infraReplicaStatsPersTRate", "time-in-persistification-rate", 9379)
prop._addConstant("infraReplicaStatsPersTTr", "time-in-persistification-trend", 9378)
prop._addConstant("infraReplicaStatsReplTAvg", "time-in-replication-average-value", 9401)
prop._addConstant("infraReplicaStatsReplTCum", "time-in-replication-cumulative", 9397)
prop._addConstant("infraReplicaStatsReplTLast", "time-in-replication-current-value", 9395)
prop._addConstant("infraReplicaStatsReplTMax", "time-in-replication-maximum-value", 9400)
prop._addConstant("infraReplicaStatsReplTMin", "time-in-replication-minimum-value", 9399)
prop._addConstant("infraReplicaStatsReplTPer", "time-in-replication-periodic", 9398)
prop._addConstant("infraReplicaStatsReplTRate", "time-in-replication-rate", 9406)
prop._addConstant("infraReplicaStatsReplTTr", "time-in-replication-trend", 9405)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyAvg", "average-average-penalty-average-value", 9428)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyCum", "average-average-penalty-cumulative", 9424)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyLast", "average-average-penalty-current-value", 9422)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyMax", "average-average-penalty-maximum-value", 9427)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyMin", "average-average-penalty-minimum-value", 9426)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyPer", "average-average-penalty-periodic", 9425)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyRate", "average-average-penalty-rate", 9433)
prop._addConstant("isisFtagTreeStatsAvgAvgPenaltyTr", "average-average-penalty-trend", 9432)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyAvg", "average-maximum-penalty-average-value", 9455)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyCum", "average-maximum-penalty-cumulative", 9451)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyLast", "average-maximum-penalty-current-value", 9449)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyMax", "average-maximum-penalty-maximum-value", 9454)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyMin", "average-maximum-penalty-minimum-value", 9453)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyPer", "average-maximum-penalty-periodic", 9452)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyRate", "average-maximum-penalty-rate", 9460)
prop._addConstant("isisFtagTreeStatsAvgMaxPenaltyTr", "average-maximum-penalty-trend", 9459)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyAvg", "current-average-penalty-average-value", 9482)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyCum", "current-average-penalty-cumulative", 9478)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyLast", "current-average-penalty-current-value", 9476)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyMax", "current-average-penalty-maximum-value", 9481)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyMin", "current-average-penalty-minimum-value", 9480)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyPer", "current-average-penalty-periodic", 9479)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyRate", "current-average-penalty-rate", 9487)
prop._addConstant("isisFtagTreeStatsCurAvgPenaltyTr", "current-average-penalty-trend", 9486)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyAvg", "current-maximum-penalty-average-value", 9509)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyCum", "current-maximum-penalty-cumulative", 9505)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyLast", "current-maximum-penalty-current-value", 9503)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyMax", "current-maximum-penalty-maximum-value", 9508)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyMin", "current-maximum-penalty-minimum-value", 9507)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyPer", "current-maximum-penalty-periodic", 9506)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyRate", "current-maximum-penalty-rate", 9514)
prop._addConstant("isisFtagTreeStatsCurMaxPenaltyTr", "current-maximum-penalty-trend", 9513)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrAvg", "csnp-packets-with-authentication-error-average-value", 46072)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrCum", "csnp-packets-with-authentication-error-cumulative", 46068)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrLast", "csnp-packets-with-authentication-error-current-value", 46066)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrMax", "csnp-packets-with-authentication-error-maximum-value", 46071)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrMin", "csnp-packets-with-authentication-error-minimum-value", 46070)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrPer", "csnp-packets-with-authentication-error-periodic", 46069)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrRate", "csnp-packets-with-authentication-error-rate", 46077)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsAuthErrTr", "csnp-packets-with-authentication-error-trend", 46076)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrAvg", "csnp-packets-with-miscelcsnpeous-error-average-value", 46093)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrCum", "csnp-packets-with-miscelcsnpeous-error-cumulative", 46089)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrLast", "csnp-packets-with-miscelcsnpeous-error-current-value", 46087)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrMax", "csnp-packets-with-miscelcsnpeous-error-maximum-value", 46092)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrMin", "csnp-packets-with-miscelcsnpeous-error-minimum-value", 46091)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrPer", "csnp-packets-with-miscelcsnpeous-error-periodic", 46090)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrRate", "csnp-packets-with-miscelcsnpeous-error-rate", 46098)
prop._addConstant("isisIsisCsnpErrStatsCsnpPktsMiscErrTr", "csnp-packets-with-miscelcsnpeous-error-trend", 46097)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxAvg", "csnp-packets-recevied-average-value", 46114)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxCum", "csnp-packets-recevied-cumulative", 46110)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxLast", "csnp-packets-recevied-current-value", 46108)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxMax", "csnp-packets-recevied-maximum-value", 46113)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxMin", "csnp-packets-recevied-minimum-value", 46112)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxPer", "csnp-packets-recevied-periodic", 46111)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxRate", "csnp-packets-recevied-rate", 46119)
prop._addConstant("isisIsisCsnpStatsCsnpPktsRxTr", "csnp-packets-recevied-trend", 46118)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxAvg", "csnp-packets-sent-average-value", 46135)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxCum", "csnp-packets-sent-cumulative", 46131)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxLast", "csnp-packets-sent-current-value", 46129)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxMax", "csnp-packets-sent-maximum-value", 46134)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxMin", "csnp-packets-sent-minimum-value", 46133)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxPer", "csnp-packets-sent-periodic", 46132)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxRate", "csnp-packets-sent-rate", 46140)
prop._addConstant("isisIsisCsnpStatsCsnpPktsTxTr", "csnp-packets-sent-trend", 46139)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxAvg", "fast-csnp-packets-recevied-average-value", 46156)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxCum", "fast-csnp-packets-recevied-cumulative", 46152)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxLast", "fast-csnp-packets-recevied-current-value", 46150)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxMax", "fast-csnp-packets-recevied-maximum-value", 46155)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxMin", "fast-csnp-packets-recevied-minimum-value", 46154)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxPer", "fast-csnp-packets-recevied-periodic", 46153)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxRate", "fast-csnp-packets-recevied-rate", 46161)
prop._addConstant("isisIsisCsnpStatsFastCsnpPktsRxTr", "fast-csnp-packets-recevied-trend", 46160)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrAvg", "lan-iih-packets-with-authentication-error-average-value", 46177)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrCum", "lan-iih-packets-with-authentication-error-cumulative", 46173)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrLast", "lan-iih-packets-with-authentication-error-current-value", 46171)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrMax", "lan-iih-packets-with-authentication-error-maximum-value", 46176)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrMin", "lan-iih-packets-with-authentication-error-minimum-value", 46175)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrPer", "lan-iih-packets-with-authentication-error-periodic", 46174)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrRate", "lan-iih-packets-with-authentication-error-rate", 46182)
prop._addConstant("isisIsisLanStatsLanIIHPktsAuthErrTr", "lan-iih-packets-with-authentication-error-trend", 46181)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrAvg", "lan-iih-packets-with-miscellaneous-error-average-value", 46198)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrCum", "lan-iih-packets-with-miscellaneous-error-cumulative", 46194)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrLast", "lan-iih-packets-with-miscellaneous-error-current-value", 46192)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrMax", "lan-iih-packets-with-miscellaneous-error-maximum-value", 46197)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrMin", "lan-iih-packets-with-miscellaneous-error-minimum-value", 46196)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrPer", "lan-iih-packets-with-miscellaneous-error-periodic", 46195)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrRate", "lan-iih-packets-with-miscellaneous-error-rate", 46203)
prop._addConstant("isisIsisLanStatsLanIIHPktsMiscErrTr", "lan-iih-packets-with-miscellaneous-error-trend", 46202)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxAvg", "lan-iih-packets-recevied-average-value", 46219)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxCum", "lan-iih-packets-recevied-cumulative", 46215)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxLast", "lan-iih-packets-recevied-current-value", 46213)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxMax", "lan-iih-packets-recevied-maximum-value", 46218)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxMin", "lan-iih-packets-recevied-minimum-value", 46217)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxPer", "lan-iih-packets-recevied-periodic", 46216)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxRate", "lan-iih-packets-recevied-rate", 46224)
prop._addConstant("isisIsisLanStatsLanIIHPktsRxTr", "lan-iih-packets-recevied-trend", 46223)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxAvg", "lan-iih-packets-sent-average-value", 46240)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxCum", "lan-iih-packets-sent-cumulative", 46236)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxLast", "lan-iih-packets-sent-current-value", 46234)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxMax", "lan-iih-packets-sent-maximum-value", 46239)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxMin", "lan-iih-packets-sent-minimum-value", 46238)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxPer", "lan-iih-packets-sent-periodic", 46237)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxRate", "lan-iih-packets-sent-rate", 46245)
prop._addConstant("isisIsisLanStatsLanIIHPktsTxTr", "lan-iih-packets-sent-trend", 46244)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrAvg", "lsp-packets-with-authentication-error-average-value", 46261)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrCum", "lsp-packets-with-authentication-error-cumulative", 46257)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrLast", "lsp-packets-with-authentication-error-current-value", 46255)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrMax", "lsp-packets-with-authentication-error-maximum-value", 46260)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrMin", "lsp-packets-with-authentication-error-minimum-value", 46259)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrPer", "lsp-packets-with-authentication-error-periodic", 46258)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrRate", "lsp-packets-with-authentication-error-rate", 46266)
prop._addConstant("isisIsisLspErrStatsLspPktsAuthErrTr", "lsp-packets-with-authentication-error-trend", 46265)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrAvg", "lsp-packets-with-miscelcsnpeous-error-average-value", 46282)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrCum", "lsp-packets-with-miscelcsnpeous-error-cumulative", 46278)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrLast", "lsp-packets-with-miscelcsnpeous-error-current-value", 46276)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrMax", "lsp-packets-with-miscelcsnpeous-error-maximum-value", 46281)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrMin", "lsp-packets-with-miscelcsnpeous-error-minimum-value", 46280)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrPer", "lsp-packets-with-miscelcsnpeous-error-periodic", 46279)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrRate", "lsp-packets-with-miscelcsnpeous-error-rate", 46287)
prop._addConstant("isisIsisLspErrStatsLspPktsMiscErrTr", "lsp-packets-with-miscelcsnpeous-error-trend", 46286)
prop._addConstant("isisIsisLspStatsFastLspPktsRxAvg", "fast-lsp-packets-recevied-average-value", 46303)
prop._addConstant("isisIsisLspStatsFastLspPktsRxCum", "fast-lsp-packets-recevied-cumulative", 46299)
prop._addConstant("isisIsisLspStatsFastLspPktsRxLast", "fast-lsp-packets-recevied-current-value", 46297)
prop._addConstant("isisIsisLspStatsFastLspPktsRxMax", "fast-lsp-packets-recevied-maximum-value", 46302)
prop._addConstant("isisIsisLspStatsFastLspPktsRxMin", "fast-lsp-packets-recevied-minimum-value", 46301)
prop._addConstant("isisIsisLspStatsFastLspPktsRxPer", "fast-lsp-packets-recevied-periodic", 46300)
prop._addConstant("isisIsisLspStatsFastLspPktsRxRate", "fast-lsp-packets-recevied-rate", 46308)
prop._addConstant("isisIsisLspStatsFastLspPktsRxTr", "fast-lsp-packets-recevied-trend", 46307)
prop._addConstant("isisIsisLspStatsLspPktsRetxAvg", "lsp-packets-retransmitted-average-value", 46324)
prop._addConstant("isisIsisLspStatsLspPktsRetxCum", "lsp-packets-retransmitted-cumulative", 46320)
prop._addConstant("isisIsisLspStatsLspPktsRetxLast", "lsp-packets-retransmitted-current-value", 46318)
prop._addConstant("isisIsisLspStatsLspPktsRetxMax", "lsp-packets-retransmitted-maximum-value", 46323)
prop._addConstant("isisIsisLspStatsLspPktsRetxMin", "lsp-packets-retransmitted-minimum-value", 46322)
prop._addConstant("isisIsisLspStatsLspPktsRetxPer", "lsp-packets-retransmitted-periodic", 46321)
prop._addConstant("isisIsisLspStatsLspPktsRetxRate", "lsp-packets-retransmitted-rate", 46329)
prop._addConstant("isisIsisLspStatsLspPktsRetxTr", "lsp-packets-retransmitted-trend", 46328)
prop._addConstant("isisIsisLspStatsLspPktsRxAvg", "lsp-packets-recevied-average-value", 46345)
prop._addConstant("isisIsisLspStatsLspPktsRxCum", "lsp-packets-recevied-cumulative", 46341)
prop._addConstant("isisIsisLspStatsLspPktsRxLast", "lsp-packets-recevied-current-value", 46339)
prop._addConstant("isisIsisLspStatsLspPktsRxMax", "lsp-packets-recevied-maximum-value", 46344)
prop._addConstant("isisIsisLspStatsLspPktsRxMin", "lsp-packets-recevied-minimum-value", 46343)
prop._addConstant("isisIsisLspStatsLspPktsRxPer", "lsp-packets-recevied-periodic", 46342)
prop._addConstant("isisIsisLspStatsLspPktsRxRate", "lsp-packets-recevied-rate", 46350)
prop._addConstant("isisIsisLspStatsLspPktsRxTr", "lsp-packets-recevied-trend", 46349)
prop._addConstant("isisIsisLspStatsLspPktsTxAvg", "lsp-packets-sent-average-value", 46366)
prop._addConstant("isisIsisLspStatsLspPktsTxCum", "lsp-packets-sent-cumulative", 46362)
prop._addConstant("isisIsisLspStatsLspPktsTxLast", "lsp-packets-sent-current-value", 46360)
prop._addConstant("isisIsisLspStatsLspPktsTxMax", "lsp-packets-sent-maximum-value", 46365)
prop._addConstant("isisIsisLspStatsLspPktsTxMin", "lsp-packets-sent-minimum-value", 46364)
prop._addConstant("isisIsisLspStatsLspPktsTxPer", "lsp-packets-sent-periodic", 46363)
prop._addConstant("isisIsisLspStatsLspPktsTxRate", "lsp-packets-sent-rate", 46371)
prop._addConstant("isisIsisLspStatsLspPktsTxTr", "lsp-packets-sent-trend", 46370)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrAvg", "p2p-iih-packets-with-authentication-error-average-value", 46387)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrCum", "p2p-iih-packets-with-authentication-error-cumulative", 46383)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrLast", "p2p-iih-packets-with-authentication-error-current-value", 46381)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrMax", "p2p-iih-packets-with-authentication-error-maximum-value", 46386)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrMin", "p2p-iih-packets-with-authentication-error-minimum-value", 46385)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrPer", "p2p-iih-packets-with-authentication-error-periodic", 46384)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrRate", "p2p-iih-packets-with-authentication-error-rate", 46392)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsAuthErrTr", "p2p-iih-packets-with-authentication-error-trend", 46391)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrAvg", "p2p-iih-packets-with-miscellaneous-error-average-value", 46408)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrCum", "p2p-iih-packets-with-miscellaneous-error-cumulative", 46404)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrLast", "p2p-iih-packets-with-miscellaneous-error-current-value", 46402)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrMax", "p2p-iih-packets-with-miscellaneous-error-maximum-value", 46407)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrMin", "p2p-iih-packets-with-miscellaneous-error-minimum-value", 46406)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrPer", "p2p-iih-packets-with-miscellaneous-error-periodic", 46405)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrRate", "p2p-iih-packets-with-miscellaneous-error-rate", 46413)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsMiscErrTr", "p2p-iih-packets-with-miscellaneous-error-trend", 46412)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxAvg", "p2p-iih-packets-recevied-average-value", 46429)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxCum", "p2p-iih-packets-recevied-cumulative", 46425)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxLast", "p2p-iih-packets-recevied-current-value", 46423)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxMax", "p2p-iih-packets-recevied-maximum-value", 46428)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxMin", "p2p-iih-packets-recevied-minimum-value", 46427)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxPer", "p2p-iih-packets-recevied-periodic", 46426)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxRate", "p2p-iih-packets-recevied-rate", 46434)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsRxTr", "p2p-iih-packets-recevied-trend", 46433)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxAvg", "p2p-iih-packets-sent-average-value", 46450)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxCum", "p2p-iih-packets-sent-cumulative", 46446)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxLast", "p2p-iih-packets-sent-current-value", 46444)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxMax", "p2p-iih-packets-sent-maximum-value", 46449)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxMin", "p2p-iih-packets-sent-minimum-value", 46448)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxPer", "p2p-iih-packets-sent-periodic", 46447)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxRate", "p2p-iih-packets-sent-rate", 46455)
prop._addConstant("isisIsisP2pStatsP2pIIHPktsTxTr", "p2p-iih-packets-sent-trend", 46454)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrAvg", "psnp-packets-with-authentication-error-average-value", 46471)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrCum", "psnp-packets-with-authentication-error-cumulative", 46467)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrLast", "psnp-packets-with-authentication-error-current-value", 46465)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrMax", "psnp-packets-with-authentication-error-maximum-value", 46470)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrMin", "psnp-packets-with-authentication-error-minimum-value", 46469)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrPer", "psnp-packets-with-authentication-error-periodic", 46468)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrRate", "psnp-packets-with-authentication-error-rate", 46476)
prop._addConstant("isisIsisPsnpStatsPsnpPktsAuthErrTr", "psnp-packets-with-authentication-error-trend", 46475)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrAvg", "psnp-packets-with-miscelcsnpeous-error-average-value", 46492)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrCum", "psnp-packets-with-miscelcsnpeous-error-cumulative", 46488)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrLast", "psnp-packets-with-miscelcsnpeous-error-current-value", 46486)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrMax", "psnp-packets-with-miscelcsnpeous-error-maximum-value", 46491)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrMin", "psnp-packets-with-miscelcsnpeous-error-minimum-value", 46490)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrPer", "psnp-packets-with-miscelcsnpeous-error-periodic", 46489)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrRate", "psnp-packets-with-miscelcsnpeous-error-rate", 46497)
prop._addConstant("isisIsisPsnpStatsPsnpPktsMiscErrTr", "psnp-packets-with-miscelcsnpeous-error-trend", 46496)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxAvg", "psnp-packets-recevied-average-value", 46513)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxCum", "psnp-packets-recevied-cumulative", 46509)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxLast", "psnp-packets-recevied-current-value", 46507)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxMax", "psnp-packets-recevied-maximum-value", 46512)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxMin", "psnp-packets-recevied-minimum-value", 46511)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxPer", "psnp-packets-recevied-periodic", 46510)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxRate", "psnp-packets-recevied-rate", 46518)
prop._addConstant("isisIsisPsnpStatsPsnpPktsRxTr", "psnp-packets-recevied-trend", 46517)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxAvg", "psnp-packets-sent-average-value", 46534)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxCum", "psnp-packets-sent-cumulative", 46530)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxLast", "psnp-packets-sent-current-value", 46528)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxMax", "psnp-packets-sent-maximum-value", 46533)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxMin", "psnp-packets-sent-minimum-value", 46532)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxPer", "psnp-packets-sent-periodic", 46531)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxRate", "psnp-packets-sent-rate", 46539)
prop._addConstant("isisIsisPsnpStatsPsnpPktsTxTr", "psnp-packets-sent-trend", 46538)
prop._addConstant("isisTreeCalcNodeStatsLeafCountAvg", "leaf-count-average-value", 9536)
prop._addConstant("isisTreeCalcNodeStatsLeafCountCum", "leaf-count-cumulative", 9532)
prop._addConstant("isisTreeCalcNodeStatsLeafCountLast", "leaf-count-current-value", 9530)
prop._addConstant("isisTreeCalcNodeStatsLeafCountMax", "leaf-count-maximum-value", 9535)
prop._addConstant("isisTreeCalcNodeStatsLeafCountMin", "leaf-count-minimum-value", 9534)
prop._addConstant("isisTreeCalcNodeStatsLeafCountPer", "leaf-count-periodic", 9533)
prop._addConstant("isisTreeCalcNodeStatsLeafCountRate", "leaf-count-rate", 9541)
prop._addConstant("isisTreeCalcNodeStatsLeafCountTr", "leaf-count-trend", 9540)
prop._addConstant("isisTreeCalcNodeStatsSpineCountAvg", "spine-count-average-value", 9563)
prop._addConstant("isisTreeCalcNodeStatsSpineCountCum", "spine-count-cumulative", 9559)
prop._addConstant("isisTreeCalcNodeStatsSpineCountLast", "spine-count-current-value", 9557)
prop._addConstant("isisTreeCalcNodeStatsSpineCountMax", "spine-count-maximum-value", 9562)
prop._addConstant("isisTreeCalcNodeStatsSpineCountMin", "spine-count-minimum-value", 9561)
prop._addConstant("isisTreeCalcNodeStatsSpineCountPer", "spine-count-periodic", 9560)
prop._addConstant("isisTreeCalcNodeStatsSpineCountRate", "spine-count-rate", 9568)
prop._addConstant("isisTreeCalcNodeStatsSpineCountTr", "spine-count-trend", 9567)
prop._addConstant("isisTreeCalcStatsAvgCalcEffAvg", "average-effective-calculations-average-value", 9590)
prop._addConstant("isisTreeCalcStatsAvgCalcEffCum", "average-effective-calculations-cumulative", 9586)
prop._addConstant("isisTreeCalcStatsAvgCalcEffLast", "average-effective-calculations-current-value", 9584)
prop._addConstant("isisTreeCalcStatsAvgCalcEffMax", "average-effective-calculations-maximum-value", 9589)
prop._addConstant("isisTreeCalcStatsAvgCalcEffMin", "average-effective-calculations-minimum-value", 9588)
prop._addConstant("isisTreeCalcStatsAvgCalcEffPer", "average-effective-calculations-periodic", 9587)
prop._addConstant("isisTreeCalcStatsAvgCalcEffRate", "average-effective-calculations-rate", 9595)
prop._addConstant("isisTreeCalcStatsAvgCalcEffTr", "average-effective-calculations-trend", 9594)
prop._addConstant("isisTreeCalcStatsCalcEffAvg", "effective-calculations-average-value", 9617)
prop._addConstant("isisTreeCalcStatsCalcEffCum", "effective-calculations-cumulative", 9613)
prop._addConstant("isisTreeCalcStatsCalcEffLast", "effective-calculations-current-value", 9611)
prop._addConstant("isisTreeCalcStatsCalcEffMax", "effective-calculations-maximum-value", 9616)
prop._addConstant("isisTreeCalcStatsCalcEffMin", "effective-calculations-minimum-value", 9615)
prop._addConstant("isisTreeCalcStatsCalcEffPer", "effective-calculations-periodic", 9614)
prop._addConstant("isisTreeCalcStatsCalcEffRate", "effective-calculations-rate", 9622)
prop._addConstant("isisTreeCalcStatsCalcEffTr", "effective-calculations-trend", 9621)
prop._addConstant("isisTreeCalcStatsRunsAvg", "runs-average-value", 9644)
prop._addConstant("isisTreeCalcStatsRunsCum", "runs-cumulative", 9640)
prop._addConstant("isisTreeCalcStatsRunsLast", "runs-current-value", 9638)
prop._addConstant("isisTreeCalcStatsRunsMax", "runs-maximum-value", 9643)
prop._addConstant("isisTreeCalcStatsRunsMin", "runs-minimum-value", 9642)
prop._addConstant("isisTreeCalcStatsRunsPer", "runs-periodic", 9641)
prop._addConstant("isisTreeCalcStatsRunsRate", "runs-rate", 9649)
prop._addConstant("isisTreeCalcStatsRunsTr", "runs-trend", 9648)
prop._addConstant("l2EgrBytesAgMulticastCum", "egress-multicast-bytes-cumulative", 21711)
prop._addConstant("l2EgrBytesAgMulticastPer", "egress-multicast-bytes-periodic", 21712)
prop._addConstant("l2EgrBytesAgMulticastRate", "egress-multicast-bytes-rate", 21717)
prop._addConstant("l2EgrBytesAgMulticastTr", "egress-multicast-bytes-trend", 21716)
prop._addConstant("l2EgrBytesAgUnicastCum", "egress-unicast-bytes-cumulative", 21766)
prop._addConstant("l2EgrBytesAgUnicastPer", "egress-unicast-bytes-periodic", 21767)
prop._addConstant("l2EgrBytesAgUnicastRate", "egress-unicast-bytes-rate", 21772)
prop._addConstant("l2EgrBytesAgUnicastTr", "egress-unicast-bytes-trend", 21771)
prop._addConstant("l2EgrBytesMulticastAvg", "egress-multicast-bytes-average-value", 21675)
prop._addConstant("l2EgrBytesMulticastCum", "egress-multicast-bytes-cumulative", 21671)
prop._addConstant("l2EgrBytesMulticastLast", "egress-multicast-bytes-current-value", 21669)
prop._addConstant("l2EgrBytesMulticastMax", "egress-multicast-bytes-maximum-value", 21674)
prop._addConstant("l2EgrBytesMulticastMin", "egress-multicast-bytes-minimum-value", 21673)
prop._addConstant("l2EgrBytesMulticastPer", "egress-multicast-bytes-periodic", 21672)
prop._addConstant("l2EgrBytesMulticastRate", "egress-multicast-bytes-rate", 21680)
prop._addConstant("l2EgrBytesMulticastTr", "egress-multicast-bytes-trend", 21679)
prop._addConstant("l2EgrBytesPartMulticastAvg", "egress-multicast-bytes-average-value", 21696)
prop._addConstant("l2EgrBytesPartMulticastCum", "egress-multicast-bytes-cumulative", 21692)
prop._addConstant("l2EgrBytesPartMulticastLast", "egress-multicast-bytes-current-value", 21690)
prop._addConstant("l2EgrBytesPartMulticastMax", "egress-multicast-bytes-maximum-value", 21695)
prop._addConstant("l2EgrBytesPartMulticastMin", "egress-multicast-bytes-minimum-value", 21694)
prop._addConstant("l2EgrBytesPartMulticastPer", "egress-multicast-bytes-periodic", 21693)
prop._addConstant("l2EgrBytesPartMulticastRate", "egress-multicast-bytes-rate", 21701)
prop._addConstant("l2EgrBytesPartMulticastTr", "egress-multicast-bytes-trend", 21700)
prop._addConstant("l2EgrBytesPartUnicastAvg", "egress-unicast-bytes-average-value", 21751)
prop._addConstant("l2EgrBytesPartUnicastCum", "egress-unicast-bytes-cumulative", 21747)
prop._addConstant("l2EgrBytesPartUnicastLast", "egress-unicast-bytes-current-value", 21745)
prop._addConstant("l2EgrBytesPartUnicastMax", "egress-unicast-bytes-maximum-value", 21750)
prop._addConstant("l2EgrBytesPartUnicastMin", "egress-unicast-bytes-minimum-value", 21749)
prop._addConstant("l2EgrBytesPartUnicastPer", "egress-unicast-bytes-periodic", 21748)
prop._addConstant("l2EgrBytesPartUnicastRate", "egress-unicast-bytes-rate", 21756)
prop._addConstant("l2EgrBytesPartUnicastTr", "egress-unicast-bytes-trend", 21755)
prop._addConstant("l2EgrBytesUnicastAvg", "egress-unicast-bytes-average-value", 21730)
prop._addConstant("l2EgrBytesUnicastCum", "egress-unicast-bytes-cumulative", 21726)
prop._addConstant("l2EgrBytesUnicastLast", "egress-unicast-bytes-current-value", 21724)
prop._addConstant("l2EgrBytesUnicastMax", "egress-unicast-bytes-maximum-value", 21729)
prop._addConstant("l2EgrBytesUnicastMin", "egress-unicast-bytes-minimum-value", 21728)
prop._addConstant("l2EgrBytesUnicastPer", "egress-unicast-bytes-periodic", 21727)
prop._addConstant("l2EgrBytesUnicastRate", "egress-unicast-bytes-rate", 21735)
prop._addConstant("l2EgrBytesUnicastTr", "egress-unicast-bytes-trend", 21734)
prop._addConstant("l2EgrPktsAgMulticastCum", "egress-multicast-packets-cumulative", 21821)
prop._addConstant("l2EgrPktsAgMulticastPer", "egress-multicast-packets-periodic", 21822)
prop._addConstant("l2EgrPktsAgMulticastRate", "egress-multicast-packets-rate", 21827)
prop._addConstant("l2EgrPktsAgMulticastTr", "egress-multicast-packets-trend", 21826)
prop._addConstant("l2EgrPktsAgUnicastCum", "egress-unicast-packets-cumulative", 21876)
prop._addConstant("l2EgrPktsAgUnicastPer", "egress-unicast-packets-periodic", 21877)
prop._addConstant("l2EgrPktsAgUnicastRate", "egress-unicast-packets-rate", 21882)
prop._addConstant("l2EgrPktsAgUnicastTr", "egress-unicast-packets-trend", 21881)
prop._addConstant("l2EgrPktsMulticastAvg", "egress-multicast-packets-average-value", 21785)
prop._addConstant("l2EgrPktsMulticastCum", "egress-multicast-packets-cumulative", 21781)
prop._addConstant("l2EgrPktsMulticastLast", "egress-multicast-packets-current-value", 21779)
prop._addConstant("l2EgrPktsMulticastMax", "egress-multicast-packets-maximum-value", 21784)
prop._addConstant("l2EgrPktsMulticastMin", "egress-multicast-packets-minimum-value", 21783)
prop._addConstant("l2EgrPktsMulticastPer", "egress-multicast-packets-periodic", 21782)
prop._addConstant("l2EgrPktsMulticastRate", "egress-multicast-packets-rate", 21790)
prop._addConstant("l2EgrPktsMulticastTr", "egress-multicast-packets-trend", 21789)
prop._addConstant("l2EgrPktsPartMulticastAvg", "egress-multicast-packets-average-value", 21806)
prop._addConstant("l2EgrPktsPartMulticastCum", "egress-multicast-packets-cumulative", 21802)
prop._addConstant("l2EgrPktsPartMulticastLast", "egress-multicast-packets-current-value", 21800)
prop._addConstant("l2EgrPktsPartMulticastMax", "egress-multicast-packets-maximum-value", 21805)
prop._addConstant("l2EgrPktsPartMulticastMin", "egress-multicast-packets-minimum-value", 21804)
prop._addConstant("l2EgrPktsPartMulticastPer", "egress-multicast-packets-periodic", 21803)
prop._addConstant("l2EgrPktsPartMulticastRate", "egress-multicast-packets-rate", 21811)
prop._addConstant("l2EgrPktsPartMulticastTr", "egress-multicast-packets-trend", 21810)
prop._addConstant("l2EgrPktsPartUnicastAvg", "egress-unicast-packets-average-value", 21861)
prop._addConstant("l2EgrPktsPartUnicastCum", "egress-unicast-packets-cumulative", 21857)
prop._addConstant("l2EgrPktsPartUnicastLast", "egress-unicast-packets-current-value", 21855)
prop._addConstant("l2EgrPktsPartUnicastMax", "egress-unicast-packets-maximum-value", 21860)
prop._addConstant("l2EgrPktsPartUnicastMin", "egress-unicast-packets-minimum-value", 21859)
prop._addConstant("l2EgrPktsPartUnicastPer", "egress-unicast-packets-periodic", 21858)
prop._addConstant("l2EgrPktsPartUnicastRate", "egress-unicast-packets-rate", 21866)
prop._addConstant("l2EgrPktsPartUnicastTr", "egress-unicast-packets-trend", 21865)
prop._addConstant("l2EgrPktsUnicastAvg", "egress-unicast-packets-average-value", 21840)
prop._addConstant("l2EgrPktsUnicastCum", "egress-unicast-packets-cumulative", 21836)
prop._addConstant("l2EgrPktsUnicastLast", "egress-unicast-packets-current-value", 21834)
prop._addConstant("l2EgrPktsUnicastMax", "egress-unicast-packets-maximum-value", 21839)
prop._addConstant("l2EgrPktsUnicastMin", "egress-unicast-packets-minimum-value", 21838)
prop._addConstant("l2EgrPktsUnicastPer", "egress-unicast-packets-periodic", 21837)
prop._addConstant("l2EgrPktsUnicastRate", "egress-unicast-packets-rate", 21845)
prop._addConstant("l2EgrPktsUnicastTr", "egress-unicast-packets-trend", 21844)
prop._addConstant("l2IngrBytesAgDropCum", "ingress-drop-bytes-cumulative", 9707)
prop._addConstant("l2IngrBytesAgDropPer", "ingress-drop-bytes-periodic", 9708)
prop._addConstant("l2IngrBytesAgDropRate", "ingress-drop-bytes-rate", 9713)
prop._addConstant("l2IngrBytesAgDropTr", "ingress-drop-bytes-trend", 9712)
prop._addConstant("l2IngrBytesAgFloodCum", "ingress-flood-bytes-cumulative", 9768)
prop._addConstant("l2IngrBytesAgFloodPer", "ingress-flood-bytes-periodic", 9769)
prop._addConstant("l2IngrBytesAgFloodRate", "ingress-flood-bytes-rate", 9774)
prop._addConstant("l2IngrBytesAgFloodTr", "ingress-flood-bytes-trend", 9773)
prop._addConstant("l2IngrBytesAgMulticastCum", "ingress-multicast-bytes-cumulative", 9829)
prop._addConstant("l2IngrBytesAgMulticastPer", "ingress-multicast-bytes-periodic", 9830)
prop._addConstant("l2IngrBytesAgMulticastRate", "ingress-multicast-bytes-rate", 9835)
prop._addConstant("l2IngrBytesAgMulticastTr", "ingress-multicast-bytes-trend", 9834)
prop._addConstant("l2IngrBytesAgUnicastCum", "ingress-unicast-bytes-cumulative", 9890)
prop._addConstant("l2IngrBytesAgUnicastPer", "ingress-unicast-bytes-periodic", 9891)
prop._addConstant("l2IngrBytesAgUnicastRate", "ingress-unicast-bytes-rate", 9896)
prop._addConstant("l2IngrBytesAgUnicastTr", "ingress-unicast-bytes-trend", 9895)
prop._addConstant("l2IngrBytesDropAvg", "ingress-drop-bytes-average-value", 9671)
prop._addConstant("l2IngrBytesDropCum", "ingress-drop-bytes-cumulative", 9667)
prop._addConstant("l2IngrBytesDropLast", "ingress-drop-bytes-current-value", 9665)
prop._addConstant("l2IngrBytesDropMax", "ingress-drop-bytes-maximum-value", 9670)
prop._addConstant("l2IngrBytesDropMin", "ingress-drop-bytes-minimum-value", 9669)
prop._addConstant("l2IngrBytesDropPer", "ingress-drop-bytes-periodic", 9668)
prop._addConstant("l2IngrBytesDropRate", "ingress-drop-bytes-rate", 9676)
prop._addConstant("l2IngrBytesDropTr", "ingress-drop-bytes-trend", 9675)
prop._addConstant("l2IngrBytesFloodAvg", "ingress-flood-bytes-average-value", 9732)
prop._addConstant("l2IngrBytesFloodCum", "ingress-flood-bytes-cumulative", 9728)
prop._addConstant("l2IngrBytesFloodLast", "ingress-flood-bytes-current-value", 9726)
prop._addConstant("l2IngrBytesFloodMax", "ingress-flood-bytes-maximum-value", 9731)
prop._addConstant("l2IngrBytesFloodMin", "ingress-flood-bytes-minimum-value", 9730)
prop._addConstant("l2IngrBytesFloodPer", "ingress-flood-bytes-periodic", 9729)
prop._addConstant("l2IngrBytesFloodRate", "ingress-flood-bytes-rate", 9737)
prop._addConstant("l2IngrBytesFloodTr", "ingress-flood-bytes-trend", 9736)
prop._addConstant("l2IngrBytesMulticastAvg", "ingress-multicast-bytes-average-value", 9793)
prop._addConstant("l2IngrBytesMulticastCum", "ingress-multicast-bytes-cumulative", 9789)
prop._addConstant("l2IngrBytesMulticastLast", "ingress-multicast-bytes-current-value", 9787)
prop._addConstant("l2IngrBytesMulticastMax", "ingress-multicast-bytes-maximum-value", 9792)
prop._addConstant("l2IngrBytesMulticastMin", "ingress-multicast-bytes-minimum-value", 9791)
prop._addConstant("l2IngrBytesMulticastPer", "ingress-multicast-bytes-periodic", 9790)
prop._addConstant("l2IngrBytesMulticastRate", "ingress-multicast-bytes-rate", 9798)
prop._addConstant("l2IngrBytesMulticastTr", "ingress-multicast-bytes-trend", 9797)
prop._addConstant("l2IngrBytesPartDropAvg", "ingress-drop-bytes-average-value", 9692)
prop._addConstant("l2IngrBytesPartDropCum", "ingress-drop-bytes-cumulative", 9688)
prop._addConstant("l2IngrBytesPartDropLast", "ingress-drop-bytes-current-value", 9686)
prop._addConstant("l2IngrBytesPartDropMax", "ingress-drop-bytes-maximum-value", 9691)
prop._addConstant("l2IngrBytesPartDropMin", "ingress-drop-bytes-minimum-value", 9690)
prop._addConstant("l2IngrBytesPartDropPer", "ingress-drop-bytes-periodic", 9689)
prop._addConstant("l2IngrBytesPartDropRate", "ingress-drop-bytes-rate", 9697)
prop._addConstant("l2IngrBytesPartDropTr", "ingress-drop-bytes-trend", 9696)
prop._addConstant("l2IngrBytesPartFloodAvg", "ingress-flood-bytes-average-value", 9753)
prop._addConstant("l2IngrBytesPartFloodCum", "ingress-flood-bytes-cumulative", 9749)
prop._addConstant("l2IngrBytesPartFloodLast", "ingress-flood-bytes-current-value", 9747)
prop._addConstant("l2IngrBytesPartFloodMax", "ingress-flood-bytes-maximum-value", 9752)
prop._addConstant("l2IngrBytesPartFloodMin", "ingress-flood-bytes-minimum-value", 9751)
prop._addConstant("l2IngrBytesPartFloodPer", "ingress-flood-bytes-periodic", 9750)
prop._addConstant("l2IngrBytesPartFloodRate", "ingress-flood-bytes-rate", 9758)
prop._addConstant("l2IngrBytesPartFloodTr", "ingress-flood-bytes-trend", 9757)
prop._addConstant("l2IngrBytesPartMulticastAvg", "ingress-multicast-bytes-average-value", 9814)
prop._addConstant("l2IngrBytesPartMulticastCum", "ingress-multicast-bytes-cumulative", 9810)
prop._addConstant("l2IngrBytesPartMulticastLast", "ingress-multicast-bytes-current-value", 9808)
prop._addConstant("l2IngrBytesPartMulticastMax", "ingress-multicast-bytes-maximum-value", 9813)
prop._addConstant("l2IngrBytesPartMulticastMin", "ingress-multicast-bytes-minimum-value", 9812)
prop._addConstant("l2IngrBytesPartMulticastPer", "ingress-multicast-bytes-periodic", 9811)
prop._addConstant("l2IngrBytesPartMulticastRate", "ingress-multicast-bytes-rate", 9819)
prop._addConstant("l2IngrBytesPartMulticastTr", "ingress-multicast-bytes-trend", 9818)
prop._addConstant("l2IngrBytesPartUnicastAvg", "ingress-unicast-bytes-average-value", 9875)
prop._addConstant("l2IngrBytesPartUnicastCum", "ingress-unicast-bytes-cumulative", 9871)
prop._addConstant("l2IngrBytesPartUnicastLast", "ingress-unicast-bytes-current-value", 9869)
prop._addConstant("l2IngrBytesPartUnicastMax", "ingress-unicast-bytes-maximum-value", 9874)
prop._addConstant("l2IngrBytesPartUnicastMin", "ingress-unicast-bytes-minimum-value", 9873)
prop._addConstant("l2IngrBytesPartUnicastPer", "ingress-unicast-bytes-periodic", 9872)
prop._addConstant("l2IngrBytesPartUnicastRate", "ingress-unicast-bytes-rate", 9880)
prop._addConstant("l2IngrBytesPartUnicastTr", "ingress-unicast-bytes-trend", 9879)
prop._addConstant("l2IngrBytesUnicastAvg", "ingress-unicast-bytes-average-value", 9854)
prop._addConstant("l2IngrBytesUnicastCum", "ingress-unicast-bytes-cumulative", 9850)
prop._addConstant("l2IngrBytesUnicastLast", "ingress-unicast-bytes-current-value", 9848)
prop._addConstant("l2IngrBytesUnicastMax", "ingress-unicast-bytes-maximum-value", 9853)
prop._addConstant("l2IngrBytesUnicastMin", "ingress-unicast-bytes-minimum-value", 9852)
prop._addConstant("l2IngrBytesUnicastPer", "ingress-unicast-bytes-periodic", 9851)
prop._addConstant("l2IngrBytesUnicastRate", "ingress-unicast-bytes-rate", 9859)
prop._addConstant("l2IngrBytesUnicastTr", "ingress-unicast-bytes-trend", 9858)
prop._addConstant("l2IngrPktsAgDropCum", "ingress-drop-packets-cumulative", 9951)
prop._addConstant("l2IngrPktsAgDropPer", "ingress-drop-packets-periodic", 9952)
prop._addConstant("l2IngrPktsAgDropRate", "ingress-drop-packets-rate", 9957)
prop._addConstant("l2IngrPktsAgDropTr", "ingress-drop-packets-trend", 9956)
prop._addConstant("l2IngrPktsAgFloodCum", "ingress-flood-packets-cumulative", 10012)
prop._addConstant("l2IngrPktsAgFloodPer", "ingress-flood-packets-periodic", 10013)
prop._addConstant("l2IngrPktsAgFloodRate", "ingress-flood-packets-rate", 10018)
prop._addConstant("l2IngrPktsAgFloodTr", "ingress-flood-packets-trend", 10017)
prop._addConstant("l2IngrPktsAgMulticastCum", "ingress-multicast-packets-cumulative", 10073)
prop._addConstant("l2IngrPktsAgMulticastPer", "ingress-multicast-packets-periodic", 10074)
prop._addConstant("l2IngrPktsAgMulticastRate", "ingress-multicast-packets-rate", 10079)
prop._addConstant("l2IngrPktsAgMulticastTr", "ingress-multicast-packets-trend", 10078)
prop._addConstant("l2IngrPktsAgUnicastCum", "ingress-unicast-packets-cumulative", 10134)
prop._addConstant("l2IngrPktsAgUnicastPer", "ingress-unicast-packets-periodic", 10135)
prop._addConstant("l2IngrPktsAgUnicastRate", "ingress-unicast-packets-rate", 10140)
prop._addConstant("l2IngrPktsAgUnicastTr", "ingress-unicast-packets-trend", 10139)
prop._addConstant("l2IngrPktsDropAvg", "ingress-drop-packets-average-value", 9915)
prop._addConstant("l2IngrPktsDropCum", "ingress-drop-packets-cumulative", 9911)
prop._addConstant("l2IngrPktsDropLast", "ingress-drop-packets-current-value", 9909)
prop._addConstant("l2IngrPktsDropMax", "ingress-drop-packets-maximum-value", 9914)
prop._addConstant("l2IngrPktsDropMin", "ingress-drop-packets-minimum-value", 9913)
prop._addConstant("l2IngrPktsDropPer", "ingress-drop-packets-periodic", 9912)
prop._addConstant("l2IngrPktsDropRate", "ingress-drop-packets-rate", 9920)
prop._addConstant("l2IngrPktsDropTr", "ingress-drop-packets-trend", 9919)
prop._addConstant("l2IngrPktsFloodAvg", "ingress-flood-packets-average-value", 9976)
prop._addConstant("l2IngrPktsFloodCum", "ingress-flood-packets-cumulative", 9972)
prop._addConstant("l2IngrPktsFloodLast", "ingress-flood-packets-current-value", 9970)
prop._addConstant("l2IngrPktsFloodMax", "ingress-flood-packets-maximum-value", 9975)
prop._addConstant("l2IngrPktsFloodMin", "ingress-flood-packets-minimum-value", 9974)
prop._addConstant("l2IngrPktsFloodPer", "ingress-flood-packets-periodic", 9973)
prop._addConstant("l2IngrPktsFloodRate", "ingress-flood-packets-rate", 9981)
prop._addConstant("l2IngrPktsFloodTr", "ingress-flood-packets-trend", 9980)
prop._addConstant("l2IngrPktsMulticastAvg", "ingress-multicast-packets-average-value", 10037)
prop._addConstant("l2IngrPktsMulticastCum", "ingress-multicast-packets-cumulative", 10033)
prop._addConstant("l2IngrPktsMulticastLast", "ingress-multicast-packets-current-value", 10031)
prop._addConstant("l2IngrPktsMulticastMax", "ingress-multicast-packets-maximum-value", 10036)
prop._addConstant("l2IngrPktsMulticastMin", "ingress-multicast-packets-minimum-value", 10035)
prop._addConstant("l2IngrPktsMulticastPer", "ingress-multicast-packets-periodic", 10034)
prop._addConstant("l2IngrPktsMulticastRate", "ingress-multicast-packets-rate", 10042)
prop._addConstant("l2IngrPktsMulticastTr", "ingress-multicast-packets-trend", 10041)
prop._addConstant("l2IngrPktsPartDropAvg", "ingress-drop-packets-average-value", 9936)
prop._addConstant("l2IngrPktsPartDropCum", "ingress-drop-packets-cumulative", 9932)
prop._addConstant("l2IngrPktsPartDropLast", "ingress-drop-packets-current-value", 9930)
prop._addConstant("l2IngrPktsPartDropMax", "ingress-drop-packets-maximum-value", 9935)
prop._addConstant("l2IngrPktsPartDropMin", "ingress-drop-packets-minimum-value", 9934)
prop._addConstant("l2IngrPktsPartDropPer", "ingress-drop-packets-periodic", 9933)
prop._addConstant("l2IngrPktsPartDropRate", "ingress-drop-packets-rate", 9941)
prop._addConstant("l2IngrPktsPartDropTr", "ingress-drop-packets-trend", 9940)
prop._addConstant("l2IngrPktsPartFloodAvg", "ingress-flood-packets-average-value", 9997)
prop._addConstant("l2IngrPktsPartFloodCum", "ingress-flood-packets-cumulative", 9993)
prop._addConstant("l2IngrPktsPartFloodLast", "ingress-flood-packets-current-value", 9991)
prop._addConstant("l2IngrPktsPartFloodMax", "ingress-flood-packets-maximum-value", 9996)
prop._addConstant("l2IngrPktsPartFloodMin", "ingress-flood-packets-minimum-value", 9995)
prop._addConstant("l2IngrPktsPartFloodPer", "ingress-flood-packets-periodic", 9994)
prop._addConstant("l2IngrPktsPartFloodRate", "ingress-flood-packets-rate", 10002)
prop._addConstant("l2IngrPktsPartFloodTr", "ingress-flood-packets-trend", 10001)
prop._addConstant("l2IngrPktsPartMulticastAvg", "ingress-multicast-packets-average-value", 10058)
prop._addConstant("l2IngrPktsPartMulticastCum", "ingress-multicast-packets-cumulative", 10054)
prop._addConstant("l2IngrPktsPartMulticastLast", "ingress-multicast-packets-current-value", 10052)
prop._addConstant("l2IngrPktsPartMulticastMax", "ingress-multicast-packets-maximum-value", 10057)
prop._addConstant("l2IngrPktsPartMulticastMin", "ingress-multicast-packets-minimum-value", 10056)
prop._addConstant("l2IngrPktsPartMulticastPer", "ingress-multicast-packets-periodic", 10055)
prop._addConstant("l2IngrPktsPartMulticastRate", "ingress-multicast-packets-rate", 10063)
prop._addConstant("l2IngrPktsPartMulticastTr", "ingress-multicast-packets-trend", 10062)
prop._addConstant("l2IngrPktsPartUnicastAvg", "ingress-unicast-packets-average-value", 10119)
prop._addConstant("l2IngrPktsPartUnicastCum", "ingress-unicast-packets-cumulative", 10115)
prop._addConstant("l2IngrPktsPartUnicastLast", "ingress-unicast-packets-current-value", 10113)
prop._addConstant("l2IngrPktsPartUnicastMax", "ingress-unicast-packets-maximum-value", 10118)
prop._addConstant("l2IngrPktsPartUnicastMin", "ingress-unicast-packets-minimum-value", 10117)
prop._addConstant("l2IngrPktsPartUnicastPer", "ingress-unicast-packets-periodic", 10116)
prop._addConstant("l2IngrPktsPartUnicastRate", "ingress-unicast-packets-rate", 10124)
prop._addConstant("l2IngrPktsPartUnicastTr", "ingress-unicast-packets-trend", 10123)
prop._addConstant("l2IngrPktsUnicastAvg", "ingress-unicast-packets-average-value", 10098)
prop._addConstant("l2IngrPktsUnicastCum", "ingress-unicast-packets-cumulative", 10094)
prop._addConstant("l2IngrPktsUnicastLast", "ingress-unicast-packets-current-value", 10092)
prop._addConstant("l2IngrPktsUnicastMax", "ingress-unicast-packets-maximum-value", 10097)
prop._addConstant("l2IngrPktsUnicastMin", "ingress-unicast-packets-minimum-value", 10096)
prop._addConstant("l2IngrPktsUnicastPer", "ingress-unicast-packets-periodic", 10095)
prop._addConstant("l2IngrPktsUnicastRate", "ingress-unicast-packets-rate", 10103)
prop._addConstant("l2IngrPktsUnicastTr", "ingress-unicast-packets-trend", 10102)
prop._addConstant("lacpPduStatsFlapsAvg", "number-of-flaps-average-value", 44978)
prop._addConstant("lacpPduStatsFlapsCum", "number-of-flaps-cumulative", 44974)
prop._addConstant("lacpPduStatsFlapsLast", "number-of-flaps-current-value", 44972)
prop._addConstant("lacpPduStatsFlapsMax", "number-of-flaps-maximum-value", 44977)
prop._addConstant("lacpPduStatsFlapsMin", "number-of-flaps-minimum-value", 44976)
prop._addConstant("lacpPduStatsFlapsPer", "number-of-flaps-periodic", 44975)
prop._addConstant("lacpPduStatsFlapsRate", "number-of-flaps-rate", 44983)
prop._addConstant("lacpPduStatsFlapsTr", "number-of-flaps-trend", 44982)
prop._addConstant("lacpPduStatsPduRcvdAvg", "number-of-partner-pdu-timeout-events-average-value", 44999)
prop._addConstant("lacpPduStatsPduRcvdCum", "number-of-partner-pdu-timeout-events-cumulative", 44995)
prop._addConstant("lacpPduStatsPduRcvdLast", "number-of-partner-pdu-timeout-events-current-value", 44993)
prop._addConstant("lacpPduStatsPduRcvdMax", "number-of-partner-pdu-timeout-events-maximum-value", 44998)
prop._addConstant("lacpPduStatsPduRcvdMin", "number-of-partner-pdu-timeout-events-minimum-value", 44997)
prop._addConstant("lacpPduStatsPduRcvdPer", "number-of-partner-pdu-timeout-events-periodic", 44996)
prop._addConstant("lacpPduStatsPduRcvdRate", "number-of-partner-pdu-timeout-events-rate", 45004)
prop._addConstant("lacpPduStatsPduRcvdRateAvg", "number-of-partner-pdu-timeout-events-rate-average-value", 45017)
prop._addConstant("lacpPduStatsPduRcvdRateLast", "number-of-partner-pdu-timeout-events-rate-current-value", 45014)
prop._addConstant("lacpPduStatsPduRcvdRateMax", "number-of-partner-pdu-timeout-events-rate-maximum-value", 45016)
prop._addConstant("lacpPduStatsPduRcvdRateMin", "number-of-partner-pdu-timeout-events-rate-minimum-value", 45015)
prop._addConstant("lacpPduStatsPduRcvdRateTr", "number-of-partner-pdu-timeout-events-rate-trend", 45022)
prop._addConstant("lacpPduStatsPduRcvdTr", "number-of-partner-pdu-timeout-events-trend", 45003)
prop._addConstant("lacpPduStatsPduSentAvg", "number-of-lldp-pdu-packets-sent-average-value", 45035)
prop._addConstant("lacpPduStatsPduSentCum", "number-of-lldp-pdu-packets-sent-cumulative", 45031)
prop._addConstant("lacpPduStatsPduSentLast", "number-of-lldp-pdu-packets-sent-current-value", 45029)
prop._addConstant("lacpPduStatsPduSentMax", "number-of-lldp-pdu-packets-sent-maximum-value", 45034)
prop._addConstant("lacpPduStatsPduSentMin", "number-of-lldp-pdu-packets-sent-minimum-value", 45033)
prop._addConstant("lacpPduStatsPduSentPer", "number-of-lldp-pdu-packets-sent-periodic", 45032)
prop._addConstant("lacpPduStatsPduSentRate", "number-of-lldp-pdu-packets-sent-rate", 45040)
prop._addConstant("lacpPduStatsPduSentRateAvg", "number-of-lldp-pdu-packets-sent-rate-average-value", 45053)
prop._addConstant("lacpPduStatsPduSentRateLast", "number-of-lldp-pdu-packets-sent-rate-current-value", 45050)
prop._addConstant("lacpPduStatsPduSentRateMax", "number-of-lldp-pdu-packets-sent-rate-maximum-value", 45052)
prop._addConstant("lacpPduStatsPduSentRateMin", "number-of-lldp-pdu-packets-sent-rate-minimum-value", 45051)
prop._addConstant("lacpPduStatsPduSentRateTr", "number-of-lldp-pdu-packets-sent-rate-trend", 45058)
prop._addConstant("lacpPduStatsPduSentTr", "number-of-lldp-pdu-packets-sent-trend", 45039)
prop._addConstant("latencyLatencyAvg1AvgDelayAvg", "average-delay-average-value", 29084)
prop._addConstant("latencyLatencyAvg1AvgDelayCum", "average-delay-cumulative", 29080)
prop._addConstant("latencyLatencyAvg1AvgDelayLast", "average-delay-current-value", 29078)
prop._addConstant("latencyLatencyAvg1AvgDelayMax", "average-delay-maximum-value", 29083)
prop._addConstant("latencyLatencyAvg1AvgDelayMin", "average-delay-minimum-value", 29082)
prop._addConstant("latencyLatencyAvg1AvgDelayPer", "average-delay-periodic", 29081)
prop._addConstant("latencyLatencyAvg1AvgDelayRate", "average-delay-rate", 29089)
prop._addConstant("latencyLatencyAvg1AvgDelayTr", "average-delay-trend", 29088)
prop._addConstant("latencyLatencyAvg1CumAverageAvg", "cumulative-average-delay-average-value", 29105)
prop._addConstant("latencyLatencyAvg1CumAverageCum", "cumulative-average-delay-cumulative", 29101)
prop._addConstant("latencyLatencyAvg1CumAverageLast", "cumulative-average-delay-current-value", 29099)
prop._addConstant("latencyLatencyAvg1CumAverageMax", "cumulative-average-delay-maximum-value", 29104)
prop._addConstant("latencyLatencyAvg1CumAverageMin", "cumulative-average-delay-minimum-value", 29103)
prop._addConstant("latencyLatencyAvg1CumAveragePer", "cumulative-average-delay-periodic", 29102)
prop._addConstant("latencyLatencyAvg1CumAverageRate", "cumulative-average-delay-rate", 29110)
prop._addConstant("latencyLatencyAvg1CumAverageTr", "cumulative-average-delay-trend", 29109)
prop._addConstant("latencyLatencyAvg1MaxDelayAvg", "maximum-delay-average-value", 29126)
prop._addConstant("latencyLatencyAvg1MaxDelayCum", "maximum-delay-cumulative", 29122)
prop._addConstant("latencyLatencyAvg1MaxDelayLast", "maximum-delay-current-value", 29120)
prop._addConstant("latencyLatencyAvg1MaxDelayMax", "maximum-delay-maximum-value", 29125)
prop._addConstant("latencyLatencyAvg1MaxDelayMin", "maximum-delay-minimum-value", 29124)
prop._addConstant("latencyLatencyAvg1MaxDelayPer", "maximum-delay-periodic", 29123)
prop._addConstant("latencyLatencyAvg1MaxDelayRate", "maximum-delay-rate", 29131)
prop._addConstant("latencyLatencyAvg1MaxDelayTr", "maximum-delay-trend", 29130)
prop._addConstant("latencyLatencyAvg1PktCountAvg", "packet-count-average-value", 29147)
prop._addConstant("latencyLatencyAvg1PktCountCum", "packet-count-cumulative", 29143)
prop._addConstant("latencyLatencyAvg1PktCountLast", "packet-count-current-value", 29141)
prop._addConstant("latencyLatencyAvg1PktCountMax", "packet-count-maximum-value", 29146)
prop._addConstant("latencyLatencyAvg1PktCountMin", "packet-count-minimum-value", 29145)
prop._addConstant("latencyLatencyAvg1PktCountPer", "packet-count-periodic", 29144)
prop._addConstant("latencyLatencyAvg1PktCountRate", "packet-count-rate", 29152)
prop._addConstant("latencyLatencyAvg1PktCountTr", "packet-count-trend", 29151)
prop._addConstant("latencyLatencyAvg2SeqNoAvg", "sequence-number-average-value", 29168)
prop._addConstant("latencyLatencyAvg2SeqNoCum", "sequence-number-cumulative", 29164)
prop._addConstant("latencyLatencyAvg2SeqNoLast", "sequence-number-current-value", 29162)
prop._addConstant("latencyLatencyAvg2SeqNoMax", "sequence-number-maximum-value", 29167)
prop._addConstant("latencyLatencyAvg2SeqNoMin", "sequence-number-minimum-value", 29166)
prop._addConstant("latencyLatencyAvg2SeqNoPer", "sequence-number-periodic", 29165)
prop._addConstant("latencyLatencyAvg2SeqNoRate", "sequence-number-rate", 29173)
prop._addConstant("latencyLatencyAvg2SeqNoTr", "sequence-number-trend", 29172)
prop._addConstant("latencyLatencyAvg2StdDevAvg", "standard-deviation-average-value", 29189)
prop._addConstant("latencyLatencyAvg2StdDevCum", "standard-deviation-cumulative", 29185)
prop._addConstant("latencyLatencyAvg2StdDevLast", "standard-deviation-current-value", 29183)
prop._addConstant("latencyLatencyAvg2StdDevMax", "standard-deviation-maximum-value", 29188)
prop._addConstant("latencyLatencyAvg2StdDevMin", "standard-deviation-minimum-value", 29187)
prop._addConstant("latencyLatencyAvg2StdDevPer", "standard-deviation-periodic", 29186)
prop._addConstant("latencyLatencyAvg2StdDevRate", "standard-deviation-rate", 29194)
prop._addConstant("latencyLatencyAvg2StdDevTr", "standard-deviation-trend", 29193)
prop._addConstant("latencyLatencyAvg2TotPktCountAvg", "total-packet-count-average-value", 29210)
prop._addConstant("latencyLatencyAvg2TotPktCountCum", "total-packet-count-cumulative", 29206)
prop._addConstant("latencyLatencyAvg2TotPktCountLast", "total-packet-count-current-value", 29204)
prop._addConstant("latencyLatencyAvg2TotPktCountMax", "total-packet-count-maximum-value", 29209)
prop._addConstant("latencyLatencyAvg2TotPktCountMin", "total-packet-count-minimum-value", 29208)
prop._addConstant("latencyLatencyAvg2TotPktCountPer", "total-packet-count-periodic", 29207)
prop._addConstant("latencyLatencyAvg2TotPktCountRate", "total-packet-count-rate", 29215)
prop._addConstant("latencyLatencyAvg2TotPktCountTr", "total-packet-count-trend", 29214)
prop._addConstant("latencyLatencyHist1AvgDelayAvg", "average-delay-average-value", 29231)
prop._addConstant("latencyLatencyHist1AvgDelayCum", "average-delay-cumulative", 29227)
prop._addConstant("latencyLatencyHist1AvgDelayLast", "average-delay-current-value", 29225)
prop._addConstant("latencyLatencyHist1AvgDelayMax", "average-delay-maximum-value", 29230)
prop._addConstant("latencyLatencyHist1AvgDelayMin", "average-delay-minimum-value", 29229)
prop._addConstant("latencyLatencyHist1AvgDelayPer", "average-delay-periodic", 29228)
prop._addConstant("latencyLatencyHist1AvgDelayRate", "average-delay-rate", 29236)
prop._addConstant("latencyLatencyHist1AvgDelayTr", "average-delay-trend", 29235)
prop._addConstant("latencyLatencyHist1Bucket0Avg", "packets-within-the-1st-bucket-average-value", 29252)
prop._addConstant("latencyLatencyHist1Bucket0Cum", "packets-within-the-1st-bucket-cumulative", 29248)
prop._addConstant("latencyLatencyHist1Bucket0Last", "packets-within-the-1st-bucket-current-value", 29246)
prop._addConstant("latencyLatencyHist1Bucket0Max", "packets-within-the-1st-bucket-maximum-value", 29251)
prop._addConstant("latencyLatencyHist1Bucket0Min", "packets-within-the-1st-bucket-minimum-value", 29250)
prop._addConstant("latencyLatencyHist1Bucket0Per", "packets-within-the-1st-bucket-periodic", 29249)
prop._addConstant("latencyLatencyHist1Bucket0Rate", "packets-within-the-1st-bucket-rate", 29257)
prop._addConstant("latencyLatencyHist1Bucket0Tr", "packets-within-the-1st-bucket-trend", 29256)
prop._addConstant("latencyLatencyHist1Bucket1Avg", "packets-within-the-2nd-bucket-average-value", 29273)
prop._addConstant("latencyLatencyHist1Bucket1Cum", "packets-within-the-2nd-bucket-cumulative", 29269)
prop._addConstant("latencyLatencyHist1Bucket1Last", "packets-within-the-2nd-bucket-current-value", 29267)
prop._addConstant("latencyLatencyHist1Bucket1Max", "packets-within-the-2nd-bucket-maximum-value", 29272)
prop._addConstant("latencyLatencyHist1Bucket1Min", "packets-within-the-2nd-bucket-minimum-value", 29271)
prop._addConstant("latencyLatencyHist1Bucket1Per", "packets-within-the-2nd-bucket-periodic", 29270)
prop._addConstant("latencyLatencyHist1Bucket1Rate", "packets-within-the-2nd-bucket-rate", 29278)
prop._addConstant("latencyLatencyHist1Bucket1Tr", "packets-within-the-2nd-bucket-trend", 29277)
prop._addConstant("latencyLatencyHist1SeqNoAvg", "sequence-number-average-value", 29294)
prop._addConstant("latencyLatencyHist1SeqNoCum", "sequence-number-cumulative", 29290)
prop._addConstant("latencyLatencyHist1SeqNoLast", "sequence-number-current-value", 29288)
prop._addConstant("latencyLatencyHist1SeqNoMax", "sequence-number-maximum-value", 29293)
prop._addConstant("latencyLatencyHist1SeqNoMin", "sequence-number-minimum-value", 29292)
prop._addConstant("latencyLatencyHist1SeqNoPer", "sequence-number-periodic", 29291)
prop._addConstant("latencyLatencyHist1SeqNoRate", "sequence-number-rate", 29299)
prop._addConstant("latencyLatencyHist1SeqNoTr", "sequence-number-trend", 29298)
prop._addConstant("latencyLatencyHist2Bucket2Avg", "packets-within-the-3rd-bucket-average-value", 29315)
prop._addConstant("latencyLatencyHist2Bucket2Cum", "packets-within-the-3rd-bucket-cumulative", 29311)
prop._addConstant("latencyLatencyHist2Bucket2Last", "packets-within-the-3rd-bucket-current-value", 29309)
prop._addConstant("latencyLatencyHist2Bucket2Max", "packets-within-the-3rd-bucket-maximum-value", 29314)
prop._addConstant("latencyLatencyHist2Bucket2Min", "packets-within-the-3rd-bucket-minimum-value", 29313)
prop._addConstant("latencyLatencyHist2Bucket2Per", "packets-within-the-3rd-bucket-periodic", 29312)
prop._addConstant("latencyLatencyHist2Bucket2Rate", "packets-within-the-3rd-bucket-rate", 29320)
prop._addConstant("latencyLatencyHist2Bucket2Tr", "packets-within-the-3rd-bucket-trend", 29319)
prop._addConstant("latencyLatencyHist2Bucket3Avg", "packets-within-the-4th-bucket-average-value", 29336)
prop._addConstant("latencyLatencyHist2Bucket3Cum", "packets-within-the-4th-bucket-cumulative", 29332)
prop._addConstant("latencyLatencyHist2Bucket3Last", "packets-within-the-4th-bucket-current-value", 29330)
prop._addConstant("latencyLatencyHist2Bucket3Max", "packets-within-the-4th-bucket-maximum-value", 29335)
prop._addConstant("latencyLatencyHist2Bucket3Min", "packets-within-the-4th-bucket-minimum-value", 29334)
prop._addConstant("latencyLatencyHist2Bucket3Per", "packets-within-the-4th-bucket-periodic", 29333)
prop._addConstant("latencyLatencyHist2Bucket3Rate", "packets-within-the-4th-bucket-rate", 29341)
prop._addConstant("latencyLatencyHist2Bucket3Tr", "packets-within-the-4th-bucket-trend", 29340)
prop._addConstant("latencyLatencyHist2Bucket4Avg", "packets-within-the-5th-bucket-average-value", 29357)
prop._addConstant("latencyLatencyHist2Bucket4Cum", "packets-within-the-5th-bucket-cumulative", 29353)
prop._addConstant("latencyLatencyHist2Bucket4Last", "packets-within-the-5th-bucket-current-value", 29351)
prop._addConstant("latencyLatencyHist2Bucket4Max", "packets-within-the-5th-bucket-maximum-value", 29356)
prop._addConstant("latencyLatencyHist2Bucket4Min", "packets-within-the-5th-bucket-minimum-value", 29355)
prop._addConstant("latencyLatencyHist2Bucket4Per", "packets-within-the-5th-bucket-periodic", 29354)
prop._addConstant("latencyLatencyHist2Bucket4Rate", "packets-within-the-5th-bucket-rate", 29362)
prop._addConstant("latencyLatencyHist2Bucket4Tr", "packets-within-the-5th-bucket-trend", 29361)
prop._addConstant("latencyLatencyHist2Bucket5Avg", "packets-within-the-6th-bucket-average-value", 29378)
prop._addConstant("latencyLatencyHist2Bucket5Cum", "packets-within-the-6th-bucket-cumulative", 29374)
prop._addConstant("latencyLatencyHist2Bucket5Last", "packets-within-the-6th-bucket-current-value", 29372)
prop._addConstant("latencyLatencyHist2Bucket5Max", "packets-within-the-6th-bucket-maximum-value", 29377)
prop._addConstant("latencyLatencyHist2Bucket5Min", "packets-within-the-6th-bucket-minimum-value", 29376)
prop._addConstant("latencyLatencyHist2Bucket5Per", "packets-within-the-6th-bucket-periodic", 29375)
prop._addConstant("latencyLatencyHist2Bucket5Rate", "packets-within-the-6th-bucket-rate", 29383)
prop._addConstant("latencyLatencyHist2Bucket5Tr", "packets-within-the-6th-bucket-trend", 29382)
prop._addConstant("latencyLatencyHist3Bucket6Avg", "packets-within-the-7th-bucket-average-value", 29399)
prop._addConstant("latencyLatencyHist3Bucket6Cum", "packets-within-the-7th-bucket-cumulative", 29395)
prop._addConstant("latencyLatencyHist3Bucket6Last", "packets-within-the-7th-bucket-current-value", 29393)
prop._addConstant("latencyLatencyHist3Bucket6Max", "packets-within-the-7th-bucket-maximum-value", 29398)
prop._addConstant("latencyLatencyHist3Bucket6Min", "packets-within-the-7th-bucket-minimum-value", 29397)
prop._addConstant("latencyLatencyHist3Bucket6Per", "packets-within-the-7th-bucket-periodic", 29396)
prop._addConstant("latencyLatencyHist3Bucket6Rate", "packets-within-the-7th-bucket-rate", 29404)
prop._addConstant("latencyLatencyHist3Bucket6Tr", "packets-within-the-7th-bucket-trend", 29403)
prop._addConstant("latencyLatencyHist3Bucket7Avg", "packets-within-the-8th-bucket-average-value", 29420)
prop._addConstant("latencyLatencyHist3Bucket7Cum", "packets-within-the-8th-bucket-cumulative", 29416)
prop._addConstant("latencyLatencyHist3Bucket7Last", "packets-within-the-8th-bucket-current-value", 29414)
prop._addConstant("latencyLatencyHist3Bucket7Max", "packets-within-the-8th-bucket-maximum-value", 29419)
prop._addConstant("latencyLatencyHist3Bucket7Min", "packets-within-the-8th-bucket-minimum-value", 29418)
prop._addConstant("latencyLatencyHist3Bucket7Per", "packets-within-the-8th-bucket-periodic", 29417)
prop._addConstant("latencyLatencyHist3Bucket7Rate", "packets-within-the-8th-bucket-rate", 29425)
prop._addConstant("latencyLatencyHist3Bucket7Tr", "packets-within-the-8th-bucket-trend", 29424)
prop._addConstant("latencyLatencyHist3Bucket8Avg", "packets-within-the-9th-bucket-average-value", 29441)
prop._addConstant("latencyLatencyHist3Bucket8Cum", "packets-within-the-9th-bucket-cumulative", 29437)
prop._addConstant("latencyLatencyHist3Bucket8Last", "packets-within-the-9th-bucket-current-value", 29435)
prop._addConstant("latencyLatencyHist3Bucket8Max", "packets-within-the-9th-bucket-maximum-value", 29440)
prop._addConstant("latencyLatencyHist3Bucket8Min", "packets-within-the-9th-bucket-minimum-value", 29439)
prop._addConstant("latencyLatencyHist3Bucket8Per", "packets-within-the-9th-bucket-periodic", 29438)
prop._addConstant("latencyLatencyHist3Bucket8Rate", "packets-within-the-9th-bucket-rate", 29446)
prop._addConstant("latencyLatencyHist3Bucket8Tr", "packets-within-the-9th-bucket-trend", 29445)
prop._addConstant("latencyLatencyHist3Bucket9Avg", "packets-within-the-10th-bucket-average-value", 29462)
prop._addConstant("latencyLatencyHist3Bucket9Cum", "packets-within-the-10th-bucket-cumulative", 29458)
prop._addConstant("latencyLatencyHist3Bucket9Last", "packets-within-the-10th-bucket-current-value", 29456)
prop._addConstant("latencyLatencyHist3Bucket9Max", "packets-within-the-10th-bucket-maximum-value", 29461)
prop._addConstant("latencyLatencyHist3Bucket9Min", "packets-within-the-10th-bucket-minimum-value", 29460)
prop._addConstant("latencyLatencyHist3Bucket9Per", "packets-within-the-10th-bucket-periodic", 29459)
prop._addConstant("latencyLatencyHist3Bucket9Rate", "packets-within-the-10th-bucket-rate", 29467)
prop._addConstant("latencyLatencyHist3Bucket9Tr", "packets-within-the-10th-bucket-trend", 29466)
prop._addConstant("latencyLatencyHist4Bucket10Avg", "packets-within-the-11th-bucket-average-value", 29483)
prop._addConstant("latencyLatencyHist4Bucket10Cum", "packets-within-the-11th-bucket-cumulative", 29479)
prop._addConstant("latencyLatencyHist4Bucket10Last", "packets-within-the-11th-bucket-current-value", 29477)
prop._addConstant("latencyLatencyHist4Bucket10Max", "packets-within-the-11th-bucket-maximum-value", 29482)
prop._addConstant("latencyLatencyHist4Bucket10Min", "packets-within-the-11th-bucket-minimum-value", 29481)
prop._addConstant("latencyLatencyHist4Bucket10Per", "packets-within-the-11th-bucket-periodic", 29480)
prop._addConstant("latencyLatencyHist4Bucket10Rate", "packets-within-the-11th-bucket-rate", 29488)
prop._addConstant("latencyLatencyHist4Bucket10Tr", "packets-within-the-11th-bucket-trend", 29487)
prop._addConstant("latencyLatencyHist4Bucket11Avg", "packets-within-the-12th-bucket-average-value", 29504)
prop._addConstant("latencyLatencyHist4Bucket11Cum", "packets-within-the-12th-bucket-cumulative", 29500)
prop._addConstant("latencyLatencyHist4Bucket11Last", "packets-within-the-12th-bucket-current-value", 29498)
prop._addConstant("latencyLatencyHist4Bucket11Max", "packets-within-the-12th-bucket-maximum-value", 29503)
prop._addConstant("latencyLatencyHist4Bucket11Min", "packets-within-the-12th-bucket-minimum-value", 29502)
prop._addConstant("latencyLatencyHist4Bucket11Per", "packets-within-the-12th-bucket-periodic", 29501)
prop._addConstant("latencyLatencyHist4Bucket11Rate", "packets-within-the-12th-bucket-rate", 29509)
prop._addConstant("latencyLatencyHist4Bucket11Tr", "packets-within-the-12th-bucket-trend", 29508)
prop._addConstant("latencyLatencyHist4Bucket12Avg", "packets-within-the-13th-bucket-average-value", 29525)
prop._addConstant("latencyLatencyHist4Bucket12Cum", "packets-within-the-13th-bucket-cumulative", 29521)
prop._addConstant("latencyLatencyHist4Bucket12Last", "packets-within-the-13th-bucket-current-value", 29519)
prop._addConstant("latencyLatencyHist4Bucket12Max", "packets-within-the-13th-bucket-maximum-value", 29524)
prop._addConstant("latencyLatencyHist4Bucket12Min", "packets-within-the-13th-bucket-minimum-value", 29523)
prop._addConstant("latencyLatencyHist4Bucket12Per", "packets-within-the-13th-bucket-periodic", 29522)
prop._addConstant("latencyLatencyHist4Bucket12Rate", "packets-within-the-13th-bucket-rate", 29530)
prop._addConstant("latencyLatencyHist4Bucket12Tr", "packets-within-the-13th-bucket-trend", 29529)
prop._addConstant("latencyLatencyHist4Bucket13Avg", "packets-within-the-14th-bucket-average-value", 29546)
prop._addConstant("latencyLatencyHist4Bucket13Cum", "packets-within-the-14th-bucket-cumulative", 29542)
prop._addConstant("latencyLatencyHist4Bucket13Last", "packets-within-the-14th-bucket-current-value", 29540)
prop._addConstant("latencyLatencyHist4Bucket13Max", "packets-within-the-14th-bucket-maximum-value", 29545)
prop._addConstant("latencyLatencyHist4Bucket13Min", "packets-within-the-14th-bucket-minimum-value", 29544)
prop._addConstant("latencyLatencyHist4Bucket13Per", "packets-within-the-14th-bucket-periodic", 29543)
prop._addConstant("latencyLatencyHist4Bucket13Rate", "packets-within-the-14th-bucket-rate", 29551)
prop._addConstant("latencyLatencyHist4Bucket13Tr", "packets-within-the-14th-bucket-trend", 29550)
prop._addConstant("latencyLatencyHist5Bucket14Avg", "packets-within-the-15th-bucket-average-value", 29567)
prop._addConstant("latencyLatencyHist5Bucket14Cum", "packets-within-the-15th-bucket-cumulative", 29563)
prop._addConstant("latencyLatencyHist5Bucket14Last", "packets-within-the-15th-bucket-current-value", 29561)
prop._addConstant("latencyLatencyHist5Bucket14Max", "packets-within-the-15th-bucket-maximum-value", 29566)
prop._addConstant("latencyLatencyHist5Bucket14Min", "packets-within-the-15th-bucket-minimum-value", 29565)
prop._addConstant("latencyLatencyHist5Bucket14Per", "packets-within-the-15th-bucket-periodic", 29564)
prop._addConstant("latencyLatencyHist5Bucket14Rate", "packets-within-the-15th-bucket-rate", 29572)
prop._addConstant("latencyLatencyHist5Bucket14Tr", "packets-within-the-15th-bucket-trend", 29571)
prop._addConstant("latencyLatencyHist5Bucket15Avg", "packets-within-the-16th-bucket-average-value", 29588)
prop._addConstant("latencyLatencyHist5Bucket15Cum", "packets-within-the-16th-bucket-cumulative", 29584)
prop._addConstant("latencyLatencyHist5Bucket15Last", "packets-within-the-16th-bucket-current-value", 29582)
prop._addConstant("latencyLatencyHist5Bucket15Max", "packets-within-the-16th-bucket-maximum-value", 29587)
prop._addConstant("latencyLatencyHist5Bucket15Min", "packets-within-the-16th-bucket-minimum-value", 29586)
prop._addConstant("latencyLatencyHist5Bucket15Per", "packets-within-the-16th-bucket-periodic", 29585)
prop._addConstant("latencyLatencyHist5Bucket15Rate", "packets-within-the-16th-bucket-rate", 29593)
prop._addConstant("latencyLatencyHist5Bucket15Tr", "packets-within-the-16th-bucket-trend", 29592)
prop._addConstant("latencyLatencyHist5TotalBucket0Avg", "packets-within-the-1st-bucket-average-value", 29609)
prop._addConstant("latencyLatencyHist5TotalBucket0Cum", "packets-within-the-1st-bucket-cumulative", 29605)
prop._addConstant("latencyLatencyHist5TotalBucket0Last", "packets-within-the-1st-bucket-current-value", 29603)
prop._addConstant("latencyLatencyHist5TotalBucket0Max", "packets-within-the-1st-bucket-maximum-value", 29608)
prop._addConstant("latencyLatencyHist5TotalBucket0Min", "packets-within-the-1st-bucket-minimum-value", 29607)
prop._addConstant("latencyLatencyHist5TotalBucket0Per", "packets-within-the-1st-bucket-periodic", 29606)
prop._addConstant("latencyLatencyHist5TotalBucket0Rate", "packets-within-the-1st-bucket-rate", 29614)
prop._addConstant("latencyLatencyHist5TotalBucket0Tr", "packets-within-the-1st-bucket-trend", 29613)
prop._addConstant("latencyLatencyHist5TotalBucket1Avg", "packets-within-the-2nd-bucket-average-value", 29630)
prop._addConstant("latencyLatencyHist5TotalBucket1Cum", "packets-within-the-2nd-bucket-cumulative", 29626)
prop._addConstant("latencyLatencyHist5TotalBucket1Last", "packets-within-the-2nd-bucket-current-value", 29624)
prop._addConstant("latencyLatencyHist5TotalBucket1Max", "packets-within-the-2nd-bucket-maximum-value", 29629)
prop._addConstant("latencyLatencyHist5TotalBucket1Min", "packets-within-the-2nd-bucket-minimum-value", 29628)
prop._addConstant("latencyLatencyHist5TotalBucket1Per", "packets-within-the-2nd-bucket-periodic", 29627)
prop._addConstant("latencyLatencyHist5TotalBucket1Rate", "packets-within-the-2nd-bucket-rate", 29635)
prop._addConstant("latencyLatencyHist5TotalBucket1Tr", "packets-within-the-2nd-bucket-trend", 29634)
prop._addConstant("latencyLatencyHist6TotalBucket2Avg", "packets-within-the-3rd-bucket-average-value", 29651)
prop._addConstant("latencyLatencyHist6TotalBucket2Cum", "packets-within-the-3rd-bucket-cumulative", 29647)
prop._addConstant("latencyLatencyHist6TotalBucket2Last", "packets-within-the-3rd-bucket-current-value", 29645)
prop._addConstant("latencyLatencyHist6TotalBucket2Max", "packets-within-the-3rd-bucket-maximum-value", 29650)
prop._addConstant("latencyLatencyHist6TotalBucket2Min", "packets-within-the-3rd-bucket-minimum-value", 29649)
prop._addConstant("latencyLatencyHist6TotalBucket2Per", "packets-within-the-3rd-bucket-periodic", 29648)
prop._addConstant("latencyLatencyHist6TotalBucket2Rate", "packets-within-the-3rd-bucket-rate", 29656)
prop._addConstant("latencyLatencyHist6TotalBucket2Tr", "packets-within-the-3rd-bucket-trend", 29655)
prop._addConstant("latencyLatencyHist6TotalBucket3Avg", "packets-within-the-4th-bucket-average-value", 29672)
prop._addConstant("latencyLatencyHist6TotalBucket3Cum", "packets-within-the-4th-bucket-cumulative", 29668)
prop._addConstant("latencyLatencyHist6TotalBucket3Last", "packets-within-the-4th-bucket-current-value", 29666)
prop._addConstant("latencyLatencyHist6TotalBucket3Max", "packets-within-the-4th-bucket-maximum-value", 29671)
prop._addConstant("latencyLatencyHist6TotalBucket3Min", "packets-within-the-4th-bucket-minimum-value", 29670)
prop._addConstant("latencyLatencyHist6TotalBucket3Per", "packets-within-the-4th-bucket-periodic", 29669)
prop._addConstant("latencyLatencyHist6TotalBucket3Rate", "packets-within-the-4th-bucket-rate", 29677)
prop._addConstant("latencyLatencyHist6TotalBucket3Tr", "packets-within-the-4th-bucket-trend", 29676)
prop._addConstant("latencyLatencyHist6TotalBucket4Avg", "packets-within-the-5th-bucket-average-value", 29693)
prop._addConstant("latencyLatencyHist6TotalBucket4Cum", "packets-within-the-5th-bucket-cumulative", 29689)
prop._addConstant("latencyLatencyHist6TotalBucket4Last", "packets-within-the-5th-bucket-current-value", 29687)
prop._addConstant("latencyLatencyHist6TotalBucket4Max", "packets-within-the-5th-bucket-maximum-value", 29692)
prop._addConstant("latencyLatencyHist6TotalBucket4Min", "packets-within-the-5th-bucket-minimum-value", 29691)
prop._addConstant("latencyLatencyHist6TotalBucket4Per", "packets-within-the-5th-bucket-periodic", 29690)
prop._addConstant("latencyLatencyHist6TotalBucket4Rate", "packets-within-the-5th-bucket-rate", 29698)
prop._addConstant("latencyLatencyHist6TotalBucket4Tr", "packets-within-the-5th-bucket-trend", 29697)
prop._addConstant("latencyLatencyHist6TotalBucket5Avg", "packets-within-the-6th-bucket-average-value", 29714)
prop._addConstant("latencyLatencyHist6TotalBucket5Cum", "packets-within-the-6th-bucket-cumulative", 29710)
prop._addConstant("latencyLatencyHist6TotalBucket5Last", "packets-within-the-6th-bucket-current-value", 29708)
prop._addConstant("latencyLatencyHist6TotalBucket5Max", "packets-within-the-6th-bucket-maximum-value", 29713)
prop._addConstant("latencyLatencyHist6TotalBucket5Min", "packets-within-the-6th-bucket-minimum-value", 29712)
prop._addConstant("latencyLatencyHist6TotalBucket5Per", "packets-within-the-6th-bucket-periodic", 29711)
prop._addConstant("latencyLatencyHist6TotalBucket5Rate", "packets-within-the-6th-bucket-rate", 29719)
prop._addConstant("latencyLatencyHist6TotalBucket5Tr", "packets-within-the-6th-bucket-trend", 29718)
prop._addConstant("latencyLatencyHist7TotalBucket6Avg", "packets-within-the-7th-bucket-average-value", 29735)
prop._addConstant("latencyLatencyHist7TotalBucket6Cum", "packets-within-the-7th-bucket-cumulative", 29731)
prop._addConstant("latencyLatencyHist7TotalBucket6Last", "packets-within-the-7th-bucket-current-value", 29729)
prop._addConstant("latencyLatencyHist7TotalBucket6Max", "packets-within-the-7th-bucket-maximum-value", 29734)
prop._addConstant("latencyLatencyHist7TotalBucket6Min", "packets-within-the-7th-bucket-minimum-value", 29733)
prop._addConstant("latencyLatencyHist7TotalBucket6Per", "packets-within-the-7th-bucket-periodic", 29732)
prop._addConstant("latencyLatencyHist7TotalBucket6Rate", "packets-within-the-7th-bucket-rate", 29740)
prop._addConstant("latencyLatencyHist7TotalBucket6Tr", "packets-within-the-7th-bucket-trend", 29739)
prop._addConstant("latencyLatencyHist7TotalBucket7Avg", "packets-within-the-8th-bucket-average-value", 29756)
prop._addConstant("latencyLatencyHist7TotalBucket7Cum", "packets-within-the-8th-bucket-cumulative", 29752)
prop._addConstant("latencyLatencyHist7TotalBucket7Last", "packets-within-the-8th-bucket-current-value", 29750)
prop._addConstant("latencyLatencyHist7TotalBucket7Max", "packets-within-the-8th-bucket-maximum-value", 29755)
prop._addConstant("latencyLatencyHist7TotalBucket7Min", "packets-within-the-8th-bucket-minimum-value", 29754)
prop._addConstant("latencyLatencyHist7TotalBucket7Per", "packets-within-the-8th-bucket-periodic", 29753)
prop._addConstant("latencyLatencyHist7TotalBucket7Rate", "packets-within-the-8th-bucket-rate", 29761)
prop._addConstant("latencyLatencyHist7TotalBucket7Tr", "packets-within-the-8th-bucket-trend", 29760)
prop._addConstant("latencyLatencyHist7TotalBucket8Avg", "packets-within-the-9th-bucket-average-value", 29777)
prop._addConstant("latencyLatencyHist7TotalBucket8Cum", "packets-within-the-9th-bucket-cumulative", 29773)
prop._addConstant("latencyLatencyHist7TotalBucket8Last", "packets-within-the-9th-bucket-current-value", 29771)
prop._addConstant("latencyLatencyHist7TotalBucket8Max", "packets-within-the-9th-bucket-maximum-value", 29776)
prop._addConstant("latencyLatencyHist7TotalBucket8Min", "packets-within-the-9th-bucket-minimum-value", 29775)
prop._addConstant("latencyLatencyHist7TotalBucket8Per", "packets-within-the-9th-bucket-periodic", 29774)
prop._addConstant("latencyLatencyHist7TotalBucket8Rate", "packets-within-the-9th-bucket-rate", 29782)
prop._addConstant("latencyLatencyHist7TotalBucket8Tr", "packets-within-the-9th-bucket-trend", 29781)
prop._addConstant("latencyLatencyHist7TotalBucket9Avg", "packets-within-the-10th-bucket-average-value", 29798)
prop._addConstant("latencyLatencyHist7TotalBucket9Cum", "packets-within-the-10th-bucket-cumulative", 29794)
prop._addConstant("latencyLatencyHist7TotalBucket9Last", "packets-within-the-10th-bucket-current-value", 29792)
prop._addConstant("latencyLatencyHist7TotalBucket9Max", "packets-within-the-10th-bucket-maximum-value", 29797)
prop._addConstant("latencyLatencyHist7TotalBucket9Min", "packets-within-the-10th-bucket-minimum-value", 29796)
prop._addConstant("latencyLatencyHist7TotalBucket9Per", "packets-within-the-10th-bucket-periodic", 29795)
prop._addConstant("latencyLatencyHist7TotalBucket9Rate", "packets-within-the-10th-bucket-rate", 29803)
prop._addConstant("latencyLatencyHist7TotalBucket9Tr", "packets-within-the-10th-bucket-trend", 29802)
prop._addConstant("latencyLatencyHist8TotalBucket10Avg", "packets-within-the-11th-bucket-average-value", 29819)
prop._addConstant("latencyLatencyHist8TotalBucket10Cum", "packets-within-the-11th-bucket-cumulative", 29815)
prop._addConstant("latencyLatencyHist8TotalBucket10Last", "packets-within-the-11th-bucket-current-value", 29813)
prop._addConstant("latencyLatencyHist8TotalBucket10Max", "packets-within-the-11th-bucket-maximum-value", 29818)
prop._addConstant("latencyLatencyHist8TotalBucket10Min", "packets-within-the-11th-bucket-minimum-value", 29817)
prop._addConstant("latencyLatencyHist8TotalBucket10Per", "packets-within-the-11th-bucket-periodic", 29816)
prop._addConstant("latencyLatencyHist8TotalBucket10Rate", "packets-within-the-11th-bucket-rate", 29824)
prop._addConstant("latencyLatencyHist8TotalBucket10Tr", "packets-within-the-11th-bucket-trend", 29823)
prop._addConstant("latencyLatencyHist8TotalBucket11Avg", "packets-within-the-12th-bucket-average-value", 29840)
prop._addConstant("latencyLatencyHist8TotalBucket11Cum", "packets-within-the-12th-bucket-cumulative", 29836)
prop._addConstant("latencyLatencyHist8TotalBucket11Last", "packets-within-the-12th-bucket-current-value", 29834)
prop._addConstant("latencyLatencyHist8TotalBucket11Max", "packets-within-the-12th-bucket-maximum-value", 29839)
prop._addConstant("latencyLatencyHist8TotalBucket11Min", "packets-within-the-12th-bucket-minimum-value", 29838)
prop._addConstant("latencyLatencyHist8TotalBucket11Per", "packets-within-the-12th-bucket-periodic", 29837)
prop._addConstant("latencyLatencyHist8TotalBucket11Rate", "packets-within-the-12th-bucket-rate", 29845)
prop._addConstant("latencyLatencyHist8TotalBucket11Tr", "packets-within-the-12th-bucket-trend", 29844)
prop._addConstant("latencyLatencyHist8TotalBucket12Avg", "packets-within-the-13th-bucket-average-value", 29861)
prop._addConstant("latencyLatencyHist8TotalBucket12Cum", "packets-within-the-13th-bucket-cumulative", 29857)
prop._addConstant("latencyLatencyHist8TotalBucket12Last", "packets-within-the-13th-bucket-current-value", 29855)
prop._addConstant("latencyLatencyHist8TotalBucket12Max", "packets-within-the-13th-bucket-maximum-value", 29860)
prop._addConstant("latencyLatencyHist8TotalBucket12Min", "packets-within-the-13th-bucket-minimum-value", 29859)
prop._addConstant("latencyLatencyHist8TotalBucket12Per", "packets-within-the-13th-bucket-periodic", 29858)
prop._addConstant("latencyLatencyHist8TotalBucket12Rate", "packets-within-the-13th-bucket-rate", 29866)
prop._addConstant("latencyLatencyHist8TotalBucket12Tr", "packets-within-the-13th-bucket-trend", 29865)
prop._addConstant("latencyLatencyHist8TotalBucket13Avg", "packets-within-the-14th-bucket-average-value", 29882)
prop._addConstant("latencyLatencyHist8TotalBucket13Cum", "packets-within-the-14th-bucket-cumulative", 29878)
prop._addConstant("latencyLatencyHist8TotalBucket13Last", "packets-within-the-14th-bucket-current-value", 29876)
prop._addConstant("latencyLatencyHist8TotalBucket13Max", "packets-within-the-14th-bucket-maximum-value", 29881)
prop._addConstant("latencyLatencyHist8TotalBucket13Min", "packets-within-the-14th-bucket-minimum-value", 29880)
prop._addConstant("latencyLatencyHist8TotalBucket13Per", "packets-within-the-14th-bucket-periodic", 29879)
prop._addConstant("latencyLatencyHist8TotalBucket13Rate", "packets-within-the-14th-bucket-rate", 29887)
prop._addConstant("latencyLatencyHist8TotalBucket13Tr", "packets-within-the-14th-bucket-trend", 29886)
prop._addConstant("latencyLatencyHist9TotalBucket14Avg", "packets-within-the-15th-bucket-average-value", 29903)
prop._addConstant("latencyLatencyHist9TotalBucket14Cum", "packets-within-the-15th-bucket-cumulative", 29899)
prop._addConstant("latencyLatencyHist9TotalBucket14Last", "packets-within-the-15th-bucket-current-value", 29897)
prop._addConstant("latencyLatencyHist9TotalBucket14Max", "packets-within-the-15th-bucket-maximum-value", 29902)
prop._addConstant("latencyLatencyHist9TotalBucket14Min", "packets-within-the-15th-bucket-minimum-value", 29901)
prop._addConstant("latencyLatencyHist9TotalBucket14Per", "packets-within-the-15th-bucket-periodic", 29900)
prop._addConstant("latencyLatencyHist9TotalBucket14Rate", "packets-within-the-15th-bucket-rate", 29908)
prop._addConstant("latencyLatencyHist9TotalBucket14Tr", "packets-within-the-15th-bucket-trend", 29907)
prop._addConstant("latencyLatencyHist9TotalBucket15Avg", "packets-within-the-16th-bucket-average-value", 29924)
prop._addConstant("latencyLatencyHist9TotalBucket15Cum", "packets-within-the-16th-bucket-cumulative", 29920)
prop._addConstant("latencyLatencyHist9TotalBucket15Last", "packets-within-the-16th-bucket-current-value", 29918)
prop._addConstant("latencyLatencyHist9TotalBucket15Max", "packets-within-the-16th-bucket-maximum-value", 29923)
prop._addConstant("latencyLatencyHist9TotalBucket15Min", "packets-within-the-16th-bucket-minimum-value", 29922)
prop._addConstant("latencyLatencyHist9TotalBucket15Per", "packets-within-the-16th-bucket-periodic", 29921)
prop._addConstant("latencyLatencyHist9TotalBucket15Rate", "packets-within-the-16th-bucket-rate", 29929)
prop._addConstant("latencyLatencyHist9TotalBucket15Tr", "packets-within-the-16th-bucket-trend", 29928)
prop._addConstant("lldpPduStatsFlapsAvg", "number-of-partner-pdu-timeout-events-average-value", 45071)
prop._addConstant("lldpPduStatsFlapsCum", "number-of-partner-pdu-timeout-events-cumulative", 45067)
prop._addConstant("lldpPduStatsFlapsLast", "number-of-partner-pdu-timeout-events-current-value", 45065)
prop._addConstant("lldpPduStatsFlapsMax", "number-of-partner-pdu-timeout-events-maximum-value", 45070)
prop._addConstant("lldpPduStatsFlapsMin", "number-of-partner-pdu-timeout-events-minimum-value", 45069)
prop._addConstant("lldpPduStatsFlapsPer", "number-of-partner-pdu-timeout-events-periodic", 45068)
prop._addConstant("lldpPduStatsFlapsRate", "number-of-partner-pdu-timeout-events-rate", 45076)
prop._addConstant("lldpPduStatsFlapsTr", "number-of-partner-pdu-timeout-events-trend", 45075)
prop._addConstant("lldpPduStatsPduRcvdAvg", "number-of-lldp-pdu-packets-received-average-value", 45092)
prop._addConstant("lldpPduStatsPduRcvdCum", "number-of-lldp-pdu-packets-received-cumulative", 45088)
prop._addConstant("lldpPduStatsPduRcvdLast", "number-of-lldp-pdu-packets-received-current-value", 45086)
prop._addConstant("lldpPduStatsPduRcvdMax", "number-of-lldp-pdu-packets-received-maximum-value", 45091)
prop._addConstant("lldpPduStatsPduRcvdMin", "number-of-lldp-pdu-packets-received-minimum-value", 45090)
prop._addConstant("lldpPduStatsPduRcvdPer", "number-of-lldp-pdu-packets-received-periodic", 45089)
prop._addConstant("lldpPduStatsPduRcvdRate", "number-of-lldp-pdu-packets-received-rate", 45097)
prop._addConstant("lldpPduStatsPduRcvdRateAvg", "number-of-lldp-pdu-packets-received-rate-average-value", 45110)
prop._addConstant("lldpPduStatsPduRcvdRateLast", "number-of-lldp-pdu-packets-received-rate-current-value", 45107)
prop._addConstant("lldpPduStatsPduRcvdRateMax", "number-of-lldp-pdu-packets-received-rate-maximum-value", 45109)
prop._addConstant("lldpPduStatsPduRcvdRateMin", "number-of-lldp-pdu-packets-received-rate-minimum-value", 45108)
prop._addConstant("lldpPduStatsPduRcvdRateTr", "number-of-lldp-pdu-packets-received-rate-trend", 45115)
prop._addConstant("lldpPduStatsPduRcvdTr", "number-of-lldp-pdu-packets-received-trend", 45096)
prop._addConstant("lldpPduStatsPduSentAvg", "number-of-lldp-pdu-packets-sent-average-value", 45128)
prop._addConstant("lldpPduStatsPduSentCum", "number-of-lldp-pdu-packets-sent-cumulative", 45124)
prop._addConstant("lldpPduStatsPduSentLast", "number-of-lldp-pdu-packets-sent-current-value", 45122)
prop._addConstant("lldpPduStatsPduSentMax", "number-of-lldp-pdu-packets-sent-maximum-value", 45127)
prop._addConstant("lldpPduStatsPduSentMin", "number-of-lldp-pdu-packets-sent-minimum-value", 45126)
prop._addConstant("lldpPduStatsPduSentPer", "number-of-lldp-pdu-packets-sent-periodic", 45125)
prop._addConstant("lldpPduStatsPduSentRate", "number-of-lldp-pdu-packets-sent-rate", 45133)
prop._addConstant("lldpPduStatsPduSentRateAvg", "number-of-lldp-pdu-packets-sent-rate-average-value", 45146)
prop._addConstant("lldpPduStatsPduSentRateLast", "number-of-lldp-pdu-packets-sent-rate-current-value", 45143)
prop._addConstant("lldpPduStatsPduSentRateMax", "number-of-lldp-pdu-packets-sent-rate-maximum-value", 45145)
prop._addConstant("lldpPduStatsPduSentRateMin", "number-of-lldp-pdu-packets-sent-rate-minimum-value", 45144)
prop._addConstant("lldpPduStatsPduSentRateTr", "number-of-lldp-pdu-packets-sent-rate-trend", 45151)
prop._addConstant("lldpPduStatsPduSentTr", "number-of-lldp-pdu-packets-sent-trend", 45132)
prop._addConstant("opflexIDEpBcastPktsRxAvg", "received-broadcast-packets-average-value", 15895)
prop._addConstant("opflexIDEpBcastPktsRxCum", "received-broadcast-packets-cumulative", 15891)
prop._addConstant("opflexIDEpBcastPktsRxLast", "received-broadcast-packets-current-value", 15889)
prop._addConstant("opflexIDEpBcastPktsRxMax", "received-broadcast-packets-maximum-value", 15894)
prop._addConstant("opflexIDEpBcastPktsRxMin", "received-broadcast-packets-minimum-value", 15893)
prop._addConstant("opflexIDEpBcastPktsRxPer", "received-broadcast-packets-periodic", 15892)
prop._addConstant("opflexIDEpBcastPktsRxRate", "received-broadcast-packets-rate", 15900)
prop._addConstant("opflexIDEpBcastPktsRxTr", "received-broadcast-packets-trend", 15899)
prop._addConstant("opflexIDEpBcastPktsTxAvg", "transmitted-broadcast-packets-average-value", 15916)
prop._addConstant("opflexIDEpBcastPktsTxCum", "transmitted-broadcast-packets-cumulative", 15912)
prop._addConstant("opflexIDEpBcastPktsTxLast", "transmitted-broadcast-packets-current-value", 15910)
prop._addConstant("opflexIDEpBcastPktsTxMax", "transmitted-broadcast-packets-maximum-value", 15915)
prop._addConstant("opflexIDEpBcastPktsTxMin", "transmitted-broadcast-packets-minimum-value", 15914)
prop._addConstant("opflexIDEpBcastPktsTxPer", "transmitted-broadcast-packets-periodic", 15913)
prop._addConstant("opflexIDEpBcastPktsTxRate", "transmitted-broadcast-packets-rate", 15921)
prop._addConstant("opflexIDEpBcastPktsTxTr", "transmitted-broadcast-packets-trend", 15920)
prop._addConstant("opflexIDEpDfwConnAgedAvg", "aged-connections-average-value", 19158)
prop._addConstant("opflexIDEpDfwConnAgedCum", "aged-connections-cumulative", 19154)
prop._addConstant("opflexIDEpDfwConnAgedLast", "aged-connections-current-value", 19152)
prop._addConstant("opflexIDEpDfwConnAgedMax", "aged-connections-maximum-value", 19157)
prop._addConstant("opflexIDEpDfwConnAgedMin", "aged-connections-minimum-value", 19156)
prop._addConstant("opflexIDEpDfwConnAgedPer", "aged-connections-periodic", 19155)
prop._addConstant("opflexIDEpDfwConnAgedRate", "aged-connections-rate", 19163)
prop._addConstant("opflexIDEpDfwConnAgedTr", "aged-connections-trend", 19162)
prop._addConstant("opflexIDEpDfwConnCreatedAvg", "created-connections-average-value", 19179)
prop._addConstant("opflexIDEpDfwConnCreatedCum", "created-connections-cumulative", 19175)
prop._addConstant("opflexIDEpDfwConnCreatedLast", "created-connections-current-value", 19173)
prop._addConstant("opflexIDEpDfwConnCreatedMax", "created-connections-maximum-value", 19178)
prop._addConstant("opflexIDEpDfwConnCreatedMin", "created-connections-minimum-value", 19177)
prop._addConstant("opflexIDEpDfwConnCreatedPer", "created-connections-periodic", 19176)
prop._addConstant("opflexIDEpDfwConnCreatedRate", "created-connections-rate", 19184)
prop._addConstant("opflexIDEpDfwConnCreatedTr", "created-connections-trend", 19183)
prop._addConstant("opflexIDEpDfwConnDeletedAvg", "destroyed-connections-average-value", 19200)
prop._addConstant("opflexIDEpDfwConnDeletedCum", "destroyed-connections-cumulative", 19196)
prop._addConstant("opflexIDEpDfwConnDeletedLast", "destroyed-connections-current-value", 19194)
prop._addConstant("opflexIDEpDfwConnDeletedMax", "destroyed-connections-maximum-value", 19199)
prop._addConstant("opflexIDEpDfwConnDeletedMin", "destroyed-connections-minimum-value", 19198)
prop._addConstant("opflexIDEpDfwConnDeletedPer", "destroyed-connections-periodic", 19197)
prop._addConstant("opflexIDEpDfwConnDeletedRate", "destroyed-connections-rate", 19205)
prop._addConstant("opflexIDEpDfwConnDeletedTr", "destroyed-connections-trend", 19204)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitAvg", "denied-global-limit-connections-average-value", 19221)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitCum", "denied-global-limit-connections-cumulative", 19217)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitLast", "denied-global-limit-connections-current-value", 19215)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitMax", "denied-global-limit-connections-maximum-value", 19220)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitMin", "denied-global-limit-connections-minimum-value", 19219)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitPer", "denied-global-limit-connections-periodic", 19218)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitRate", "denied-global-limit-connections-rate", 19226)
prop._addConstant("opflexIDEpDfwConnDeniedGlobalLimitTr", "denied-global-limit-connections-trend", 19225)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitAvg", "denied-per-port-limit-connections-average-value", 19242)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitCum", "denied-per-port-limit-connections-cumulative", 19238)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitLast", "denied-per-port-limit-connections-current-value", 19236)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitMax", "denied-per-port-limit-connections-maximum-value", 19241)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitMin", "denied-per-port-limit-connections-minimum-value", 19240)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitPer", "denied-per-port-limit-connections-periodic", 19239)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitRate", "denied-per-port-limit-connections-rate", 19247)
prop._addConstant("opflexIDEpDfwConnDeniedPerPortLimitTr", "denied-per-port-limit-connections-trend", 19246)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnAvg", "invalid-connection-packets-average-value", 19263)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnCum", "invalid-connection-packets-cumulative", 19259)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnLast", "invalid-connection-packets-current-value", 19257)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnMax", "invalid-connection-packets-maximum-value", 19262)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnMin", "invalid-connection-packets-minimum-value", 19261)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnPer", "invalid-connection-packets-periodic", 19260)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnRate", "invalid-connection-packets-rate", 19268)
prop._addConstant("opflexIDEpDfwPktDropInvalidConnTr", "invalid-connection-packets-trend", 19267)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynAvg", "invalid-ftp-syn-packets-average-value", 19284)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynCum", "invalid-ftp-syn-packets-cumulative", 19280)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynLast", "invalid-ftp-syn-packets-current-value", 19278)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynMax", "invalid-ftp-syn-packets-maximum-value", 19283)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynMin", "invalid-ftp-syn-packets-minimum-value", 19282)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynPer", "invalid-ftp-syn-packets-periodic", 19281)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynRate", "invalid-ftp-syn-packets-rate", 19289)
prop._addConstant("opflexIDEpDfwPktDropInvalidFtpSynTr", "invalid-ftp-syn-packets-trend", 19288)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckAvg", "invalid-syn-ack-packets-average-value", 19305)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckCum", "invalid-syn-ack-packets-cumulative", 19301)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckLast", "invalid-syn-ack-packets-current-value", 19299)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckMax", "invalid-syn-ack-packets-maximum-value", 19304)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckMin", "invalid-syn-ack-packets-minimum-value", 19303)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckPer", "invalid-syn-ack-packets-periodic", 19302)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckRate", "invalid-syn-ack-packets-rate", 19310)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAckTr", "invalid-syn-ack-packets-trend", 19309)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynAvg", "invalid-syn-packets-average-value", 19326)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynCum", "invalid-syn-packets-cumulative", 19322)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynLast", "invalid-syn-packets-current-value", 19320)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynMax", "invalid-syn-packets-maximum-value", 19325)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynMin", "invalid-syn-packets-minimum-value", 19324)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynPer", "invalid-syn-packets-periodic", 19323)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynRate", "invalid-syn-packets-rate", 19331)
prop._addConstant("opflexIDEpDfwPktDropInvalidSynTr", "invalid-syn-packets-trend", 19330)
prop._addConstant("opflexIDEpPolicyDropMcastAvg", "policy-dropped-multicast/broadcast-packets-average-value", 23617)
prop._addConstant("opflexIDEpPolicyDropMcastCum", "policy-dropped-multicast/broadcast-packets-cumulative", 23613)
prop._addConstant("opflexIDEpPolicyDropMcastLast", "policy-dropped-multicast/broadcast-packets-current-value", 23611)
prop._addConstant("opflexIDEpPolicyDropMcastMax", "policy-dropped-multicast/broadcast-packets-maximum-value", 23616)
prop._addConstant("opflexIDEpPolicyDropMcastMin", "policy-dropped-multicast/broadcast-packets-minimum-value", 23615)
prop._addConstant("opflexIDEpPolicyDropMcastPer", "policy-dropped-multicast/broadcast-packets-periodic", 23614)
prop._addConstant("opflexIDEpPolicyDropMcastRate", "policy-dropped-multicast/broadcast-packets-rate", 23622)
prop._addConstant("opflexIDEpPolicyDropMcastTr", "policy-dropped-multicast/broadcast-packets-trend", 23621)
prop._addConstant("opflexIDEpPolicyDropUcastAvg", "policy-dropped-unicast-packets-average-value", 23638)
prop._addConstant("opflexIDEpPolicyDropUcastCum", "policy-dropped-unicast-packets-cumulative", 23634)
prop._addConstant("opflexIDEpPolicyDropUcastLast", "policy-dropped-unicast-packets-current-value", 23632)
prop._addConstant("opflexIDEpPolicyDropUcastMax", "policy-dropped-unicast-packets-maximum-value", 23637)
prop._addConstant("opflexIDEpPolicyDropUcastMin", "policy-dropped-unicast-packets-minimum-value", 23636)
prop._addConstant("opflexIDEpPolicyDropUcastPer", "policy-dropped-unicast-packets-periodic", 23635)
prop._addConstant("opflexIDEpPolicyDropUcastRate", "policy-dropped-unicast-packets-rate", 23643)
prop._addConstant("opflexIDEpPolicyDropUcastTr", "policy-dropped-unicast-packets-trend", 23642)
prop._addConstant("opflexIDEpRxBytesBytesAvg", "received-bytes-average-value", 10201)
prop._addConstant("opflexIDEpRxBytesBytesCum", "received-bytes-cumulative", 10197)
prop._addConstant("opflexIDEpRxBytesBytesLast", "received-bytes-current-value", 10195)
prop._addConstant("opflexIDEpRxBytesBytesMax", "received-bytes-maximum-value", 10200)
prop._addConstant("opflexIDEpRxBytesBytesMin", "received-bytes-minimum-value", 10199)
prop._addConstant("opflexIDEpRxBytesBytesPer", "received-bytes-periodic", 10198)
prop._addConstant("opflexIDEpRxBytesBytesRate", "received-bytes-rate", 10206)
prop._addConstant("opflexIDEpRxBytesBytesTr", "received-bytes-trend", 10205)
prop._addConstant("opflexIDEpRxPktsDropAvg", "received-dropped-packets-average-value", 10228)
prop._addConstant("opflexIDEpRxPktsDropCum", "received-dropped-packets-cumulative", 10224)
prop._addConstant("opflexIDEpRxPktsDropLast", "received-dropped-packets-current-value", 10222)
prop._addConstant("opflexIDEpRxPktsDropMax", "received-dropped-packets-maximum-value", 10227)
prop._addConstant("opflexIDEpRxPktsDropMin", "received-dropped-packets-minimum-value", 10226)
prop._addConstant("opflexIDEpRxPktsDropPer", "received-dropped-packets-periodic", 10225)
prop._addConstant("opflexIDEpRxPktsDropRate", "received-dropped-packets-rate", 10233)
prop._addConstant("opflexIDEpRxPktsDropTr", "received-dropped-packets-trend", 10232)
prop._addConstant("opflexIDEpRxPktsMcastAvg", "received-multicast-packets-average-value", 10255)
prop._addConstant("opflexIDEpRxPktsMcastCum", "received-multicast-packets-cumulative", 10251)
prop._addConstant("opflexIDEpRxPktsMcastLast", "received-multicast-packets-current-value", 10249)
prop._addConstant("opflexIDEpRxPktsMcastMax", "received-multicast-packets-maximum-value", 10254)
prop._addConstant("opflexIDEpRxPktsMcastMin", "received-multicast-packets-minimum-value", 10253)
prop._addConstant("opflexIDEpRxPktsMcastPer", "received-multicast-packets-periodic", 10252)
prop._addConstant("opflexIDEpRxPktsMcastRate", "received-multicast-packets-rate", 10260)
prop._addConstant("opflexIDEpRxPktsMcastTr", "received-multicast-packets-trend", 10259)
prop._addConstant("opflexIDEpRxPktsPktsAvg", "received-packets-average-value", 10282)
prop._addConstant("opflexIDEpRxPktsPktsCum", "received-packets-cumulative", 10278)
prop._addConstant("opflexIDEpRxPktsPktsLast", "received-packets-current-value", 10276)
prop._addConstant("opflexIDEpRxPktsPktsMax", "received-packets-maximum-value", 10281)
prop._addConstant("opflexIDEpRxPktsPktsMin", "received-packets-minimum-value", 10280)
prop._addConstant("opflexIDEpRxPktsPktsPer", "received-packets-periodic", 10279)
prop._addConstant("opflexIDEpRxPktsPktsRate", "received-packets-rate", 10287)
prop._addConstant("opflexIDEpRxPktsPktsTr", "received-packets-trend", 10286)
prop._addConstant("opflexIDEpRxPktsUcastAvg", "received-unicast-packets-average-value", 10309)
prop._addConstant("opflexIDEpRxPktsUcastCum", "received-unicast-packets-cumulative", 10305)
prop._addConstant("opflexIDEpRxPktsUcastLast", "received-unicast-packets-current-value", 10303)
prop._addConstant("opflexIDEpRxPktsUcastMax", "received-unicast-packets-maximum-value", 10308)
prop._addConstant("opflexIDEpRxPktsUcastMin", "received-unicast-packets-minimum-value", 10307)
prop._addConstant("opflexIDEpRxPktsUcastPer", "received-unicast-packets-periodic", 10306)
prop._addConstant("opflexIDEpRxPktsUcastRate", "received-unicast-packets-rate", 10314)
prop._addConstant("opflexIDEpRxPktsUcastTr", "received-unicast-packets-trend", 10313)
prop._addConstant("opflexIDEpTxBytesBytesAvg", "transmitted-bytes-average-value", 10336)
prop._addConstant("opflexIDEpTxBytesBytesCum", "transmitted-bytes-cumulative", 10332)
prop._addConstant("opflexIDEpTxBytesBytesLast", "transmitted-bytes-current-value", 10330)
prop._addConstant("opflexIDEpTxBytesBytesMax", "transmitted-bytes-maximum-value", 10335)
prop._addConstant("opflexIDEpTxBytesBytesMin", "transmitted-bytes-minimum-value", 10334)
prop._addConstant("opflexIDEpTxBytesBytesPer", "transmitted-bytes-periodic", 10333)
prop._addConstant("opflexIDEpTxBytesBytesRate", "transmitted-bytes-rate", 10341)
prop._addConstant("opflexIDEpTxBytesBytesTr", "transmitted-bytes-trend", 10340)
prop._addConstant("opflexIDEpTxPktsDropAvg", "transmitted-dropped-packets-average-value", 10363)
prop._addConstant("opflexIDEpTxPktsDropCum", "transmitted-dropped-packets-cumulative", 10359)
prop._addConstant("opflexIDEpTxPktsDropLast", "transmitted-dropped-packets-current-value", 10357)
prop._addConstant("opflexIDEpTxPktsDropMax", "transmitted-dropped-packets-maximum-value", 10362)
prop._addConstant("opflexIDEpTxPktsDropMin", "transmitted-dropped-packets-minimum-value", 10361)
prop._addConstant("opflexIDEpTxPktsDropPer", "transmitted-dropped-packets-periodic", 10360)
prop._addConstant("opflexIDEpTxPktsDropRate", "transmitted-dropped-packets-rate", 10368)
prop._addConstant("opflexIDEpTxPktsDropTr", "transmitted-dropped-packets-trend", 10367)
prop._addConstant("opflexIDEpTxPktsMcastAvg", "transmitted-multicast-packets-average-value", 10390)
prop._addConstant("opflexIDEpTxPktsMcastCum", "transmitted-multicast-packets-cumulative", 10386)
prop._addConstant("opflexIDEpTxPktsMcastLast", "transmitted-multicast-packets-current-value", 10384)
prop._addConstant("opflexIDEpTxPktsMcastMax", "transmitted-multicast-packets-maximum-value", 10389)
prop._addConstant("opflexIDEpTxPktsMcastMin", "transmitted-multicast-packets-minimum-value", 10388)
prop._addConstant("opflexIDEpTxPktsMcastPer", "transmitted-multicast-packets-periodic", 10387)
prop._addConstant("opflexIDEpTxPktsMcastRate", "transmitted-multicast-packets-rate", 10395)
prop._addConstant("opflexIDEpTxPktsMcastTr", "transmitted-multicast-packets-trend", 10394)
prop._addConstant("opflexIDEpTxPktsPktsAvg", "transmitted-packets-average-value", 10417)
prop._addConstant("opflexIDEpTxPktsPktsCum", "transmitted-packets-cumulative", 10413)
prop._addConstant("opflexIDEpTxPktsPktsLast", "transmitted-packets-current-value", 10411)
prop._addConstant("opflexIDEpTxPktsPktsMax", "transmitted-packets-maximum-value", 10416)
prop._addConstant("opflexIDEpTxPktsPktsMin", "transmitted-packets-minimum-value", 10415)
prop._addConstant("opflexIDEpTxPktsPktsPer", "transmitted-packets-periodic", 10414)
prop._addConstant("opflexIDEpTxPktsPktsRate", "transmitted-packets-rate", 10422)
prop._addConstant("opflexIDEpTxPktsPktsTr", "transmitted-packets-trend", 10421)
prop._addConstant("opflexIDEpTxPktsUcastAvg", "transmitted-unicast-packets-average-value", 10444)
prop._addConstant("opflexIDEpTxPktsUcastCum", "transmitted-unicast-packets-cumulative", 10440)
prop._addConstant("opflexIDEpTxPktsUcastLast", "transmitted-unicast-packets-current-value", 10438)
prop._addConstant("opflexIDEpTxPktsUcastMax", "transmitted-unicast-packets-maximum-value", 10443)
prop._addConstant("opflexIDEpTxPktsUcastMin", "transmitted-unicast-packets-minimum-value", 10442)
prop._addConstant("opflexIDEpTxPktsUcastPer", "transmitted-unicast-packets-periodic", 10441)
prop._addConstant("opflexIDEpTxPktsUcastRate", "transmitted-unicast-packets-rate", 10449)
prop._addConstant("opflexIDEpTxPktsUcastTr", "transmitted-unicast-packets-trend", 10448)
prop._addConstant("opflexOvsContractAgBytesCum", "received-bytes-cumulative", 34976)
prop._addConstant("opflexOvsContractAgBytesPer", "received-bytes-periodic", 34977)
prop._addConstant("opflexOvsContractAgBytesRate", "received-bytes-rate", 34982)
prop._addConstant("opflexOvsContractAgBytesTr", "received-bytes-trend", 34981)
prop._addConstant("opflexOvsContractAgPktsCum", "received-packets-cumulative", 35031)
prop._addConstant("opflexOvsContractAgPktsPer", "received-packets-periodic", 35032)
prop._addConstant("opflexOvsContractAgPktsRate", "received-packets-rate", 35037)
prop._addConstant("opflexOvsContractAgPktsTr", "received-packets-trend", 35036)
prop._addConstant("opflexOvsContractAgRevBytesCum", "received-bytes-(reverse)-cumulative", 35086)
prop._addConstant("opflexOvsContractAgRevBytesPer", "received-bytes-(reverse)-periodic", 35087)
prop._addConstant("opflexOvsContractAgRevBytesRate", "received-bytes-(reverse)-rate", 35092)
prop._addConstant("opflexOvsContractAgRevBytesTr", "received-bytes-(reverse)-trend", 35091)
prop._addConstant("opflexOvsContractAgRevPktsCum", "received-packets-(reverse)-cumulative", 35141)
prop._addConstant("opflexOvsContractAgRevPktsPer", "received-packets-(reverse)-periodic", 35142)
prop._addConstant("opflexOvsContractAgRevPktsRate", "received-packets-(reverse)-rate", 35147)
prop._addConstant("opflexOvsContractAgRevPktsTr", "received-packets-(reverse)-trend", 35146)
prop._addConstant("opflexOvsContractBytesAvg", "received-bytes-average-value", 34940)
prop._addConstant("opflexOvsContractBytesCum", "received-bytes-cumulative", 34936)
prop._addConstant("opflexOvsContractBytesLast", "received-bytes-current-value", 34934)
prop._addConstant("opflexOvsContractBytesMax", "received-bytes-maximum-value", 34939)
prop._addConstant("opflexOvsContractBytesMin", "received-bytes-minimum-value", 34938)
prop._addConstant("opflexOvsContractBytesPer", "received-bytes-periodic", 34937)
prop._addConstant("opflexOvsContractBytesRate", "received-bytes-rate", 34945)
prop._addConstant("opflexOvsContractBytesTr", "received-bytes-trend", 34944)
prop._addConstant("opflexOvsContractPartBytesAvg", "received-bytes-average-value", 34961)
prop._addConstant("opflexOvsContractPartBytesCum", "received-bytes-cumulative", 34957)
prop._addConstant("opflexOvsContractPartBytesLast", "received-bytes-current-value", 34955)
prop._addConstant("opflexOvsContractPartBytesMax", "received-bytes-maximum-value", 34960)
prop._addConstant("opflexOvsContractPartBytesMin", "received-bytes-minimum-value", 34959)
prop._addConstant("opflexOvsContractPartBytesPer", "received-bytes-periodic", 34958)
prop._addConstant("opflexOvsContractPartBytesRate", "received-bytes-rate", 34966)
prop._addConstant("opflexOvsContractPartBytesTr", "received-bytes-trend", 34965)
prop._addConstant("opflexOvsContractPartPktsAvg", "received-packets-average-value", 35016)
prop._addConstant("opflexOvsContractPartPktsCum", "received-packets-cumulative", 35012)
prop._addConstant("opflexOvsContractPartPktsLast", "received-packets-current-value", 35010)
prop._addConstant("opflexOvsContractPartPktsMax", "received-packets-maximum-value", 35015)
prop._addConstant("opflexOvsContractPartPktsMin", "received-packets-minimum-value", 35014)
prop._addConstant("opflexOvsContractPartPktsPer", "received-packets-periodic", 35013)
prop._addConstant("opflexOvsContractPartPktsRate", "received-packets-rate", 35021)
prop._addConstant("opflexOvsContractPartPktsTr", "received-packets-trend", 35020)
prop._addConstant("opflexOvsContractPartRevBytesAvg", "received-bytes-(reverse)-average-value", 35071)
prop._addConstant("opflexOvsContractPartRevBytesCum", "received-bytes-(reverse)-cumulative", 35067)
prop._addConstant("opflexOvsContractPartRevBytesLast", "received-bytes-(reverse)-current-value", 35065)
prop._addConstant("opflexOvsContractPartRevBytesMax", "received-bytes-(reverse)-maximum-value", 35070)
prop._addConstant("opflexOvsContractPartRevBytesMin", "received-bytes-(reverse)-minimum-value", 35069)
prop._addConstant("opflexOvsContractPartRevBytesPer", "received-bytes-(reverse)-periodic", 35068)
prop._addConstant("opflexOvsContractPartRevBytesRate", "received-bytes-(reverse)-rate", 35076)
prop._addConstant("opflexOvsContractPartRevBytesTr", "received-bytes-(reverse)-trend", 35075)
prop._addConstant("opflexOvsContractPartRevPktsAvg", "received-packets-(reverse)-average-value", 35126)
prop._addConstant("opflexOvsContractPartRevPktsCum", "received-packets-(reverse)-cumulative", 35122)
prop._addConstant("opflexOvsContractPartRevPktsLast", "received-packets-(reverse)-current-value", 35120)
prop._addConstant("opflexOvsContractPartRevPktsMax", "received-packets-(reverse)-maximum-value", 35125)
prop._addConstant("opflexOvsContractPartRevPktsMin", "received-packets-(reverse)-minimum-value", 35124)
prop._addConstant("opflexOvsContractPartRevPktsPer", "received-packets-(reverse)-periodic", 35123)
prop._addConstant("opflexOvsContractPartRevPktsRate", "received-packets-(reverse)-rate", 35131)
prop._addConstant("opflexOvsContractPartRevPktsTr", "received-packets-(reverse)-trend", 35130)
prop._addConstant("opflexOvsContractPktsAvg", "received-packets-average-value", 34995)
prop._addConstant("opflexOvsContractPktsCum", "received-packets-cumulative", 34991)
prop._addConstant("opflexOvsContractPktsLast", "received-packets-current-value", 34989)
prop._addConstant("opflexOvsContractPktsMax", "received-packets-maximum-value", 34994)
prop._addConstant("opflexOvsContractPktsMin", "received-packets-minimum-value", 34993)
prop._addConstant("opflexOvsContractPktsPer", "received-packets-periodic", 34992)
prop._addConstant("opflexOvsContractPktsRate", "received-packets-rate", 35000)
prop._addConstant("opflexOvsContractPktsTr", "received-packets-trend", 34999)
prop._addConstant("opflexOvsContractRevBytesAvg", "received-bytes-(reverse)-average-value", 35050)
prop._addConstant("opflexOvsContractRevBytesCum", "received-bytes-(reverse)-cumulative", 35046)
prop._addConstant("opflexOvsContractRevBytesLast", "received-bytes-(reverse)-current-value", 35044)
prop._addConstant("opflexOvsContractRevBytesMax", "received-bytes-(reverse)-maximum-value", 35049)
prop._addConstant("opflexOvsContractRevBytesMin", "received-bytes-(reverse)-minimum-value", 35048)
prop._addConstant("opflexOvsContractRevBytesPer", "received-bytes-(reverse)-periodic", 35047)
prop._addConstant("opflexOvsContractRevBytesRate", "received-bytes-(reverse)-rate", 35055)
prop._addConstant("opflexOvsContractRevBytesTr", "received-bytes-(reverse)-trend", 35054)
prop._addConstant("opflexOvsContractRevPktsAvg", "received-packets-(reverse)-average-value", 35105)
prop._addConstant("opflexOvsContractRevPktsCum", "received-packets-(reverse)-cumulative", 35101)
prop._addConstant("opflexOvsContractRevPktsLast", "received-packets-(reverse)-current-value", 35099)
prop._addConstant("opflexOvsContractRevPktsMax", "received-packets-(reverse)-maximum-value", 35104)
prop._addConstant("opflexOvsContractRevPktsMin", "received-packets-(reverse)-minimum-value", 35103)
prop._addConstant("opflexOvsContractRevPktsPer", "received-packets-(reverse)-periodic", 35102)
prop._addConstant("opflexOvsContractRevPktsRate", "received-packets-(reverse)-rate", 35110)
prop._addConstant("opflexOvsContractRevPktsTr", "received-packets-(reverse)-trend", 35109)
prop._addConstant("opflexOvsHppAgRxBytesCum", "received-bytes-cumulative", 35196)
prop._addConstant("opflexOvsHppAgRxBytesPer", "received-bytes-periodic", 35197)
prop._addConstant("opflexOvsHppAgRxBytesRate", "received-bytes-rate", 35202)
prop._addConstant("opflexOvsHppAgRxBytesTr", "received-bytes-trend", 35201)
prop._addConstant("opflexOvsHppAgRxPktsCum", "received-packets-cumulative", 35251)
prop._addConstant("opflexOvsHppAgRxPktsPer", "received-packets-periodic", 35252)
prop._addConstant("opflexOvsHppAgRxPktsRate", "received-packets-rate", 35257)
prop._addConstant("opflexOvsHppAgRxPktsTr", "received-packets-trend", 35256)
prop._addConstant("opflexOvsHppAgTxBytesCum", "transmitted-bytes-cumulative", 35306)
prop._addConstant("opflexOvsHppAgTxBytesPer", "transmitted-bytes-periodic", 35307)
prop._addConstant("opflexOvsHppAgTxBytesRate", "transmitted-bytes-rate", 35312)
prop._addConstant("opflexOvsHppAgTxBytesTr", "transmitted-bytes-trend", 35311)
prop._addConstant("opflexOvsHppAgTxPktsCum", "transmitted-packets-cumulative", 35361)
prop._addConstant("opflexOvsHppAgTxPktsPer", "transmitted-packets-periodic", 35362)
prop._addConstant("opflexOvsHppAgTxPktsRate", "transmitted-packets-rate", 35367)
prop._addConstant("opflexOvsHppAgTxPktsTr", "transmitted-packets-trend", 35366)
prop._addConstant("opflexOvsHppPartRxBytesAvg", "received-bytes-average-value", 35181)
prop._addConstant("opflexOvsHppPartRxBytesCum", "received-bytes-cumulative", 35177)
prop._addConstant("opflexOvsHppPartRxBytesLast", "received-bytes-current-value", 35175)
prop._addConstant("opflexOvsHppPartRxBytesMax", "received-bytes-maximum-value", 35180)
prop._addConstant("opflexOvsHppPartRxBytesMin", "received-bytes-minimum-value", 35179)
prop._addConstant("opflexOvsHppPartRxBytesPer", "received-bytes-periodic", 35178)
prop._addConstant("opflexOvsHppPartRxBytesRate", "received-bytes-rate", 35186)
prop._addConstant("opflexOvsHppPartRxBytesTr", "received-bytes-trend", 35185)
prop._addConstant("opflexOvsHppPartRxPktsAvg", "received-packets-average-value", 35236)
prop._addConstant("opflexOvsHppPartRxPktsCum", "received-packets-cumulative", 35232)
prop._addConstant("opflexOvsHppPartRxPktsLast", "received-packets-current-value", 35230)
prop._addConstant("opflexOvsHppPartRxPktsMax", "received-packets-maximum-value", 35235)
prop._addConstant("opflexOvsHppPartRxPktsMin", "received-packets-minimum-value", 35234)
prop._addConstant("opflexOvsHppPartRxPktsPer", "received-packets-periodic", 35233)
prop._addConstant("opflexOvsHppPartRxPktsRate", "received-packets-rate", 35241)
prop._addConstant("opflexOvsHppPartRxPktsTr", "received-packets-trend", 35240)
prop._addConstant("opflexOvsHppPartTxBytesAvg", "transmitted-bytes-average-value", 35291)
prop._addConstant("opflexOvsHppPartTxBytesCum", "transmitted-bytes-cumulative", 35287)
prop._addConstant("opflexOvsHppPartTxBytesLast", "transmitted-bytes-current-value", 35285)
prop._addConstant("opflexOvsHppPartTxBytesMax", "transmitted-bytes-maximum-value", 35290)
prop._addConstant("opflexOvsHppPartTxBytesMin", "transmitted-bytes-minimum-value", 35289)
prop._addConstant("opflexOvsHppPartTxBytesPer", "transmitted-bytes-periodic", 35288)
prop._addConstant("opflexOvsHppPartTxBytesRate", "transmitted-bytes-rate", 35296)
prop._addConstant("opflexOvsHppPartTxBytesTr", "transmitted-bytes-trend", 35295)
prop._addConstant("opflexOvsHppPartTxPktsAvg", "transmitted-packets-average-value", 35346)
prop._addConstant("opflexOvsHppPartTxPktsCum", "transmitted-packets-cumulative", 35342)
prop._addConstant("opflexOvsHppPartTxPktsLast", "transmitted-packets-current-value", 35340)
prop._addConstant("opflexOvsHppPartTxPktsMax", "transmitted-packets-maximum-value", 35345)
prop._addConstant("opflexOvsHppPartTxPktsMin", "transmitted-packets-minimum-value", 35344)
prop._addConstant("opflexOvsHppPartTxPktsPer", "transmitted-packets-periodic", 35343)
prop._addConstant("opflexOvsHppPartTxPktsRate", "transmitted-packets-rate", 35351)
prop._addConstant("opflexOvsHppPartTxPktsTr", "transmitted-packets-trend", 35350)
prop._addConstant("opflexOvsHppRxBytesAvg", "received-bytes-average-value", 35160)
prop._addConstant("opflexOvsHppRxBytesCum", "received-bytes-cumulative", 35156)
prop._addConstant("opflexOvsHppRxBytesLast", "received-bytes-current-value", 35154)
prop._addConstant("opflexOvsHppRxBytesMax", "received-bytes-maximum-value", 35159)
prop._addConstant("opflexOvsHppRxBytesMin", "received-bytes-minimum-value", 35158)
prop._addConstant("opflexOvsHppRxBytesPer", "received-bytes-periodic", 35157)
prop._addConstant("opflexOvsHppRxBytesRate", "received-bytes-rate", 35165)
prop._addConstant("opflexOvsHppRxBytesTr", "received-bytes-trend", 35164)
prop._addConstant("opflexOvsHppRxPktsAvg", "received-packets-average-value", 35215)
prop._addConstant("opflexOvsHppRxPktsCum", "received-packets-cumulative", 35211)
prop._addConstant("opflexOvsHppRxPktsLast", "received-packets-current-value", 35209)
prop._addConstant("opflexOvsHppRxPktsMax", "received-packets-maximum-value", 35214)
prop._addConstant("opflexOvsHppRxPktsMin", "received-packets-minimum-value", 35213)
prop._addConstant("opflexOvsHppRxPktsPer", "received-packets-periodic", 35212)
prop._addConstant("opflexOvsHppRxPktsRate", "received-packets-rate", 35220)
prop._addConstant("opflexOvsHppRxPktsTr", "received-packets-trend", 35219)
prop._addConstant("opflexOvsHppTxBytesAvg", "transmitted-bytes-average-value", 35270)
prop._addConstant("opflexOvsHppTxBytesCum", "transmitted-bytes-cumulative", 35266)
prop._addConstant("opflexOvsHppTxBytesLast", "transmitted-bytes-current-value", 35264)
prop._addConstant("opflexOvsHppTxBytesMax", "transmitted-bytes-maximum-value", 35269)
prop._addConstant("opflexOvsHppTxBytesMin", "transmitted-bytes-minimum-value", 35268)
prop._addConstant("opflexOvsHppTxBytesPer", "transmitted-bytes-periodic", 35267)
prop._addConstant("opflexOvsHppTxBytesRate", "transmitted-bytes-rate", 35275)
prop._addConstant("opflexOvsHppTxBytesTr", "transmitted-bytes-trend", 35274)
prop._addConstant("opflexOvsHppTxPktsAvg", "transmitted-packets-average-value", 35325)
prop._addConstant("opflexOvsHppTxPktsCum", "transmitted-packets-cumulative", 35321)
prop._addConstant("opflexOvsHppTxPktsLast", "transmitted-packets-current-value", 35319)
prop._addConstant("opflexOvsHppTxPktsMax", "transmitted-packets-maximum-value", 35324)
prop._addConstant("opflexOvsHppTxPktsMin", "transmitted-packets-minimum-value", 35323)
prop._addConstant("opflexOvsHppTxPktsPer", "transmitted-packets-periodic", 35322)
prop._addConstant("opflexOvsHppTxPktsRate", "transmitted-packets-rate", 35330)
prop._addConstant("opflexOvsHppTxPktsTr", "transmitted-packets-trend", 35329)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdAvg", "bad-authentication-packets-received-average-value", 48281)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdCum", "bad-authentication-packets-received-cumulative", 48277)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdLast", "bad-authentication-packets-received-current-value", 48275)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdMax", "bad-authentication-packets-received-maximum-value", 48280)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdMin", "bad-authentication-packets-received-minimum-value", 48279)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdPer", "bad-authentication-packets-received-periodic", 48278)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdRate", "bad-authentication-packets-received-rate", 48286)
prop._addConstant("ospfBadErrPktStatsBadAuthPktsRcvdTr", "bad-authentication-packets-received-trend", 48285)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdAvg", "bad-crc-packets-received-average-value", 48302)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdCum", "bad-crc-packets-received-cumulative", 48298)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdLast", "bad-crc-packets-received-current-value", 48296)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdMax", "bad-crc-packets-received-maximum-value", 48301)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdMin", "bad-crc-packets-received-minimum-value", 48300)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdPer", "bad-crc-packets-received-periodic", 48299)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdRate", "bad-crc-packets-received-rate", 48307)
prop._addConstant("ospfBadErrPktStatsBadCRCPktsRcvdTr", "bad-crc-packets-received-trend", 48306)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdAvg", "bad-length-packets-received-average-value", 48323)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdCum", "bad-length-packets-received-cumulative", 48319)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdLast", "bad-length-packets-received-current-value", 48317)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdMax", "bad-length-packets-received-maximum-value", 48322)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdMin", "bad-length-packets-received-minimum-value", 48321)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdPer", "bad-length-packets-received-periodic", 48320)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdRate", "bad-length-packets-received-rate", 48328)
prop._addConstant("ospfBadPktStatsBadLenPktsRcvdTr", "bad-length-packets-received-trend", 48327)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdAvg", "bad-reserved-field-packets-received-average-value", 48344)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdCum", "bad-reserved-field-packets-received-cumulative", 48340)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdLast", "bad-reserved-field-packets-received-current-value", 48338)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdMax", "bad-reserved-field-packets-received-maximum-value", 48343)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdMin", "bad-reserved-field-packets-received-minimum-value", 48342)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdPer", "bad-reserved-field-packets-received-periodic", 48341)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdRate", "bad-reserved-field-packets-received-rate", 48349)
prop._addConstant("ospfBadPktStatsBadResvFieldPktsRcvdTr", "bad-reserved-field-packets-received-trend", 48348)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdAvg", "bad-version-packets-received-average-value", 48365)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdCum", "bad-version-packets-received-cumulative", 48361)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdLast", "bad-version-packets-received-current-value", 48359)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdMax", "bad-version-packets-received-maximum-value", 48364)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdMin", "bad-version-packets-received-minimum-value", 48363)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdPer", "bad-version-packets-received-periodic", 48362)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdRate", "bad-version-packets-received-rate", 48370)
prop._addConstant("ospfBadPktStatsBadVersionPktsRcvdTr", "bad-version-packets-received-trend", 48369)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedAvg", "received-packets-dropped-average-value", 48386)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedCum", "received-packets-dropped-cumulative", 48382)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedLast", "received-packets-dropped-current-value", 48380)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedMax", "received-packets-dropped-maximum-value", 48385)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedMin", "received-packets-dropped-minimum-value", 48384)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedPer", "received-packets-dropped-periodic", 48383)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedRate", "received-packets-dropped-rate", 48391)
prop._addConstant("ospfDropUnkStatsRcvdPktsDroppedTr", "received-packets-dropped-trend", 48390)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdAvg", "unknown-packets-received-average-value", 48407)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdCum", "unknown-packets-received-cumulative", 48403)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdLast", "unknown-packets-received-current-value", 48401)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdMax", "unknown-packets-received-maximum-value", 48406)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdMin", "unknown-packets-received-minimum-value", 48405)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdPer", "unknown-packets-received-periodic", 48404)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdRate", "unknown-packets-received-rate", 48412)
prop._addConstant("ospfDropUnkStatsUnknownPktsRcvdTr", "unknown-packets-received-trend", 48411)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdAvg", "duplicate-routerid-packets-received-average-value", 48428)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdCum", "duplicate-routerid-packets-received-cumulative", 48424)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdLast", "duplicate-routerid-packets-received-current-value", 48422)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdMax", "duplicate-routerid-packets-received-maximum-value", 48427)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdMin", "duplicate-routerid-packets-received-minimum-value", 48426)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdPer", "duplicate-routerid-packets-received-periodic", 48425)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdRate", "duplicate-routerid-packets-received-rate", 48433)
prop._addConstant("ospfDupStatsDupRtrIdPktsRcvdTr", "duplicate-routerid-packets-received-trend", 48432)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdAvg", "duplicate-source-addr-packets-received-average-value", 48449)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdCum", "duplicate-source-addr-packets-received-cumulative", 48445)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdLast", "duplicate-source-addr-packets-received-current-value", 48443)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdMax", "duplicate-source-addr-packets-received-maximum-value", 48448)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdMin", "duplicate-source-addr-packets-received-minimum-value", 48447)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdPer", "duplicate-source-addr-packets-received-periodic", 48446)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdRate", "duplicate-source-addr-packets-received-rate", 48454)
prop._addConstant("ospfDupStatsDupSrcAddrPktsRcvdTr", "duplicate-source-addr-packets-received-trend", 48453)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdAvg", "error-dbd-packets-received-average-value", 48470)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdCum", "error-dbd-packets-received-cumulative", 48466)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdLast", "error-dbd-packets-received-current-value", 48464)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdMax", "error-dbd-packets-received-maximum-value", 48469)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdMin", "error-dbd-packets-received-minimum-value", 48468)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdPer", "error-dbd-packets-received-periodic", 48467)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdRate", "error-dbd-packets-received-rate", 48475)
prop._addConstant("ospfErrPktStatsErrDbdPktsRcvdTr", "error-dbd-packets-received-trend", 48474)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdAvg", "error-hello-packets-received-average-value", 48491)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdCum", "error-hello-packets-received-cumulative", 48487)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdLast", "error-hello-packets-received-current-value", 48485)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdMax", "error-hello-packets-received-maximum-value", 48490)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdMin", "error-hello-packets-received-minimum-value", 48489)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdPer", "error-hello-packets-received-periodic", 48488)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdRate", "error-hello-packets-received-rate", 48496)
prop._addConstant("ospfErrPktStatsErrHelloPktsRcvdTr", "error-hello-packets-received-trend", 48495)
prop._addConstant("ospfErrPktStatsErrPktsRcvdAvg", "error-packets-received-average-value", 48512)
prop._addConstant("ospfErrPktStatsErrPktsRcvdCum", "error-packets-received-cumulative", 48508)
prop._addConstant("ospfErrPktStatsErrPktsRcvdLast", "error-packets-received-current-value", 48506)
prop._addConstant("ospfErrPktStatsErrPktsRcvdMax", "error-packets-received-maximum-value", 48511)
prop._addConstant("ospfErrPktStatsErrPktsRcvdMin", "error-packets-received-minimum-value", 48510)
prop._addConstant("ospfErrPktStatsErrPktsRcvdPer", "error-packets-received-periodic", 48509)
prop._addConstant("ospfErrPktStatsErrPktsRcvdRate", "error-packets-received-rate", 48517)
prop._addConstant("ospfErrPktStatsErrPktsRcvdTr", "error-packets-received-trend", 48516)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdAvg", "no-ospf-interface-packets-received-average-value", 48533)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdCum", "no-ospf-interface-packets-received-cumulative", 48529)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdLast", "no-ospf-interface-packets-received-current-value", 48527)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdMax", "no-ospf-interface-packets-received-maximum-value", 48532)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdMin", "no-ospf-interface-packets-received-minimum-value", 48531)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdPer", "no-ospf-interface-packets-received-periodic", 48530)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdRate", "no-ospf-interface-packets-received-rate", 48538)
prop._addConstant("ospfIntfStatsNoOspfIntfPktsRcvdTr", "no-ospf-interface-packets-received-trend", 48537)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdAvg", "passive-interface-packets-received-average-value", 48554)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdCum", "passive-interface-packets-received-cumulative", 48550)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdLast", "passive-interface-packets-received-current-value", 48548)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdMax", "passive-interface-packets-received-maximum-value", 48553)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdMin", "passive-interface-packets-received-minimum-value", 48552)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdPer", "passive-interface-packets-received-periodic", 48551)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdRate", "passive-interface-packets-received-rate", 48559)
prop._addConstant("ospfIntfStatsPassiveIntfPktsRcvdTr", "passive-interface-packets-received-trend", 48558)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdAvg", "invalid-destination-addr-packets-received-average-value", 48575)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdCum", "invalid-destination-addr-packets-received-cumulative", 48571)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdLast", "invalid-destination-addr-packets-received-current-value", 48569)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdMax", "invalid-destination-addr-packets-received-maximum-value", 48574)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdMin", "invalid-destination-addr-packets-received-minimum-value", 48573)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdPer", "invalid-destination-addr-packets-received-periodic", 48572)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdRate", "invalid-destination-addr-packets-received-rate", 48580)
prop._addConstant("ospfInvalidStatsInvalidDestAddrPktsRcvdTr", "invalid-destination-addr-packets-received-trend", 48579)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdAvg", "invalid-source-addr-packets-received-average-value", 48596)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdCum", "invalid-source-addr-packets-received-cumulative", 48592)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdLast", "invalid-source-addr-packets-received-current-value", 48590)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdMax", "invalid-source-addr-packets-received-maximum-value", 48595)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdMin", "invalid-source-addr-packets-received-minimum-value", 48594)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdPer", "invalid-source-addr-packets-received-periodic", 48593)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdRate", "invalid-source-addr-packets-received-rate", 48601)
prop._addConstant("ospfInvalidStatsInvalidSrcAddrPktsRcvdTr", "invalid-source-addr-packets-received-trend", 48600)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdAvg", "wrong-area-packets-received-average-value", 48617)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdCum", "wrong-area-packets-received-cumulative", 48613)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdLast", "wrong-area-packets-received-current-value", 48611)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdMax", "wrong-area-packets-received-maximum-value", 48616)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdMin", "wrong-area-packets-received-minimum-value", 48615)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdPer", "wrong-area-packets-received-periodic", 48614)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdRate", "wrong-area-packets-received-rate", 48622)
prop._addConstant("ospfInvalidStatsWrongAreaPktsRcvdTr", "wrong-area-packets-received-trend", 48621)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdAvg", "error-lsack-packets-received-average-value", 48638)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdCum", "error-lsack-packets-received-cumulative", 48634)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdLast", "error-lsack-packets-received-current-value", 48632)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdMax", "error-lsack-packets-received-maximum-value", 48637)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdMin", "error-lsack-packets-received-minimum-value", 48636)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdPer", "error-lsack-packets-received-periodic", 48635)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdRate", "error-lsack-packets-received-rate", 48643)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsAckPktsRcvdTr", "error-lsack-packets-received-trend", 48642)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdAvg", "error-lsreq-packets-received-average-value", 48659)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdCum", "error-lsreq-packets-received-cumulative", 48655)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdLast", "error-lsreq-packets-received-current-value", 48653)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdMax", "error-lsreq-packets-received-maximum-value", 48658)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdMin", "error-lsreq-packets-received-minimum-value", 48657)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdPer", "error-lsreq-packets-received-periodic", 48656)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdRate", "error-lsreq-packets-received-rate", 48664)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsReqPktsRcvdTr", "error-lsreq-packets-received-trend", 48663)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdAvg", "error-lsu-packets-received-average-value", 48680)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdCum", "error-lsu-packets-received-cumulative", 48676)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdLast", "error-lsu-packets-received-current-value", 48674)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdMax", "error-lsu-packets-received-maximum-value", 48679)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdMin", "error-lsu-packets-received-minimum-value", 48678)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdPer", "error-lsu-packets-received-periodic", 48677)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdRate", "error-lsu-packets-received-rate", 48685)
prop._addConstant("ospfLsRcvdErrPktStatsErrLsUpdPktsRcvdTr", "error-lsu-packets-received-trend", 48684)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdAvg", "lsack-packets-received-average-value", 48701)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdCum", "lsack-packets-received-cumulative", 48697)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdLast", "lsack-packets-received-current-value", 48695)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdMax", "lsack-packets-received-maximum-value", 48700)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdMin", "lsack-packets-received-minimum-value", 48699)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdPer", "lsack-packets-received-periodic", 48698)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdRate", "lsack-packets-received-rate", 48706)
prop._addConstant("ospfLsRcvdPktStatsLsAckPktsRcvdTr", "lsack-packets-received-trend", 48705)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdAvg", "lsreq-packets-received-average-value", 48722)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdCum", "lsreq-packets-received-cumulative", 48718)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdLast", "lsreq-packets-received-current-value", 48716)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdMax", "lsreq-packets-received-maximum-value", 48721)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdMin", "lsreq-packets-received-minimum-value", 48720)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdPer", "lsreq-packets-received-periodic", 48719)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdRate", "lsreq-packets-received-rate", 48727)
prop._addConstant("ospfLsRcvdPktStatsLsReqPktsRcvdTr", "lsreq-packets-received-trend", 48726)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdAvg", "lsu-packets-received-average-value", 48743)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdCum", "lsu-packets-received-cumulative", 48739)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdLast", "lsu-packets-received-current-value", 48737)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdMax", "lsu-packets-received-maximum-value", 48742)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdMin", "lsu-packets-received-minimum-value", 48741)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdPer", "lsu-packets-received-periodic", 48740)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdRate", "lsu-packets-received-rate", 48748)
prop._addConstant("ospfLsRcvdPktStatsLsUpdPktsRcvdTr", "lsu-packets-received-trend", 48747)
prop._addConstant("ospfLsSentStatsLsAckPktsSentAvg", "lsack-packets-sent-average-value", 48764)
prop._addConstant("ospfLsSentStatsLsAckPktsSentCum", "lsack-packets-sent-cumulative", 48760)
prop._addConstant("ospfLsSentStatsLsAckPktsSentLast", "lsack-packets-sent-current-value", 48758)
prop._addConstant("ospfLsSentStatsLsAckPktsSentMax", "lsack-packets-sent-maximum-value", 48763)
prop._addConstant("ospfLsSentStatsLsAckPktsSentMin", "lsack-packets-sent-minimum-value", 48762)
prop._addConstant("ospfLsSentStatsLsAckPktsSentPer", "lsack-packets-sent-periodic", 48761)
prop._addConstant("ospfLsSentStatsLsAckPktsSentRate", "lsack-packets-sent-rate", 48769)
prop._addConstant("ospfLsSentStatsLsAckPktsSentTr", "lsack-packets-sent-trend", 48768)
prop._addConstant("ospfLsSentStatsLsReqPktsSentAvg", "lsreq-packets-sent-average-value", 48785)
prop._addConstant("ospfLsSentStatsLsReqPktsSentCum", "lsreq-packets-sent-cumulative", 48781)
prop._addConstant("ospfLsSentStatsLsReqPktsSentLast", "lsreq-packets-sent-current-value", 48779)
prop._addConstant("ospfLsSentStatsLsReqPktsSentMax", "lsreq-packets-sent-maximum-value", 48784)
prop._addConstant("ospfLsSentStatsLsReqPktsSentMin", "lsreq-packets-sent-minimum-value", 48783)
prop._addConstant("ospfLsSentStatsLsReqPktsSentPer", "lsreq-packets-sent-periodic", 48782)
prop._addConstant("ospfLsSentStatsLsReqPktsSentRate", "lsreq-packets-sent-rate", 48790)
prop._addConstant("ospfLsSentStatsLsReqPktsSentTr", "lsreq-packets-sent-trend", 48789)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentAvg", "lsu-packets-sent-average-value", 48806)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentCum", "lsu-packets-sent-cumulative", 48802)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentLast", "lsu-packets-sent-current-value", 48800)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentMax", "lsu-packets-sent-maximum-value", 48805)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentMin", "lsu-packets-sent-minimum-value", 48804)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentPer", "lsu-packets-sent-periodic", 48803)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentRate", "lsu-packets-sent-rate", 48811)
prop._addConstant("ospfLsSentStatsLsUpdPktsSentTr", "lsu-packets-sent-trend", 48810)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRAvg", "lsa-packets-dropped-during-gr-average-value", 48827)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRCum", "lsa-packets-dropped-during-gr-cumulative", 48823)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRLast", "lsa-packets-dropped-during-gr-current-value", 48821)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRMax", "lsa-packets-dropped-during-gr-maximum-value", 48826)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRMin", "lsa-packets-dropped-during-gr-minimum-value", 48825)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRPer", "lsa-packets-dropped-during-gr-periodic", 48824)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRRate", "lsa-packets-dropped-during-gr-rate", 48832)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileGRTr", "lsa-packets-dropped-during-gr-trend", 48831)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFAvg", "lsa-packets-dropped-during-spf-average-value", 48848)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFCum", "lsa-packets-dropped-during-spf-cumulative", 48844)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFLast", "lsa-packets-dropped-during-spf-current-value", 48842)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFMax", "lsa-packets-dropped-during-spf-maximum-value", 48847)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFMin", "lsa-packets-dropped-during-spf-minimum-value", 48846)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFPer", "lsa-packets-dropped-during-spf-periodic", 48845)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFRate", "lsa-packets-dropped-during-spf-rate", 48853)
prop._addConstant("ospfLsaStatsDroppedLsaPktsWhileSPFTr", "lsa-packets-dropped-during-spf-trend", 48852)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredAvg", "received-lsa-packets-ignored-average-value", 48869)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredCum", "received-lsa-packets-ignored-cumulative", 48865)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredLast", "received-lsa-packets-ignored-current-value", 48863)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredMax", "received-lsa-packets-ignored-maximum-value", 48868)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredMin", "received-lsa-packets-ignored-minimum-value", 48867)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredPer", "received-lsa-packets-ignored-periodic", 48866)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredRate", "received-lsa-packets-ignored-rate", 48874)
prop._addConstant("ospfLsaStatsRcvdLsaPktsIgnoredTr", "received-lsa-packets-ignored-trend", 48873)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsAvg", "lsu-first-tx-packets-average-value", 48890)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsCum", "lsu-first-tx-packets-cumulative", 48886)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsLast", "lsu-first-tx-packets-current-value", 48884)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsMax", "lsu-first-tx-packets-maximum-value", 48889)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsMin", "lsu-first-tx-packets-minimum-value", 48888)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsPer", "lsu-first-tx-packets-periodic", 48887)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsRate", "lsu-first-tx-packets-rate", 48895)
prop._addConstant("ospfLsuStatsLsuFirstTxPktsTr", "lsu-first-tx-packets-trend", 48894)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsAvg", "lsu-packets-for-lsreq-packets-average-value", 48911)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsCum", "lsu-packets-for-lsreq-packets-cumulative", 48907)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsLast", "lsu-packets-for-lsreq-packets-current-value", 48905)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsMax", "lsu-packets-for-lsreq-packets-maximum-value", 48910)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsMin", "lsu-packets-for-lsreq-packets-minimum-value", 48909)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsPer", "lsu-packets-for-lsreq-packets-periodic", 48908)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsRate", "lsu-packets-for-lsreq-packets-rate", 48916)
prop._addConstant("ospfLsuStatsLsuForLsreqPktsTr", "lsu-packets-for-lsreq-packets-trend", 48915)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsAvg", "lsu-packets-to-peer-average-value", 48932)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsCum", "lsu-packets-to-peer-cumulative", 48928)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsLast", "lsu-packets-to-peer-current-value", 48926)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsMax", "lsu-packets-to-peer-maximum-value", 48931)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsMin", "lsu-packets-to-peer-minimum-value", 48930)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsPer", "lsu-packets-to-peer-periodic", 48929)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsRate", "lsu-packets-to-peer-rate", 48937)
prop._addConstant("ospfLsuStatsLsuPeerTxPktsTr", "lsu-packets-to-peer-trend", 48936)
prop._addConstant("ospfLsuStatsLsuRexmitPktsAvg", "lsu-retransmission-packets-average-value", 48953)
prop._addConstant("ospfLsuStatsLsuRexmitPktsCum", "lsu-retransmission-packets-cumulative", 48949)
prop._addConstant("ospfLsuStatsLsuRexmitPktsLast", "lsu-retransmission-packets-current-value", 48947)
prop._addConstant("ospfLsuStatsLsuRexmitPktsMax", "lsu-retransmission-packets-maximum-value", 48952)
prop._addConstant("ospfLsuStatsLsuRexmitPktsMin", "lsu-retransmission-packets-minimum-value", 48951)
prop._addConstant("ospfLsuStatsLsuRexmitPktsPer", "lsu-retransmission-packets-periodic", 48950)
prop._addConstant("ospfLsuStatsLsuRexmitPktsRate", "lsu-retransmission-packets-rate", 48958)
prop._addConstant("ospfLsuStatsLsuRexmitPktsTr", "lsu-retransmission-packets-trend", 48957)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdAvg", "peer-not-found-packets-received-average-value", 48974)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdCum", "peer-not-found-packets-received-cumulative", 48970)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdLast", "peer-not-found-packets-received-current-value", 48968)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdMax", "peer-not-found-packets-received-maximum-value", 48973)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdMin", "peer-not-found-packets-received-minimum-value", 48972)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdPer", "peer-not-found-packets-received-periodic", 48971)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdRate", "peer-not-found-packets-received-rate", 48979)
prop._addConstant("ospfPeerPktStatsPeerNotFoundPktsRcvdTr", "peer-not-found-packets-received-trend", 48978)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdAvg", "peer-routerid-changed-packets-received-average-value", 48995)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdCum", "peer-routerid-changed-packets-received-cumulative", 48991)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdLast", "peer-routerid-changed-packets-received-current-value", 48989)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdMax", "peer-routerid-changed-packets-received-maximum-value", 48994)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdMin", "peer-routerid-changed-packets-received-minimum-value", 48993)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdPer", "peer-routerid-changed-packets-received-periodic", 48992)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdRate", "peer-routerid-changed-packets-received-rate", 49000)
prop._addConstant("ospfPeerPktStatsPeerRtrIdChgdPktsRcvdTr", "peer-routerid-changed-packets-received-trend", 48999)
prop._addConstant("ospfPeerStatsAdjCntAvg", "adjacency-count-average-value", 49016)
prop._addConstant("ospfPeerStatsAdjCntCum", "adjacency-count-cumulative", 49012)
prop._addConstant("ospfPeerStatsAdjCntLast", "adjacency-count-current-value", 49010)
prop._addConstant("ospfPeerStatsAdjCntMax", "adjacency-count-maximum-value", 49015)
prop._addConstant("ospfPeerStatsAdjCntMin", "adjacency-count-minimum-value", 49014)
prop._addConstant("ospfPeerStatsAdjCntPer", "adjacency-count-periodic", 49013)
prop._addConstant("ospfPeerStatsAdjCntRate", "adjacency-count-rate", 49021)
prop._addConstant("ospfPeerStatsAdjCntTr", "adjacency-count-trend", 49020)
prop._addConstant("ospfPeerStatsFloodToPeerCntAvg", "flood-to-peer-count-average-value", 49037)
prop._addConstant("ospfPeerStatsFloodToPeerCntCum", "flood-to-peer-count-cumulative", 49033)
prop._addConstant("ospfPeerStatsFloodToPeerCntLast", "flood-to-peer-count-current-value", 49031)
prop._addConstant("ospfPeerStatsFloodToPeerCntMax", "flood-to-peer-count-maximum-value", 49036)
prop._addConstant("ospfPeerStatsFloodToPeerCntMin", "flood-to-peer-count-minimum-value", 49035)
prop._addConstant("ospfPeerStatsFloodToPeerCntPer", "flood-to-peer-count-periodic", 49034)
prop._addConstant("ospfPeerStatsFloodToPeerCntRate", "flood-to-peer-count-rate", 49042)
prop._addConstant("ospfPeerStatsFloodToPeerCntTr", "flood-to-peer-count-trend", 49041)
prop._addConstant("ospfPeerStatsGrHelperPeerCntAvg", "gr-helper-peer-count-average-value", 49058)
prop._addConstant("ospfPeerStatsGrHelperPeerCntCum", "gr-helper-peer-count-cumulative", 49054)
prop._addConstant("ospfPeerStatsGrHelperPeerCntLast", "gr-helper-peer-count-current-value", 49052)
prop._addConstant("ospfPeerStatsGrHelperPeerCntMax", "gr-helper-peer-count-maximum-value", 49057)
prop._addConstant("ospfPeerStatsGrHelperPeerCntMin", "gr-helper-peer-count-minimum-value", 49056)
prop._addConstant("ospfPeerStatsGrHelperPeerCntPer", "gr-helper-peer-count-periodic", 49055)
prop._addConstant("ospfPeerStatsGrHelperPeerCntRate", "gr-helper-peer-count-rate", 49063)
prop._addConstant("ospfPeerStatsGrHelperPeerCntTr", "gr-helper-peer-count-trend", 49062)
prop._addConstant("ospfPeerStatsPeerCntAvg", "peer-count-average-value", 49079)
prop._addConstant("ospfPeerStatsPeerCntCum", "peer-count-cumulative", 49075)
prop._addConstant("ospfPeerStatsPeerCntLast", "peer-count-current-value", 49073)
prop._addConstant("ospfPeerStatsPeerCntMax", "peer-count-maximum-value", 49078)
prop._addConstant("ospfPeerStatsPeerCntMin", "peer-count-minimum-value", 49077)
prop._addConstant("ospfPeerStatsPeerCntPer", "peer-count-periodic", 49076)
prop._addConstant("ospfPeerStatsPeerCntRate", "peer-count-rate", 49084)
prop._addConstant("ospfPeerStatsPeerCntTr", "peer-count-trend", 49083)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdAvg", "dbd-packets-received-average-value", 49100)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdCum", "dbd-packets-received-cumulative", 49096)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdLast", "dbd-packets-received-current-value", 49094)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdMax", "dbd-packets-received-maximum-value", 49099)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdMin", "dbd-packets-received-minimum-value", 49098)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdPer", "dbd-packets-received-periodic", 49097)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdRate", "dbd-packets-received-rate", 49105)
prop._addConstant("ospfRcvdPktStatsDbdPktsRcvdTr", "dbd-packets-received-trend", 49104)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdAvg", "hello-packets-received-average-value", 49121)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdCum", "hello-packets-received-cumulative", 49117)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdLast", "hello-packets-received-current-value", 49115)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdMax", "hello-packets-received-maximum-value", 49120)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdMin", "hello-packets-received-minimum-value", 49119)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdPer", "hello-packets-received-periodic", 49118)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdRate", "hello-packets-received-rate", 49126)
prop._addConstant("ospfRcvdPktStatsHelloPktsRcvdTr", "hello-packets-received-trend", 49125)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdAvg", "total-packets-received-average-value", 49142)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdCum", "total-packets-received-cumulative", 49138)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdLast", "total-packets-received-current-value", 49136)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdMax", "total-packets-received-maximum-value", 49141)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdMin", "total-packets-received-minimum-value", 49140)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdPer", "total-packets-received-periodic", 49139)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdRate", "total-packets-received-rate", 49147)
prop._addConstant("ospfRcvdPktStatsTotalPktsRcvdTr", "total-packets-received-trend", 49146)
prop._addConstant("ospfSelfStatsEvCntAvg", "if-events-count-average-value", 49163)
prop._addConstant("ospfSelfStatsEvCntCum", "if-events-count-cumulative", 49159)
prop._addConstant("ospfSelfStatsEvCntLast", "if-events-count-current-value", 49157)
prop._addConstant("ospfSelfStatsEvCntMax", "if-events-count-maximum-value", 49162)
prop._addConstant("ospfSelfStatsEvCntMin", "if-events-count-minimum-value", 49161)
prop._addConstant("ospfSelfStatsEvCntPer", "if-events-count-periodic", 49160)
prop._addConstant("ospfSelfStatsEvCntRate", "if-events-count-rate", 49168)
prop._addConstant("ospfSelfStatsEvCntTr", "if-events-count-trend", 49167)
prop._addConstant("ospfSelfStatsLsaCntAvg", "lsa-count-average-value", 49184)
prop._addConstant("ospfSelfStatsLsaCntCum", "lsa-count-cumulative", 49180)
prop._addConstant("ospfSelfStatsLsaCntLast", "lsa-count-current-value", 49178)
prop._addConstant("ospfSelfStatsLsaCntMax", "lsa-count-maximum-value", 49183)
prop._addConstant("ospfSelfStatsLsaCntMin", "lsa-count-minimum-value", 49182)
prop._addConstant("ospfSelfStatsLsaCntPer", "lsa-count-periodic", 49181)
prop._addConstant("ospfSelfStatsLsaCntRate", "lsa-count-rate", 49189)
prop._addConstant("ospfSelfStatsLsaCntTr", "lsa-count-trend", 49188)
prop._addConstant("ospfSelfStatsPeerCntAvg", "peer-count-average-value", 49205)
prop._addConstant("ospfSelfStatsPeerCntCum", "peer-count-cumulative", 49201)
prop._addConstant("ospfSelfStatsPeerCntLast", "peer-count-current-value", 49199)
prop._addConstant("ospfSelfStatsPeerCntMax", "peer-count-maximum-value", 49204)
prop._addConstant("ospfSelfStatsPeerCntMin", "peer-count-minimum-value", 49203)
prop._addConstant("ospfSelfStatsPeerCntPer", "peer-count-periodic", 49202)
prop._addConstant("ospfSelfStatsPeerCntRate", "peer-count-rate", 49210)
prop._addConstant("ospfSelfStatsPeerCntTr", "peer-count-trend", 49209)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsAvg", "dropped-send-packets-average-value", 49226)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsCum", "dropped-send-packets-cumulative", 49222)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsLast", "dropped-send-packets-current-value", 49220)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsMax", "dropped-send-packets-maximum-value", 49225)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsMin", "dropped-send-packets-minimum-value", 49224)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsPer", "dropped-send-packets-periodic", 49223)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsRate", "dropped-send-packets-rate", 49231)
prop._addConstant("ospfSentPktErrStatsDroppedSendPktsTr", "dropped-send-packets-trend", 49230)
prop._addConstant("ospfSentPktErrStatsErrSendPktsAvg", "error-send-packets-average-value", 49247)
prop._addConstant("ospfSentPktErrStatsErrSendPktsCum", "error-send-packets-cumulative", 49243)
prop._addConstant("ospfSentPktErrStatsErrSendPktsLast", "error-send-packets-current-value", 49241)
prop._addConstant("ospfSentPktErrStatsErrSendPktsMax", "error-send-packets-maximum-value", 49246)
prop._addConstant("ospfSentPktErrStatsErrSendPktsMin", "error-send-packets-minimum-value", 49245)
prop._addConstant("ospfSentPktErrStatsErrSendPktsPer", "error-send-packets-periodic", 49244)
prop._addConstant("ospfSentPktErrStatsErrSendPktsRate", "error-send-packets-rate", 49252)
prop._addConstant("ospfSentPktErrStatsErrSendPktsTr", "error-send-packets-trend", 49251)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsAvg", "unknown-send-packets-average-value", 49268)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsCum", "unknown-send-packets-cumulative", 49264)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsLast", "unknown-send-packets-current-value", 49262)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsMax", "unknown-send-packets-maximum-value", 49267)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsMin", "unknown-send-packets-minimum-value", 49266)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsPer", "unknown-send-packets-periodic", 49265)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsRate", "unknown-send-packets-rate", 49273)
prop._addConstant("ospfSentPktErrStatsUnknownSendPktsTr", "unknown-send-packets-trend", 49272)
prop._addConstant("ospfSentPktStatsDbdPktsSentAvg", "dbd-packets-sent-average-value", 49289)
prop._addConstant("ospfSentPktStatsDbdPktsSentCum", "dbd-packets-sent-cumulative", 49285)
prop._addConstant("ospfSentPktStatsDbdPktsSentLast", "dbd-packets-sent-current-value", 49283)
prop._addConstant("ospfSentPktStatsDbdPktsSentMax", "dbd-packets-sent-maximum-value", 49288)
prop._addConstant("ospfSentPktStatsDbdPktsSentMin", "dbd-packets-sent-minimum-value", 49287)
prop._addConstant("ospfSentPktStatsDbdPktsSentPer", "dbd-packets-sent-periodic", 49286)
prop._addConstant("ospfSentPktStatsDbdPktsSentRate", "dbd-packets-sent-rate", 49294)
prop._addConstant("ospfSentPktStatsDbdPktsSentTr", "dbd-packets-sent-trend", 49293)
prop._addConstant("ospfSentPktStatsHelloPktsSentAvg", "hello-packets-sent-average-value", 49310)
prop._addConstant("ospfSentPktStatsHelloPktsSentCum", "hello-packets-sent-cumulative", 49306)
prop._addConstant("ospfSentPktStatsHelloPktsSentLast", "hello-packets-sent-current-value", 49304)
prop._addConstant("ospfSentPktStatsHelloPktsSentMax", "hello-packets-sent-maximum-value", 49309)
prop._addConstant("ospfSentPktStatsHelloPktsSentMin", "hello-packets-sent-minimum-value", 49308)
prop._addConstant("ospfSentPktStatsHelloPktsSentPer", "hello-packets-sent-periodic", 49307)
prop._addConstant("ospfSentPktStatsHelloPktsSentRate", "hello-packets-sent-rate", 49315)
prop._addConstant("ospfSentPktStatsHelloPktsSentTr", "hello-packets-sent-trend", 49314)
prop._addConstant("ospfSentPktStatsTotalPktsSentAvg", "total-packets-sent-average-value", 49331)
prop._addConstant("ospfSentPktStatsTotalPktsSentCum", "total-packets-sent-cumulative", 49327)
prop._addConstant("ospfSentPktStatsTotalPktsSentLast", "total-packets-sent-current-value", 49325)
prop._addConstant("ospfSentPktStatsTotalPktsSentMax", "total-packets-sent-maximum-value", 49330)
prop._addConstant("ospfSentPktStatsTotalPktsSentMin", "total-packets-sent-minimum-value", 49329)
prop._addConstant("ospfSentPktStatsTotalPktsSentPer", "total-packets-sent-periodic", 49328)
prop._addConstant("ospfSentPktStatsTotalPktsSentRate", "total-packets-sent-rate", 49336)
prop._addConstant("ospfSentPktStatsTotalPktsSentTr", "total-packets-sent-trend", 49335)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleAvg", "flood-packet-send-ip-throttle-average-value", 49352)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleCum", "flood-packet-send-ip-throttle-cumulative", 49348)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleLast", "flood-packet-send-ip-throttle-current-value", 49346)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleMax", "flood-packet-send-ip-throttle-maximum-value", 49351)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleMin", "flood-packet-send-ip-throttle-minimum-value", 49350)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottlePer", "flood-packet-send-ip-throttle-periodic", 49349)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleRate", "flood-packet-send-ip-throttle-rate", 49357)
prop._addConstant("ospfThrottleStatsFloodPktSendIpThrottleTr", "flood-packet-send-ip-throttle-trend", 49356)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleAvg", "flood-packet-send-token-throttle-average-value", 49373)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleCum", "flood-packet-send-token-throttle-cumulative", 49369)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleLast", "flood-packet-send-token-throttle-current-value", 49367)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleMax", "flood-packet-send-token-throttle-maximum-value", 49372)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleMin", "flood-packet-send-token-throttle-minimum-value", 49371)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottlePer", "flood-packet-send-token-throttle-periodic", 49370)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleRate", "flood-packet-send-token-throttle-rate", 49378)
prop._addConstant("ospfThrottleStatsFloodPktSendTokenThrottleTr", "flood-packet-send-token-throttle-trend", 49377)
prop._addConstant("procApplicationCPUCurrentAvg", "application-cpu-usage-average-value", 30345)
prop._addConstant("procApplicationCPUCurrentLast", "application-cpu-usage-current-value", 30342)
prop._addConstant("procApplicationCPUCurrentMax", "application-cpu-usage-maximum-value", 30344)
prop._addConstant("procApplicationCPUCurrentMin", "application-cpu-usage-minimum-value", 30343)
prop._addConstant("procApplicationCPUCurrentTr", "application-cpu-usage-trend", 30350)
prop._addConstant("procApplicationMemoryCurrentAvg", "application-memory-usage-average-value", 30360)
prop._addConstant("procApplicationMemoryCurrentLast", "application-memory-usage-current-value", 30357)
prop._addConstant("procApplicationMemoryCurrentMax", "application-memory-usage-maximum-value", 30359)
prop._addConstant("procApplicationMemoryCurrentMin", "application-memory-usage-minimum-value", 30358)
prop._addConstant("procApplicationMemoryCurrentTr", "application-memory-usage-trend", 30365)
prop._addConstant("procCPUCurrentAvg", "cpu-usage-average-value", 10468)
prop._addConstant("procCPUCurrentLast", "cpu-usage-current-value", 10465)
prop._addConstant("procCPUCurrentMax", "cpu-usage-maximum-value", 10467)
prop._addConstant("procCPUCurrentMin", "cpu-usage-minimum-value", 10466)
prop._addConstant("procCPUCurrentTr", "cpu-usage-trend", 10473)
prop._addConstant("procMemCurrentAvg", "memory-allocated-average-value", 10489)
prop._addConstant("procMemCurrentLast", "memory-allocated-current-value", 10486)
prop._addConstant("procMemCurrentMax", "memory-allocated-maximum-value", 10488)
prop._addConstant("procMemCurrentMin", "memory-allocated-minimum-value", 10487)
prop._addConstant("procMemCurrentTr", "memory-allocated-trend", 10494)
prop._addConstant("procProcCPUAvgExecAvg", "average-execution-time-average-value", 10510)
prop._addConstant("procProcCPUAvgExecLast", "average-execution-time-current-value", 10507)
prop._addConstant("procProcCPUAvgExecMax", "average-execution-time-maximum-value", 10509)
prop._addConstant("procProcCPUAvgExecMin", "average-execution-time-minimum-value", 10508)
prop._addConstant("procProcCPUAvgExecTr", "average-execution-time-trend", 10515)
prop._addConstant("procProcCPUInvokedAvg", "invoked-average-value", 10531)
prop._addConstant("procProcCPUInvokedLast", "invoked-current-value", 10528)
prop._addConstant("procProcCPUInvokedMax", "invoked-maximum-value", 10530)
prop._addConstant("procProcCPUInvokedMin", "invoked-minimum-value", 10529)
prop._addConstant("procProcCPUInvokedTr", "invoked-trend", 10536)
prop._addConstant("procProcCPUMaxExecAvg", "maximum-execution-time-average-value", 10552)
prop._addConstant("procProcCPUMaxExecLast", "maximum-execution-time-current-value", 10549)
prop._addConstant("procProcCPUMaxExecMax", "maximum-execution-time-maximum-value", 10551)
prop._addConstant("procProcCPUMaxExecMin", "maximum-execution-time-minimum-value", 10550)
prop._addConstant("procProcCPUMaxExecTr", "maximum-execution-time-trend", 10557)
prop._addConstant("procProcCPUTotalExecAvg", "total-execution-time-average-value", 10573)
prop._addConstant("procProcCPUTotalExecLast", "total-execution-time-current-value", 10570)
prop._addConstant("procProcCPUTotalExecMax", "total-execution-time-maximum-value", 10572)
prop._addConstant("procProcCPUTotalExecMin", "total-execution-time-minimum-value", 10571)
prop._addConstant("procProcCPUTotalExecTr", "total-execution-time-trend", 10578)
prop._addConstant("procProcCPUUsageAvg", "cpu-usage-average-value", 10594)
prop._addConstant("procProcCPUUsageLast", "cpu-usage-current-value", 10591)
prop._addConstant("procProcCPUUsageMax", "cpu-usage-maximum-value", 10593)
prop._addConstant("procProcCPUUsageMin", "cpu-usage-minimum-value", 10592)
prop._addConstant("procProcCPUUsageTr", "cpu-usage-trend", 10599)
prop._addConstant("procProcMemAllocedAvg", "allocated-memory-average-value", 10615)
prop._addConstant("procProcMemAllocedLast", "allocated-memory-current-value", 10612)
prop._addConstant("procProcMemAllocedMax", "allocated-memory-maximum-value", 10614)
prop._addConstant("procProcMemAllocedMin", "allocated-memory-minimum-value", 10613)
prop._addConstant("procProcMemAllocedTr", "allocated-memory-trend", 10620)
prop._addConstant("procProcMemUsedAvg", "used-memory-average-value", 10636)
prop._addConstant("procProcMemUsedLast", "used-memory-current-value", 10633)
prop._addConstant("procProcMemUsedMax", "used-memory-maximum-value", 10635)
prop._addConstant("procProcMemUsedMin", "used-memory-minimum-value", 10634)
prop._addConstant("procProcMemUsedTr", "used-memory-trend", 10641)
prop._addConstant("procSysCPUIdleAverage1mAvg", "1-minute-idle-cpu-average-average-value", 21901)
prop._addConstant("procSysCPUIdleAverage1mLast", "1-minute-idle-cpu-average-current-value", 21898)
prop._addConstant("procSysCPUIdleAverage1mMax", "1-minute-idle-cpu-average-maximum-value", 21900)
prop._addConstant("procSysCPUIdleAverage1mMin", "1-minute-idle-cpu-average-minimum-value", 21899)
prop._addConstant("procSysCPUIdleAverage1mTr", "1-minute-idle-cpu-average-trend", 21906)
prop._addConstant("procSysCPUIdleAvg", "idle-cpu-average-value", 10657)
prop._addConstant("procSysCPUIdleLast", "idle-cpu-current-value", 10654)
prop._addConstant("procSysCPUIdleMax", "idle-cpu-maximum-value", 10656)
prop._addConstant("procSysCPUIdleMin", "idle-cpu-minimum-value", 10655)
prop._addConstant("procSysCPUIdleTr", "idle-cpu-trend", 10662)
prop._addConstant("procSysCPUKernelAverage1mAvg", "1-minute-kernel-cpu-average-average-value", 21916)
prop._addConstant("procSysCPUKernelAverage1mLast", "1-minute-kernel-cpu-average-current-value", 21913)
prop._addConstant("procSysCPUKernelAverage1mMax", "1-minute-kernel-cpu-average-maximum-value", 21915)
prop._addConstant("procSysCPUKernelAverage1mMin", "1-minute-kernel-cpu-average-minimum-value", 21914)
prop._addConstant("procSysCPUKernelAverage1mTr", "1-minute-kernel-cpu-average-trend", 21921)
prop._addConstant("procSysCPUKernelAvg", "kernel-cpu-average-value", 10678)
prop._addConstant("procSysCPUKernelLast", "kernel-cpu-current-value", 10675)
prop._addConstant("procSysCPUKernelMax", "kernel-cpu-maximum-value", 10677)
prop._addConstant("procSysCPUKernelMin", "kernel-cpu-minimum-value", 10676)
prop._addConstant("procSysCPUKernelTr", "kernel-cpu-trend", 10683)
prop._addConstant("procSysCPUUserAverage1mAvg", "1-minute-user-cpu-average-average-value", 21931)
prop._addConstant("procSysCPUUserAverage1mLast", "1-minute-user-cpu-average-current-value", 21928)
prop._addConstant("procSysCPUUserAverage1mMax", "1-minute-user-cpu-average-maximum-value", 21930)
prop._addConstant("procSysCPUUserAverage1mMin", "1-minute-user-cpu-average-minimum-value", 21929)
prop._addConstant("procSysCPUUserAverage1mTr", "1-minute-user-cpu-average-trend", 21936)
prop._addConstant("procSysCPUUserAvg", "user-cpu-average-value", 10699)
prop._addConstant("procSysCPUUserLast", "user-cpu-current-value", 10696)
prop._addConstant("procSysCPUUserMax", "user-cpu-maximum-value", 10698)
prop._addConstant("procSysCPUUserMin", "user-cpu-minimum-value", 10697)
prop._addConstant("procSysCPUUserTr", "user-cpu-trend", 10704)
prop._addConstant("procSysLoadLoadAverage15mAvg", "15-minute-average-load-average-value", 10720)
prop._addConstant("procSysLoadLoadAverage15mLast", "15-minute-average-load-current-value", 10717)
prop._addConstant("procSysLoadLoadAverage15mMax", "15-minute-average-load-maximum-value", 10719)
prop._addConstant("procSysLoadLoadAverage15mMin", "15-minute-average-load-minimum-value", 10718)
prop._addConstant("procSysLoadLoadAverage15mTr", "15-minute-average-load-trend", 10725)
prop._addConstant("procSysLoadLoadAverage1mAvg", "1-minute-average-load-average-value", 10741)
prop._addConstant("procSysLoadLoadAverage1mLast", "1-minute-average-load-current-value", 10738)
prop._addConstant("procSysLoadLoadAverage1mMax", "1-minute-average-load-maximum-value", 10740)
prop._addConstant("procSysLoadLoadAverage1mMin", "1-minute-average-load-minimum-value", 10739)
prop._addConstant("procSysLoadLoadAverage1mTr", "1-minute-average-load-trend", 10746)
prop._addConstant("procSysLoadLoadAverage5mAvg", "5-minute-average-load-average-value", 10762)
prop._addConstant("procSysLoadLoadAverage5mLast", "5-minute-average-load-current-value", 10759)
prop._addConstant("procSysLoadLoadAverage5mMax", "5-minute-average-load-maximum-value", 10761)
prop._addConstant("procSysLoadLoadAverage5mMin", "5-minute-average-load-minimum-value", 10760)
prop._addConstant("procSysLoadLoadAverage5mTr", "5-minute-average-load-trend", 10767)
prop._addConstant("procSysLoadRunProcAvg", "running-processes-average-value", 10783)
prop._addConstant("procSysLoadRunProcLast", "running-processes-current-value", 10780)
prop._addConstant("procSysLoadRunProcMax", "running-processes-maximum-value", 10782)
prop._addConstant("procSysLoadRunProcMin", "running-processes-minimum-value", 10781)
prop._addConstant("procSysLoadRunProcTr", "running-processes-trend", 10788)
prop._addConstant("procSysLoadTotalProcAvg", "total-processes-average-value", 10804)
prop._addConstant("procSysLoadTotalProcLast", "total-processes-current-value", 10801)
prop._addConstant("procSysLoadTotalProcMax", "total-processes-maximum-value", 10803)
prop._addConstant("procSysLoadTotalProcMin", "total-processes-minimum-value", 10802)
prop._addConstant("procSysLoadTotalProcTr", "total-processes-trend", 10809)
prop._addConstant("procSysMemFreeAvg", "free-memory-average-value", 10825)
prop._addConstant("procSysMemFreeLast", "free-memory-current-value", 10822)
prop._addConstant("procSysMemFreeMax", "free-memory-maximum-value", 10824)
prop._addConstant("procSysMemFreeMin", "free-memory-minimum-value", 10823)
prop._addConstant("procSysMemFreeTr", "free-memory-trend", 10830)
prop._addConstant("procSysMemTotalAvg", "total-memory-average-value", 10846)
prop._addConstant("procSysMemTotalLast", "total-memory-current-value", 10843)
prop._addConstant("procSysMemTotalMax", "total-memory-maximum-value", 10845)
prop._addConstant("procSysMemTotalMin", "total-memory-minimum-value", 10844)
prop._addConstant("procSysMemTotalTr", "total-memory-trend", 10851)
prop._addConstant("procSysMemUsedAvg", "used-memory-average-value", 10867)
prop._addConstant("procSysMemUsedLast", "used-memory-current-value", 10864)
prop._addConstant("procSysMemUsedMax", "used-memory-maximum-value", 10866)
prop._addConstant("procSysMemUsedMin", "used-memory-minimum-value", 10865)
prop._addConstant("procSysMemUsedTr", "used-memory-trend", 10872)
prop._addConstant("qosmEgrPktsDropAvg", "egress-drop-packets-average-value", 10891)
prop._addConstant("qosmEgrPktsDropCum", "egress-drop-packets-cumulative", 10887)
prop._addConstant("qosmEgrPktsDropLast", "egress-drop-packets-current-value", 10885)
prop._addConstant("qosmEgrPktsDropMax", "egress-drop-packets-maximum-value", 10890)
prop._addConstant("qosmEgrPktsDropMin", "egress-drop-packets-minimum-value", 10889)
prop._addConstant("qosmEgrPktsDropPer", "egress-drop-packets-periodic", 10888)
prop._addConstant("qosmEgrPktsDropRate", "egress-drop-packets-rate", 10896)
prop._addConstant("qosmEgrPktsDropTr", "egress-drop-packets-trend", 10895)
prop._addConstant("qosmIngrPktsAdmitAvg", "ingress-admit-packets-average-value", 10918)
prop._addConstant("qosmIngrPktsAdmitCum", "ingress-admit-packets-cumulative", 10914)
prop._addConstant("qosmIngrPktsAdmitLast", "ingress-admit-packets-current-value", 10912)
prop._addConstant("qosmIngrPktsAdmitMax", "ingress-admit-packets-maximum-value", 10917)
prop._addConstant("qosmIngrPktsAdmitMin", "ingress-admit-packets-minimum-value", 10916)
prop._addConstant("qosmIngrPktsAdmitPer", "ingress-admit-packets-periodic", 10915)
prop._addConstant("qosmIngrPktsAdmitRate", "ingress-admit-packets-rate", 10923)
prop._addConstant("qosmIngrPktsAdmitTr", "ingress-admit-packets-trend", 10922)
prop._addConstant("qosmIngrPktsDropAvg", "ingress-drop-packets-average-value", 10945)
prop._addConstant("qosmIngrPktsDropCum", "ingress-drop-packets-cumulative", 10941)
prop._addConstant("qosmIngrPktsDropLast", "ingress-drop-packets-current-value", 10939)
prop._addConstant("qosmIngrPktsDropMax", "ingress-drop-packets-maximum-value", 10944)
prop._addConstant("qosmIngrPktsDropMin", "ingress-drop-packets-minimum-value", 10943)
prop._addConstant("qosmIngrPktsDropPer", "ingress-drop-packets-periodic", 10942)
prop._addConstant("qosmIngrPktsDropRate", "ingress-drop-packets-rate", 10950)
prop._addConstant("qosmIngrPktsDropTr", "ingress-drop-packets-trend", 10949)
prop._addConstant("slaICMPEchoStatsAgFailuresCum", "number-of-failed-icmp-echo-probes-cumulative", 49970)
prop._addConstant("slaICMPEchoStatsAgFailuresPer", "number-of-failed-icmp-echo-probes-periodic", 49971)
prop._addConstant("slaICMPEchoStatsAgFailuresRate", "number-of-failed-icmp-echo-probes-rate", 49976)
prop._addConstant("slaICMPEchoStatsAgFailuresTr", "number-of-failed-icmp-echo-probes-trend", 49975)
prop._addConstant("slaICMPEchoStatsAgSuccessCum", "number-of-successful-icmp-echo-probes-cumulative", 49983)
prop._addConstant("slaICMPEchoStatsAgSuccessPer", "number-of-successful-icmp-echo-probes-periodic", 49984)
prop._addConstant("slaICMPEchoStatsAgSuccessRate", "number-of-successful-icmp-echo-probes-rate", 49989)
prop._addConstant("slaICMPEchoStatsAgSuccessTr", "number-of-successful-icmp-echo-probes-trend", 49988)
prop._addConstant("slaICMPEchoStatsAgTxPktsCum", "number-of-transmitted-icmp-echo-probes-cumulative", 49996)
prop._addConstant("slaICMPEchoStatsAgTxPktsPer", "number-of-transmitted-icmp-echo-probes-periodic", 49997)
prop._addConstant("slaICMPEchoStatsAgTxPktsRate", "number-of-transmitted-icmp-echo-probes-rate", 50002)
prop._addConstant("slaICMPEchoStatsAgTxPktsTr", "number-of-transmitted-icmp-echo-probes-trend", 50001)
prop._addConstant("slaICMPEchoStatsFailuresAvg", "number-of-failed-icmp-echo-probes-average-value", 49482)
prop._addConstant("slaICMPEchoStatsFailuresCum", "number-of-failed-icmp-echo-probes-cumulative", 49478)
prop._addConstant("slaICMPEchoStatsFailuresLast", "number-of-failed-icmp-echo-probes-current-value", 49476)
prop._addConstant("slaICMPEchoStatsFailuresMax", "number-of-failed-icmp-echo-probes-maximum-value", 49481)
prop._addConstant("slaICMPEchoStatsFailuresMin", "number-of-failed-icmp-echo-probes-minimum-value", 49480)
prop._addConstant("slaICMPEchoStatsFailuresPer", "number-of-failed-icmp-echo-probes-periodic", 49479)
prop._addConstant("slaICMPEchoStatsFailuresRate", "number-of-failed-icmp-echo-probes-rate", 49487)
prop._addConstant("slaICMPEchoStatsFailuresTr", "number-of-failed-icmp-echo-probes-trend", 49486)
prop._addConstant("slaICMPEchoStatsRttAvg", "icmp-echo-round-trip-time-average-value", 49500)
prop._addConstant("slaICMPEchoStatsRttLast", "icmp-echo-round-trip-time-current-value", 49497)
prop._addConstant("slaICMPEchoStatsRttMax", "icmp-echo-round-trip-time-maximum-value", 49499)
prop._addConstant("slaICMPEchoStatsRttMin", "icmp-echo-round-trip-time-minimum-value", 49498)
prop._addConstant("slaICMPEchoStatsRttTr", "icmp-echo-round-trip-time-trend", 49505)
prop._addConstant("slaICMPEchoStatsSuccessAvg", "number-of-successful-icmp-echo-probes-average-value", 49518)
prop._addConstant("slaICMPEchoStatsSuccessCum", "number-of-successful-icmp-echo-probes-cumulative", 49514)
prop._addConstant("slaICMPEchoStatsSuccessLast", "number-of-successful-icmp-echo-probes-current-value", 49512)
prop._addConstant("slaICMPEchoStatsSuccessMax", "number-of-successful-icmp-echo-probes-maximum-value", 49517)
prop._addConstant("slaICMPEchoStatsSuccessMin", "number-of-successful-icmp-echo-probes-minimum-value", 49516)
prop._addConstant("slaICMPEchoStatsSuccessPer", "number-of-successful-icmp-echo-probes-periodic", 49515)
prop._addConstant("slaICMPEchoStatsSuccessRate", "number-of-successful-icmp-echo-probes-rate", 49523)
prop._addConstant("slaICMPEchoStatsSuccessTr", "number-of-successful-icmp-echo-probes-trend", 49522)
prop._addConstant("slaICMPEchoStatsTxPktsAvg", "number-of-transmitted-icmp-echo-probes-average-value", 49539)
prop._addConstant("slaICMPEchoStatsTxPktsCum", "number-of-transmitted-icmp-echo-probes-cumulative", 49535)
prop._addConstant("slaICMPEchoStatsTxPktsLast", "number-of-transmitted-icmp-echo-probes-current-value", 49533)
prop._addConstant("slaICMPEchoStatsTxPktsMax", "number-of-transmitted-icmp-echo-probes-maximum-value", 49538)
prop._addConstant("slaICMPEchoStatsTxPktsMin", "number-of-transmitted-icmp-echo-probes-minimum-value", 49537)
prop._addConstant("slaICMPEchoStatsTxPktsPer", "number-of-transmitted-icmp-echo-probes-periodic", 49536)
prop._addConstant("slaICMPEchoStatsTxPktsRate", "number-of-transmitted-icmp-echo-probes-rate", 49544)
prop._addConstant("slaICMPEchoStatsTxPktsTr", "number-of-transmitted-icmp-echo-probes-trend", 49543)
prop._addConstant("slaTCPConnectStatsAgFailuresCum", "number-of-failed-tcp-connect-probes-cumulative", 50009)
prop._addConstant("slaTCPConnectStatsAgFailuresPer", "number-of-failed-tcp-connect-probes-periodic", 50010)
prop._addConstant("slaTCPConnectStatsAgFailuresRate", "number-of-failed-tcp-connect-probes-rate", 50015)
prop._addConstant("slaTCPConnectStatsAgFailuresTr", "number-of-failed-tcp-connect-probes-trend", 50014)
prop._addConstant("slaTCPConnectStatsAgSuccessCum", "number-of-successful-tcp-connect-probes-cumulative", 50022)
prop._addConstant("slaTCPConnectStatsAgSuccessPer", "number-of-successful-tcp-connect-probes-periodic", 50023)
prop._addConstant("slaTCPConnectStatsAgSuccessRate", "number-of-successful-tcp-connect-probes-rate", 50028)
prop._addConstant("slaTCPConnectStatsAgSuccessTr", "number-of-successful-tcp-connect-probes-trend", 50027)
prop._addConstant("slaTCPConnectStatsAgTxPktsCum", "number-of-transmitted-tcp-connect-probes-cumulative", 50035)
prop._addConstant("slaTCPConnectStatsAgTxPktsPer", "number-of-transmitted-tcp-connect-probes-periodic", 50036)
prop._addConstant("slaTCPConnectStatsAgTxPktsRate", "number-of-transmitted-tcp-connect-probes-rate", 50041)
prop._addConstant("slaTCPConnectStatsAgTxPktsTr", "number-of-transmitted-tcp-connect-probes-trend", 50040)
prop._addConstant("slaTCPConnectStatsFailuresAvg", "number-of-failed-tcp-connect-probes-average-value", 49560)
prop._addConstant("slaTCPConnectStatsFailuresCum", "number-of-failed-tcp-connect-probes-cumulative", 49556)
prop._addConstant("slaTCPConnectStatsFailuresLast", "number-of-failed-tcp-connect-probes-current-value", 49554)
prop._addConstant("slaTCPConnectStatsFailuresMax", "number-of-failed-tcp-connect-probes-maximum-value", 49559)
prop._addConstant("slaTCPConnectStatsFailuresMin", "number-of-failed-tcp-connect-probes-minimum-value", 49558)
prop._addConstant("slaTCPConnectStatsFailuresPer", "number-of-failed-tcp-connect-probes-periodic", 49557)
prop._addConstant("slaTCPConnectStatsFailuresRate", "number-of-failed-tcp-connect-probes-rate", 49565)
prop._addConstant("slaTCPConnectStatsFailuresTr", "number-of-failed-tcp-connect-probes-trend", 49564)
prop._addConstant("slaTCPConnectStatsRttAvg", "tcp-connect-round-trip-time-average-value", 49578)
prop._addConstant("slaTCPConnectStatsRttLast", "tcp-connect-round-trip-time-current-value", 49575)
prop._addConstant("slaTCPConnectStatsRttMax", "tcp-connect-round-trip-time-maximum-value", 49577)
prop._addConstant("slaTCPConnectStatsRttMin", "tcp-connect-round-trip-time-minimum-value", 49576)
prop._addConstant("slaTCPConnectStatsRttTr", "tcp-connect-round-trip-time-trend", 49583)
prop._addConstant("slaTCPConnectStatsSuccessAvg", "number-of-successful-tcp-connect-probes-average-value", 49596)
prop._addConstant("slaTCPConnectStatsSuccessCum", "number-of-successful-tcp-connect-probes-cumulative", 49592)
prop._addConstant("slaTCPConnectStatsSuccessLast", "number-of-successful-tcp-connect-probes-current-value", 49590)
prop._addConstant("slaTCPConnectStatsSuccessMax", "number-of-successful-tcp-connect-probes-maximum-value", 49595)
prop._addConstant("slaTCPConnectStatsSuccessMin", "number-of-successful-tcp-connect-probes-minimum-value", 49594)
prop._addConstant("slaTCPConnectStatsSuccessPer", "number-of-successful-tcp-connect-probes-periodic", 49593)
prop._addConstant("slaTCPConnectStatsSuccessRate", "number-of-successful-tcp-connect-probes-rate", 49601)
prop._addConstant("slaTCPConnectStatsSuccessTr", "number-of-successful-tcp-connect-probes-trend", 49600)
prop._addConstant("slaTCPConnectStatsTxPktsAvg", "number-of-transmitted-tcp-connect-probes-average-value", 49617)
prop._addConstant("slaTCPConnectStatsTxPktsCum", "number-of-transmitted-tcp-connect-probes-cumulative", 49613)
prop._addConstant("slaTCPConnectStatsTxPktsLast", "number-of-transmitted-tcp-connect-probes-current-value", 49611)
prop._addConstant("slaTCPConnectStatsTxPktsMax", "number-of-transmitted-tcp-connect-probes-maximum-value", 49616)
prop._addConstant("slaTCPConnectStatsTxPktsMin", "number-of-transmitted-tcp-connect-probes-minimum-value", 49615)
prop._addConstant("slaTCPConnectStatsTxPktsPer", "number-of-transmitted-tcp-connect-probes-periodic", 49614)
prop._addConstant("slaTCPConnectStatsTxPktsRate", "number-of-transmitted-tcp-connect-probes-rate", 49622)
prop._addConstant("slaTCPConnectStatsTxPktsTr", "number-of-transmitted-tcp-connect-probes-trend", 49621)
prop._addConstant("tunnelEgrTepCntrsDropBytesAvg", "drop-bytes-average-value", 47143)
prop._addConstant("tunnelEgrTepCntrsDropBytesCum", "drop-bytes-cumulative", 47139)
prop._addConstant("tunnelEgrTepCntrsDropBytesLast", "drop-bytes-current-value", 47137)
prop._addConstant("tunnelEgrTepCntrsDropBytesMax", "drop-bytes-maximum-value", 47142)
prop._addConstant("tunnelEgrTepCntrsDropBytesMin", "drop-bytes-minimum-value", 47141)
prop._addConstant("tunnelEgrTepCntrsDropBytesPer", "drop-bytes-periodic", 47140)
prop._addConstant("tunnelEgrTepCntrsDropBytesRate", "drop-bytes-rate", 47148)
prop._addConstant("tunnelEgrTepCntrsDropBytesTr", "drop-bytes-trend", 47147)
prop._addConstant("tunnelEgrTepCntrsDropPktsAvg", "drop-packets-average-value", 47164)
prop._addConstant("tunnelEgrTepCntrsDropPktsCum", "drop-packets-cumulative", 47160)
prop._addConstant("tunnelEgrTepCntrsDropPktsLast", "drop-packets-current-value", 47158)
prop._addConstant("tunnelEgrTepCntrsDropPktsMax", "drop-packets-maximum-value", 47163)
prop._addConstant("tunnelEgrTepCntrsDropPktsMin", "drop-packets-minimum-value", 47162)
prop._addConstant("tunnelEgrTepCntrsDropPktsPer", "drop-packets-periodic", 47161)
prop._addConstant("tunnelEgrTepCntrsDropPktsRate", "drop-packets-rate", 47169)
prop._addConstant("tunnelEgrTepCntrsDropPktsTr", "drop-packets-trend", 47168)
prop._addConstant("tunnelEgrTepCntrsFwdBytesAvg", "forwarded-bytes-average-value", 47185)
prop._addConstant("tunnelEgrTepCntrsFwdBytesCum", "forwarded-bytes-cumulative", 47181)
prop._addConstant("tunnelEgrTepCntrsFwdBytesLast", "forwarded-bytes-current-value", 47179)
prop._addConstant("tunnelEgrTepCntrsFwdBytesMax", "forwarded-bytes-maximum-value", 47184)
prop._addConstant("tunnelEgrTepCntrsFwdBytesMin", "forwarded-bytes-minimum-value", 47183)
prop._addConstant("tunnelEgrTepCntrsFwdBytesPer", "forwarded-bytes-periodic", 47182)
prop._addConstant("tunnelEgrTepCntrsFwdBytesRate", "forwarded-bytes-rate", 47190)
prop._addConstant("tunnelEgrTepCntrsFwdBytesTr", "forwarded-bytes-trend", 47189)
prop._addConstant("tunnelEgrTepCntrsFwdPktsAvg", "forwarded-packets-average-value", 47206)
prop._addConstant("tunnelEgrTepCntrsFwdPktsCum", "forwarded-packets-cumulative", 47202)
prop._addConstant("tunnelEgrTepCntrsFwdPktsLast", "forwarded-packets-current-value", 47200)
prop._addConstant("tunnelEgrTepCntrsFwdPktsMax", "forwarded-packets-maximum-value", 47205)
prop._addConstant("tunnelEgrTepCntrsFwdPktsMin", "forwarded-packets-minimum-value", 47204)
prop._addConstant("tunnelEgrTepCntrsFwdPktsPer", "forwarded-packets-periodic", 47203)
prop._addConstant("tunnelEgrTepCntrsFwdPktsRate", "forwarded-packets-rate", 47211)
prop._addConstant("tunnelEgrTepCntrsFwdPktsTr", "forwarded-packets-trend", 47210)
prop._addConstant("tunnelIngrTepCntrsDropBytesAvg", "drop-bytes-average-value", 47227)
prop._addConstant("tunnelIngrTepCntrsDropBytesCum", "drop-bytes-cumulative", 47223)
prop._addConstant("tunnelIngrTepCntrsDropBytesLast", "drop-bytes-current-value", 47221)
prop._addConstant("tunnelIngrTepCntrsDropBytesMax", "drop-bytes-maximum-value", 47226)
prop._addConstant("tunnelIngrTepCntrsDropBytesMin", "drop-bytes-minimum-value", 47225)
prop._addConstant("tunnelIngrTepCntrsDropBytesPer", "drop-bytes-periodic", 47224)
prop._addConstant("tunnelIngrTepCntrsDropBytesRate", "drop-bytes-rate", 47232)
prop._addConstant("tunnelIngrTepCntrsDropBytesTr", "drop-bytes-trend", 47231)
prop._addConstant("tunnelIngrTepCntrsDropPktsAvg", "drop-packets-average-value", 47248)
prop._addConstant("tunnelIngrTepCntrsDropPktsCum", "drop-packets-cumulative", 47244)
prop._addConstant("tunnelIngrTepCntrsDropPktsLast", "drop-packets-current-value", 47242)
prop._addConstant("tunnelIngrTepCntrsDropPktsMax", "drop-packets-maximum-value", 47247)
prop._addConstant("tunnelIngrTepCntrsDropPktsMin", "drop-packets-minimum-value", 47246)
prop._addConstant("tunnelIngrTepCntrsDropPktsPer", "drop-packets-periodic", 47245)
prop._addConstant("tunnelIngrTepCntrsDropPktsRate", "drop-packets-rate", 47253)
prop._addConstant("tunnelIngrTepCntrsDropPktsTr", "drop-packets-trend", 47252)
prop._addConstant("tunnelIngrTepCntrsFwdBytesAvg", "forwarded-bytes-average-value", 47269)
prop._addConstant("tunnelIngrTepCntrsFwdBytesCum", "forwarded-bytes-cumulative", 47265)
prop._addConstant("tunnelIngrTepCntrsFwdBytesLast", "forwarded-bytes-current-value", 47263)
prop._addConstant("tunnelIngrTepCntrsFwdBytesMax", "forwarded-bytes-maximum-value", 47268)
prop._addConstant("tunnelIngrTepCntrsFwdBytesMin", "forwarded-bytes-minimum-value", 47267)
prop._addConstant("tunnelIngrTepCntrsFwdBytesPer", "forwarded-bytes-periodic", 47266)
prop._addConstant("tunnelIngrTepCntrsFwdBytesRate", "forwarded-bytes-rate", 47274)
prop._addConstant("tunnelIngrTepCntrsFwdBytesTr", "forwarded-bytes-trend", 47273)
prop._addConstant("tunnelIngrTepCntrsFwdPktsAvg", "forwarded-packets-average-value", 47290)
prop._addConstant("tunnelIngrTepCntrsFwdPktsCum", "forwarded-packets-cumulative", 47286)
prop._addConstant("tunnelIngrTepCntrsFwdPktsLast", "forwarded-packets-current-value", 47284)
prop._addConstant("tunnelIngrTepCntrsFwdPktsMax", "forwarded-packets-maximum-value", 47289)
prop._addConstant("tunnelIngrTepCntrsFwdPktsMin", "forwarded-packets-minimum-value", 47288)
prop._addConstant("tunnelIngrTepCntrsFwdPktsPer", "forwarded-packets-periodic", 47287)
prop._addConstant("tunnelIngrTepCntrsFwdPktsRate", "forwarded-packets-rate", 47295)
prop._addConstant("tunnelIngrTepCntrsFwdPktsTr", "forwarded-packets-trend", 47294)
prop._addConstant("tunnelTunnelFlapCntrsFlapsAvg", "number-of-tunnel-flaps-average-value", 47311)
prop._addConstant("tunnelTunnelFlapCntrsFlapsCum", "number-of-tunnel-flaps-cumulative", 47307)
prop._addConstant("tunnelTunnelFlapCntrsFlapsLast", "number-of-tunnel-flaps-current-value", 47305)
prop._addConstant("tunnelTunnelFlapCntrsFlapsMax", "number-of-tunnel-flaps-maximum-value", 47310)
prop._addConstant("tunnelTunnelFlapCntrsFlapsMin", "number-of-tunnel-flaps-minimum-value", 47309)
prop._addConstant("tunnelTunnelFlapCntrsFlapsPer", "number-of-tunnel-flaps-periodic", 47308)
prop._addConstant("tunnelTunnelFlapCntrsFlapsRate", "number-of-tunnel-flaps-rate", 47316)
prop._addConstant("tunnelTunnelFlapCntrsFlapsTr", "number-of-tunnel-flaps-trend", 47315)
prop._addConstant("unspecified", None, 0)
prop._addConstant("vnsRxPktsRxdropsAvg", "rx-dropped-average-value", 11026)
prop._addConstant("vnsRxPktsRxdropsCum", "rx-dropped-cumulative", 11022)
prop._addConstant("vnsRxPktsRxdropsLast", "rx-dropped-current-value", 11020)
prop._addConstant("vnsRxPktsRxdropsMax", "rx-dropped-maximum-value", 11025)
prop._addConstant("vnsRxPktsRxdropsMin", "rx-dropped-minimum-value", 11024)
prop._addConstant("vnsRxPktsRxdropsPer", "rx-dropped-periodic", 11023)
prop._addConstant("vnsRxPktsRxdropsRate", "rx-dropped-rate", 11031)
prop._addConstant("vnsRxPktsRxdropsTr", "rx-dropped-trend", 11030)
prop._addConstant("vnsRxPktsRxerrorsAvg", "rx-errors-average-value", 11053)
prop._addConstant("vnsRxPktsRxerrorsCum", "rx-errors-cumulative", 11049)
prop._addConstant("vnsRxPktsRxerrorsLast", "rx-errors-current-value", 11047)
prop._addConstant("vnsRxPktsRxerrorsMax", "rx-errors-maximum-value", 11052)
prop._addConstant("vnsRxPktsRxerrorsMin", "rx-errors-minimum-value", 11051)
prop._addConstant("vnsRxPktsRxerrorsPer", "rx-errors-periodic", 11050)
prop._addConstant("vnsRxPktsRxerrorsRate", "rx-errors-rate", 11058)
prop._addConstant("vnsRxPktsRxerrorsTr", "rx-errors-trend", 11057)
prop._addConstant("vnsRxPktsRxpacketsAvg", "rx-average-value", 11080)
prop._addConstant("vnsRxPktsRxpacketsCum", "rx-cumulative", 11076)
prop._addConstant("vnsRxPktsRxpacketsLast", "rx-current-value", 11074)
prop._addConstant("vnsRxPktsRxpacketsMax", "rx-maximum-value", 11079)
prop._addConstant("vnsRxPktsRxpacketsMin", "rx-minimum-value", 11078)
prop._addConstant("vnsRxPktsRxpacketsPer", "rx-periodic", 11077)
prop._addConstant("vnsRxPktsRxpacketsRate", "rx-rate", 11085)
prop._addConstant("vnsRxPktsRxpacketsTr", "rx-trend", 11084)
prop._addConstant("vnsTxPktsTxdropsAvg", "tx-dropped-average-value", 11107)
prop._addConstant("vnsTxPktsTxdropsCum", "tx-dropped-cumulative", 11103)
prop._addConstant("vnsTxPktsTxdropsLast", "tx-dropped-current-value", 11101)
prop._addConstant("vnsTxPktsTxdropsMax", "tx-dropped-maximum-value", 11106)
prop._addConstant("vnsTxPktsTxdropsMin", "tx-dropped-minimum-value", 11105)
prop._addConstant("vnsTxPktsTxdropsPer", "tx-dropped-periodic", 11104)
prop._addConstant("vnsTxPktsTxdropsRate", "tx-dropped-rate", 11112)
prop._addConstant("vnsTxPktsTxdropsTr", "tx-dropped-trend", 11111)
prop._addConstant("vnsTxPktsTxerrorsAvg", "tx-errors-average-value", 11134)
prop._addConstant("vnsTxPktsTxerrorsCum", "tx-errors-cumulative", 11130)
prop._addConstant("vnsTxPktsTxerrorsLast", "tx-errors-current-value", 11128)
prop._addConstant("vnsTxPktsTxerrorsMax", "tx-errors-maximum-value", 11133)
prop._addConstant("vnsTxPktsTxerrorsMin", "tx-errors-minimum-value", 11132)
prop._addConstant("vnsTxPktsTxerrorsPer", "tx-errors-periodic", 11131)
prop._addConstant("vnsTxPktsTxerrorsRate", "tx-errors-rate", 11139)
prop._addConstant("vnsTxPktsTxerrorsTr", "tx-errors-trend", 11138)
prop._addConstant("vnsTxPktsTxpacketsAvg", "tx-average-value", 11161)
prop._addConstant("vnsTxPktsTxpacketsCum", "tx-cumulative", 11157)
prop._addConstant("vnsTxPktsTxpacketsLast", "tx-current-value", 11155)
prop._addConstant("vnsTxPktsTxpacketsMax", "tx-maximum-value", 11160)
prop._addConstant("vnsTxPktsTxpacketsMin", "tx-minimum-value", 11159)
prop._addConstant("vnsTxPktsTxpacketsPer", "tx-periodic", 11158)
prop._addConstant("vnsTxPktsTxpacketsRate", "tx-rate", 11166)
prop._addConstant("vnsTxPktsTxpacketsTr", "tx-trend", 11165)
meta.props.add("propId", prop)
prop = PropMeta("str", "rn", "rn", 2, PropCategory.RN)
prop.label = "None"
prop.isRn = True
prop.isImplicit = True
prop.isAdmin = True
prop.isCreateOnly = True
meta.props.add("rn", prop)
prop = PropMeta("str", "status", "status", 3, PropCategory.STATUS)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
prop._addConstant("created", "created", 2)
prop._addConstant("deleted", "deleted", 8)
prop._addConstant("modified", "modified", 4)
meta.props.add("status", prop)
prop = PropMeta("str", "uid", "uid", 8, PropCategory.REGULAR)
prop.label = "None"
prop.isImplicit = True
prop.isAdmin = True
meta.props.add("uid", prop)
prop = PropMeta("str", "warnHighReset", "warnHighReset", 5267, PropCategory.REGULAR)
prop.label = "Warn high crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("warnHighReset", prop)
prop = PropMeta("str", "warnHighSet", "warnHighSet", 5266, PropCategory.REGULAR)
prop.label = "Warn high crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("warnHighSet", prop)
prop = PropMeta("str", "warnLowReset", "warnLowReset", 5277, PropCategory.REGULAR)
prop.label = "Warn low crossing threshold demotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("warnLowReset", prop)
prop = PropMeta("str", "warnLowSet", "warnLowSet", 5276, PropCategory.REGULAR)
prop.label = "Warn low crossing threshold promotion value"
prop.isConfig = True
prop.isAdmin = True
meta.props.add("warnLowSet", prop)
meta.namingProps.append(getattr(meta.props, "propId"))
# Deployment Meta
meta.deploymentQuery = True
meta.deploymentType = "Ancestor"
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToHcloudIgw", "Tenant to IGW", "cobra.model.hcloud.SecurityGroup"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToHcloudSecurityGroup", "Tenant to Security Group", "cobra.model.hcloud.SecurityGroup"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToVzCPIf", "Tenant to vzCPIf", "cobra.model.vz.CPIf"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToVzFilter", "From fvTenant to vzFilter", "cobra.model.vz.Filter"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToVnsAbsGraph", "From fvTenant to vnsAbsGraph", "cobra.model.vns.AbsGraph"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToCloudLB", "From fvTenant to cloudLB", "cobra.model.cloud.LB"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToCloudZone", "From fvTenant to cloudZone", "cobra.model.cloud.Zone"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToCloudCtxProfile", "Tenant to cloudCtxProfile", "cobra.model.cloud.CtxProfile"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToVzBrCP", "Tenant to vzBrCP", "cobra.model.vz.BrCP"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToHcloudCsr", "Tenant to hcloudCsr", "cobra.model.hcloud.Csr"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToCloudExtEPg", "fv:Tenant to cloud:ExtEPg", "cobra.model.cloud.ExtEPg"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToCloudRegion", "From fvTenant to cloudRegion", "cobra.model.cloud.Region"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToHcloudRegion", "Tenant to hcloudRegion", "cobra.model.hcloud.Region"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("FvTenantToFvCtx", "fvTenant to fvCtx", "cobra.model.fv.Ctx"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToHcloudCtx", "Tenant to Hcloud context", "cobra.model.hcloud.Ctx"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToHCloudEndPoint", "Tenant to hcloudEndPoint", "cobra.model.hcloud.EndPoint"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToCloudApp", "Tenant to Application profile", "cobra.model.cloud.App"))
meta.deploymentQueryPaths.append(DeploymentPathMeta("TenantToCloudEPg", "Tenant to cloud EPg", "cobra.model.cloud.EPg"))
def __init__(self, parentMoOrDn, propId, markDirty=True, **creationProps):
namingVals = [propId]
Mo.__init__(self, parentMoOrDn, markDirty, *namingVals, **creationProps)
# End of package file
# ##################################################
| [
"[email protected]"
] | |
79b927b95495699ba8dc4d1bff9f40aa07c409fd | d3efc82dfa61fb82e47c82d52c838b38b076084c | /Autocase_Result/MEDIUM/YW_ZXBMM_SZSJ_012.py | ce70e6c97112eccb70762569eb0a2745ca8a1ae9 | [] | no_license | nantongzyg/xtp_test | 58ce9f328f62a3ea5904e6ed907a169ef2df9258 | ca9ab5cee03d7a2f457a95fb0f4762013caa5f9f | refs/heads/master | 2022-11-30T08:57:45.345460 | 2020-07-30T01:43:30 | 2020-07-30T01:43:30 | 280,388,441 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,989 | py | #!/usr/bin/python
# -*- encoding: utf-8 -*-
import sys
sys.path.append("/home/yhl2/workspace/xtp_test/xtp/api")
from xtp_test_case import *
sys.path.append("/home/yhl2/workspace/xtp_test/service")
from ServiceConfig import *
from mainService import *
from QueryStkPriceQty import *
from log import *
sys.path.append("/home/yhl2/workspace/xtp_test/mysql")
from CaseParmInsertMysql import *
sys.path.append("/home/yhl2/workspace/xtp_test/utils")
from QueryOrderErrorMsg import queryOrderErrorMsg
class YW_ZXBMM_SZSJ_012(xtp_test_case):
# YW_ZXBMM_SZSJ_012
def test_YW_ZXBMM_SZSJ_012(self):
title = '即成剩撤买-全部撤单'
# 定义当前测试用例的期待值
# 期望状态:初始、未成交、部成、全成、部撤已报、部撤、已报待撤、已撤、废单、撤废、内部撤单
# xtp_ID和cancel_xtpID默认为0,不需要变动
case_goal = {
'期望状态': '已撤',
'errorID': 0,
'errorMSG': '',
'是否生成报单': '是',
'是否是撤废': '否',
'xtp_ID': 0,
'cancel_xtpID': 0,
}
logger.warning(title)
# 定义委托参数信息------------------------------------------
# 参数:证券代码、市场、证券类型、证券状态、交易状态、买卖方向(B买S卖)、期望状态、Api
stkparm = QueryStkPriceQty('999999', '2', '1', '2', '0', 'B', case_goal['期望状态'], Api)
# 如果下单参数获取失败,则用例失败
if stkparm['返回结果'] is False:
rs = {
'用例测试结果': stkparm['返回结果'],
'测试错误原因': '获取下单参数失败,' + stkparm['错误原因'],
}
self.assertEqual(rs['用例测试结果'], True)
else:
wt_reqs = {
'business_type': Api.const.XTP_BUSINESS_TYPE['XTP_BUSINESS_TYPE_CASH'],
'order_client_id':1,
'market': Api.const.XTP_MARKET_TYPE['XTP_MKT_SZ_A'],
'ticker': stkparm['证券代码'],
'side': Api.const.XTP_SIDE_TYPE['XTP_SIDE_BUY'],
'price_type': Api.const.XTP_PRICE_TYPE['XTP_PRICE_BEST_OR_CANCEL'],
'price': stkparm['涨停价'],
'quantity': 200,
'position_effect': Api.const.XTP_POSITION_EFFECT_TYPE['XTP_POSITION_EFFECT_INIT']
}
ParmIni(Api, case_goal['期望状态'], wt_reqs['price_type'])
CaseParmInsertMysql(case_goal, wt_reqs)
rs = serviceTest(Api, case_goal, wt_reqs)
logger.warning('执行结果为' + str(rs['用例测试结果']) + ','
+ str(rs['用例错误源']) + ',' + str(rs['用例错误原因']))
self.assertEqual(rs['用例测试结果'], True) # 0
if __name__ == '__main__':
unittest.main()
| [
"[email protected]"
] | |
d9d37f9d5d2603f6f647bd4341fe718596835992 | 1531bda75d8d76ed04bf57c6777ad33635eacbc0 | /frame_2D_alg/utils.py | 742f023bf01c07fe0bb033aaf406a7e99ded4aab | [
"MIT"
] | permissive | appcypher/CogAlg | bc3069a89fde9fc5c19db026583a7253aa0db058 | 677b7d303fcad90c0f38c7ab174ca10ff40ef541 | refs/heads/master | 2022-11-18T23:39:20.077403 | 2020-07-12T00:47:38 | 2020-07-12T00:47:38 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 8,234 | py | from itertools import (repeat, accumulate, chain, starmap, tee)
import numbers
import numpy as np
import numpy.ma as ma
from imageio import imsave
import cv2
# ----------------------------------------------------------------------------
# Constants
# colors
WHITE = 255
GREY = 128
BLACK = 0
transparent_val = 128 # Pixel at this value are considered transparent
SIGN_MAPS = {
'binary': {
False: BLACK,
True: WHITE,
},
'ternary': {
0: WHITE,
1: BLACK,
2: GREY
},
}
# ----------------------------------------------------------------------------
# General purpose functions
def is_close(x1, x2):
'''Recursively check equality of two objects containing floats.'''
# Numeric
if isinstance(x1, numbers.Number) and isinstance(x2, numbers.Number):
return np.isclose(x1, x2)
elif isinstance(x1, np.ndarray) and isinstance(x2, np.ndarray):
try:
return np.allclose(x1, x2)
except ValueError as error_message:
print(f'\nWarning: Error encountered for:\n{x1}\nand\n{x2}')
print(f'Error: {error_message}')
return False
elif isinstance(x1, str) and isinstance(x2, str):
return x1 == x2
else:
# Iterables
try:
if len(x1) != len(x2): # will raise an error if not iterable
return False
for e1, e2 in zip(x1, x2):
if not is_close(e1, e2):
return False
return True
# Other types
except TypeError:
return x1 == x2
def bipolar(iterable):
"[0, 1, 2, 3] -> [(0, 3), (1, 2), (2, 1), (3, 0)]"
it1, it2 = tee(iterable)
return zip(it1,
map(lambda x: None if x is None else -x,
reversed(list(it2))))
def pairwise(iterable):
"s -> (s0,s1), (s1,s2), (s2, s3), ..."
a, b = tee(iterable)
next(b, None)
return zip(a, b)
def flatten(listOfLists):
"Flatten one level of nesting"
return chain.from_iterable(listOfLists)
def array2image(a):
"Rescale array values' range to 0-255."
amin = a.min()
return (255.99 * (a - amin) / (a.max() - amin)).astype('uint8')
def imread(filename, raise_if_not_read=True):
"Read an image in grayscale, return array."
try:
return cv2.imread(filename, 0).astype(int)
except AttributeError:
if raise_if_not_read:
raise SystemError('image is not read')
else:
print('Warning: image is not read')
return None
def imwrite(filename, img):
"Write image with cv2.imwrite."
cv2.imwrite(filename, img)
# ----------------------------------------------------------------------------
# Blob slicing
def slice_to_box(slice):
"""
Convert slice object to tuple of bounding box.
Parameters
----------
slice : tuple
A tuple containing slice(start, stop, step) objects.
Return
------
box : tuple
A tuple containing 4 integers representing a bounding box.
"""
box = (slice[0].start, slice[0].stop,
slice[1].start, slice[1].stop)
return box
def localize(box, global_box):
'''
Compute local coordinates for given bounding box.
Used for overwriting map of parent structure with
maps of sub-structure, or other similar purposes.
Parameters
----------
box : tuple
Bounding box need to be localized.
global_box : tuple
Reference to which box is localized.
Return
------
out : tuple
Box localized with localized coordinates.
'''
y0s, yns, x0s, xns = box
y0, yn, x0, xn = global_box
return y0s - y0, yns - y0, x0s - x0, xns - x0
def shrink(shape, x, axes=(0, 1)):
'''Return shape tuple that is shrunken by x units.'''
return tuple(X - x if axis in axes else X for axis, X in enumerate(shape))
# ----------------------------------------------------------------------------
# Blob drawing
def map_sub_blobs(blob, traverse_path=[]): # currently a draft
'''
Given a blob and a traversing path, map image of all sub-blobs
of a specific branch belonging to that blob into a numpy array.
Currently under development.
Parameters
----------
blob : Blob
Contain all mapped sub-blobs.
traverse_path : list
Determine the derivation sequence of target sub-blobs.
Return
------
out : ndarray
2D array of image's pixel.
'''
image = blank_image(blob.box)
return image # return filled image
def map_frame_binary(frame, *args, **kwargs):
'''
Map partitioned blobs into a 2D array.
Parameters
----------
frame : dict
Contains blobs that need to be mapped.
raw : bool
Draw raw values instead of boolean.
Return
------
out : ndarray
2D array of image's pixel.
'''
height, width = frame['dert__'].shape[1:]
box = (0, height, 0, width)
image = blank_image(box)
for i, blob in enumerate(frame['blob__']):
blob_map = draw_blob(blob, *args, **kwargs)
over_draw(image, blob_map, blob['box'], box)
return image
def map_frame(frame, *args, **kwargs):
'''
Map partitioned blobs into a 2D array.
Parameters
----------
frame : dict
Contains blobs that need to be mapped.
raw : bool
Draw raw values instead of boolean.
Return
------
out : ndarray
2D array of image's pixel.
'''
height, width = frame['gdert__'].shape[1:]
box = (0, height, 0, width)
image = blank_image(box)
for i, blob in enumerate(frame['blob__']):
blob_map = draw_blob(blob, *args, **kwargs)
over_draw(image, blob_map, blob['box'], box)
return image
def draw_blob(blob, *args, **kwargs):
'''Map a single blob into an image.'''
blob_img = blank_image(blob['box'])
for stack in blob['stack_']:
sub_box = stack_box(stack)
stack_map = draw_stack(stack, sub_box, blob['sign'],
*args, **kwargs)
over_draw(blob_img, stack_map, sub_box, blob['box'])
return blob_img
def draw_stack(stack, box, sign,
sign_map='binary'):
'''Map a single stack of a blob into an image.'''
if isinstance(sign_map, str) and sign_map in SIGN_MAPS:
sign_map = SIGN_MAPS[sign_map]
stack_img = blank_image(box)
y0, yn, x0, xn = box
for y, P in enumerate(stack['Py_'], start= stack['y0'] - y0):
for x, dert in enumerate(P['dert__'], start=P['x0']-x0):
if sign_map is None:
stack_img[y, x] = dert[0]
else:
stack_img[y, x] = sign_map[sign]
return stack_img
def stack_box(stack):
y0s = stack['y0'] # y0
yns = y0s + stack['Ly'] # Ly
x0s = min([P['x0'] for P in stack['Py_']])
xns = max([P['x0'] + P['L'] for P in stack['Py_']])
return y0s, yns, x0s, xns
def debug_stack(background_shape, *stacks):
image = blank_image(background_shape)
for stack in stacks:
sb = stack_box(stack)
over_draw(image,
draw_stack(stack, sb, stack['sign']),
sb)
return image
def debug_blob(background_shape, *blobs):
image = blank_image(background_shape)
for blob in blobs:
over_draw(image,
draw_blob(blob),
blob['box'])
return image
def over_draw(map, sub_map, sub_box, box=None, tv=transparent_val):
'''Over-write map of sub-structure onto map of parent-structure.'''
if box is None:
y0, yn, x0, xn = sub_box
else:
y0, yn, x0, xn = localize(sub_box, box)
map[y0:yn, x0:xn][sub_map != tv] = sub_map[sub_map != tv]
return map
def blank_image(shape):
'''Create an empty numpy array of desired shape.'''
if len(shape) == 2:
height, width = shape
else:
y0, yn, x0, xn = shape
height = yn - y0
width = xn - x0
return np.full((height, width), transparent_val)
# ---------------------------------------------------------------------
# ---------------------------------------------------------------------------- | [
"[email protected]"
] | |
ad71f9cf6ae76ff247eb8a8a293f4d39d412282b | 1ab7b3f2aa63de8488ce7c466a67d367771aa1f2 | /Ricardo_OS/Python_backend/venv/lib/python3.8/site-packages/pandas/_typing.py | 76ec527e6e25860f431eb6ed7e957b4dbc03bb82 | [
"MIT"
] | permissive | icl-rocketry/Avionics | 9d39aeb11aba11115826fd73357b415026a7adad | 95b7a061eabd6f2b607fba79e007186030f02720 | refs/heads/master | 2022-07-30T07:54:10.642930 | 2022-07-10T12:19:10 | 2022-07-10T12:19:10 | 216,184,670 | 9 | 1 | MIT | 2022-06-27T10:17:06 | 2019-10-19T09:57:07 | C++ | UTF-8 | Python | false | false | 3,745 | py | from datetime import datetime, timedelta, tzinfo
from pathlib import Path
from typing import (
IO,
TYPE_CHECKING,
Any,
AnyStr,
Callable,
Collection,
Dict,
Hashable,
List,
Mapping,
Optional,
Type,
TypeVar,
Union,
)
import numpy as np
# To prevent import cycles place any internal imports in the branch below
# and use a string literal forward reference to it in subsequent types
# https://mypy.readthedocs.io/en/latest/common_issues.html#import-cycles
if TYPE_CHECKING:
from pandas._libs import Period, Timedelta, Timestamp # noqa: F401
from pandas.core.dtypes.dtypes import ExtensionDtype # noqa: F401
from pandas import Interval # noqa: F401
from pandas.core.arrays.base import ExtensionArray # noqa: F401
from pandas.core.frame import DataFrame # noqa: F401
from pandas.core.generic import NDFrame # noqa: F401
from pandas.core.indexes.base import Index # noqa: F401
from pandas.core.series import Series # noqa: F401
# array-like
AnyArrayLike = TypeVar("AnyArrayLike", "ExtensionArray", "Index", "Series", np.ndarray)
ArrayLike = TypeVar("ArrayLike", "ExtensionArray", np.ndarray)
# scalars
PythonScalar = Union[str, int, float, bool]
DatetimeLikeScalar = TypeVar("DatetimeLikeScalar", "Period", "Timestamp", "Timedelta")
PandasScalar = Union["Period", "Timestamp", "Timedelta", "Interval"]
Scalar = Union[PythonScalar, PandasScalar]
# timestamp and timedelta convertible types
TimestampConvertibleTypes = Union[
"Timestamp", datetime, np.datetime64, int, np.int64, float, str
]
TimedeltaConvertibleTypes = Union[
"Timedelta", timedelta, np.timedelta64, int, np.int64, float, str
]
Timezone = Union[str, tzinfo]
# other
Dtype = Union[
"ExtensionDtype", str, np.dtype, Type[Union[str, float, int, complex, bool]]
]
DtypeObj = Union[np.dtype, "ExtensionDtype"]
FilePathOrBuffer = Union[str, Path, IO[AnyStr]]
# FrameOrSeriesUnion means either a DataFrame or a Series. E.g.
# `def func(a: FrameOrSeriesUnion) -> FrameOrSeriesUnion: ...` means that if a Series
# is passed in, either a Series or DataFrame is returned, and if a DataFrame is passed
# in, either a DataFrame or a Series is returned.
FrameOrSeriesUnion = Union["DataFrame", "Series"]
# FrameOrSeries is stricter and ensures that the same subclass of NDFrame always is
# used. E.g. `def func(a: FrameOrSeries) -> FrameOrSeries: ...` means that if a
# Series is passed into a function, a Series is always returned and if a DataFrame is
# passed in, a DataFrame is always returned.
FrameOrSeries = TypeVar("FrameOrSeries", bound="NDFrame")
Axis = Union[str, int]
Label = Optional[Hashable]
Level = Union[Label, int]
Ordered = Optional[bool]
JSONSerializable = Optional[Union[PythonScalar, List, Dict]]
Axes = Collection
# For functions like rename that convert one label to another
Renamer = Union[Mapping[Label, Any], Callable[[Label], Label]]
# to maintain type information across generic functions and parametrization
T = TypeVar("T")
# used in decorators to preserve the signature of the function it decorates
# see https://mypy.readthedocs.io/en/stable/generics.html#declaring-decorators
FuncType = Callable[..., Any]
F = TypeVar("F", bound=FuncType)
# types of vectorized key functions for DataFrame::sort_values and
# DataFrame::sort_index, among others
ValueKeyFunc = Optional[Callable[["Series"], Union["Series", AnyArrayLike]]]
IndexKeyFunc = Optional[Callable[["Index"], Union["Index", AnyArrayLike]]]
# types of `func` kwarg for DataFrame.aggregate and Series.aggregate
AggFuncTypeBase = Union[Callable, str]
AggFuncType = Union[
AggFuncTypeBase,
List[AggFuncTypeBase],
Dict[Label, Union[AggFuncTypeBase, List[AggFuncTypeBase]]],
]
| [
"[email protected]"
] | |
dedacf97bbdde5160b5c74394db9eb800467f7be | 149df8df6e353772c355d3af8d4cb3d5288ed91a | /udacity-car/lib/python2.7/site-packages/tensorboard/backend/application.py | 1bd836fd4029237ac26cee36f51ae17dc4e90701 | [
"MIT"
] | permissive | 808brick/CarND-Capstone | 1ed352cc870809a4d38177b1c10367ec3525a9f3 | f9e536b4a9d96322d7e971073602c8969dbd9369 | refs/heads/master | 2023-04-06T18:00:35.007293 | 2020-04-11T19:46:43 | 2020-04-11T19:46:43 | 246,792,275 | 0 | 0 | MIT | 2023-03-24T23:58:10 | 2020-03-12T09:20:10 | Python | UTF-8 | Python | false | false | 15,269 | py | # Copyright 2017 The TensorFlow Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# ==============================================================================
"""TensorBoard WSGI Application Logic.
TensorBoardApplication constructs TensorBoard as a WSGI application.
It handles serving static assets, and implements TensorBoard data APIs.
"""
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import contextlib
import json
import os
import re
import sqlite3
import threading
import time
import six
from six.moves.urllib import parse as urlparse
import tensorflow as tf
from werkzeug import wrappers
from tensorboard import db
from tensorboard.backend import http_util
from tensorboard.backend.event_processing import plugin_event_accumulator as event_accumulator # pylint: disable=line-too-long
from tensorboard.backend.event_processing import plugin_event_multiplexer as event_multiplexer # pylint: disable=line-too-long
from tensorboard.plugins import base_plugin
from tensorboard.plugins.audio import metadata as audio_metadata
from tensorboard.plugins.core import core_plugin
from tensorboard.plugins.histogram import metadata as histogram_metadata
from tensorboard.plugins.image import metadata as image_metadata
from tensorboard.plugins.scalar import metadata as scalar_metadata
DEFAULT_SIZE_GUIDANCE = {
event_accumulator.TENSORS: 10,
}
# TODO(@wchargin): Once SQL mode is in play, replace this with an
# alternative that does not privilege first-party plugins.
DEFAULT_TENSOR_SIZE_GUIDANCE = {
scalar_metadata.PLUGIN_NAME: 1000,
image_metadata.PLUGIN_NAME: 10,
audio_metadata.PLUGIN_NAME: 10,
histogram_metadata.PLUGIN_NAME: 500,
}
DATA_PREFIX = '/data'
PLUGIN_PREFIX = '/plugin'
PLUGINS_LISTING_ROUTE = '/plugins_listing'
# Slashes in a plugin name could throw the router for a loop. An empty
# name would be confusing, too. To be safe, let's restrict the valid
# names as follows.
_VALID_PLUGIN_RE = re.compile(r'^[A-Za-z0-9_.-]+$')
def standard_tensorboard_wsgi(
logdir,
purge_orphaned_data,
reload_interval,
plugins,
db_uri="",
assets_zip_provider=None):
"""Construct a TensorBoardWSGIApp with standard plugins and multiplexer.
Args:
logdir: The path to the directory containing events files.
purge_orphaned_data: Whether to purge orphaned data.
reload_interval: The interval at which the backend reloads more data in
seconds.
plugins: A list of constructor functions for TBPlugin subclasses.
db_uri: A String containing the URI of the SQL database for persisting
data, or empty for memory-only mode.
assets_zip_provider: Delegates to TBContext or uses default if None.
Returns:
The new TensorBoard WSGI application.
"""
multiplexer = event_multiplexer.EventMultiplexer(
size_guidance=DEFAULT_SIZE_GUIDANCE,
tensor_size_guidance=DEFAULT_TENSOR_SIZE_GUIDANCE,
purge_orphaned_data=purge_orphaned_data)
db_module, db_connection_provider = get_database_info(db_uri)
if db_connection_provider is not None:
with contextlib.closing(db_connection_provider()) as db_conn:
schema = db.Schema(db_conn)
schema.create_tables()
schema.create_indexes()
context = base_plugin.TBContext(
db_module=db_module,
db_connection_provider=db_connection_provider,
logdir=logdir,
multiplexer=multiplexer,
assets_zip_provider=(assets_zip_provider or
get_default_assets_zip_provider()))
plugins = [constructor(context) for constructor in plugins]
return TensorBoardWSGIApp(logdir, plugins, multiplexer, reload_interval)
def TensorBoardWSGIApp(logdir, plugins, multiplexer, reload_interval):
"""Constructs the TensorBoard application.
Args:
logdir: the logdir spec that describes where data will be loaded.
may be a directory, or comma,separated list of directories, or colons
can be used to provide named directories
plugins: A list of base_plugin.TBPlugin subclass instances.
multiplexer: The EventMultiplexer with TensorBoard data to serve
reload_interval: How often (in seconds) to reload the Multiplexer
Returns:
A WSGI application that implements the TensorBoard backend.
Raises:
ValueError: If something is wrong with the plugin configuration.
"""
path_to_run = parse_event_files_spec(logdir)
if reload_interval:
start_reloading_multiplexer(multiplexer, path_to_run, reload_interval)
else:
reload_multiplexer(multiplexer, path_to_run)
return TensorBoardWSGI(plugins)
class TensorBoardWSGI(object):
"""The TensorBoard WSGI app that delegates to a set of TBPlugin."""
def __init__(self, plugins):
"""Constructs TensorBoardWSGI instance.
Args:
plugins: A list of base_plugin.TBPlugin subclass instances.
Returns:
A WSGI application for the set of all TBPlugin instances.
Raises:
ValueError: If some plugin has no plugin_name
ValueError: If some plugin has an invalid plugin_name (plugin
names must only contain [A-Za-z0-9_.-])
ValueError: If two plugins have the same plugin_name
ValueError: If some plugin handles a route that does not start
with a slash
"""
self._plugins = plugins
self.data_applications = {
# TODO(@chihuahua): Delete this RPC once we have skylark rules that
# obviate the need for the frontend to determine which plugins are
# active.
DATA_PREFIX + PLUGINS_LISTING_ROUTE: self._serve_plugins_listing,
}
# Serve the routes from the registered plugins using their name as the route
# prefix. For example if plugin z has two routes /a and /b, they will be
# served as /data/plugin/z/a and /data/plugin/z/b.
plugin_names_encountered = set()
for plugin in self._plugins:
if plugin.plugin_name is None:
raise ValueError('Plugin %s has no plugin_name' % plugin)
if not _VALID_PLUGIN_RE.match(plugin.plugin_name):
raise ValueError('Plugin %s has invalid name %r' % (plugin,
plugin.plugin_name))
if plugin.plugin_name in plugin_names_encountered:
raise ValueError('Duplicate plugins for name %s' % plugin.plugin_name)
plugin_names_encountered.add(plugin.plugin_name)
try:
plugin_apps = plugin.get_plugin_apps()
except Exception as e: # pylint: disable=broad-except
if type(plugin) is core_plugin.CorePlugin: # pylint: disable=unidiomatic-typecheck
raise
tf.logging.warning('Plugin %s failed. Exception: %s',
plugin.plugin_name, str(e))
continue
for route, app in plugin_apps.items():
if not route.startswith('/'):
raise ValueError('Plugin named %r handles invalid route %r: '
'route does not start with a slash' %
(plugin.plugin_name, route))
if type(plugin) is core_plugin.CorePlugin: # pylint: disable=unidiomatic-typecheck
path = route
else:
path = DATA_PREFIX + PLUGIN_PREFIX + '/' + plugin.plugin_name + route
self.data_applications[path] = app
@wrappers.Request.application
def _serve_plugins_listing(self, request):
"""Serves an object mapping plugin name to whether it is enabled.
Args:
request: The werkzeug.Request object.
Returns:
A werkzeug.Response object.
"""
return http_util.Respond(
request,
{plugin.plugin_name: plugin.is_active() for plugin in self._plugins},
'application/json')
def __call__(self, environ, start_response): # pylint: disable=invalid-name
"""Central entry point for the TensorBoard application.
This method handles routing to sub-applications. It does simple routing
using regular expression matching.
This __call__ method conforms to the WSGI spec, so that instances of this
class are WSGI applications.
Args:
environ: See WSGI spec.
start_response: See WSGI spec.
Returns:
A werkzeug Response.
"""
request = wrappers.Request(environ)
parsed_url = urlparse.urlparse(request.path)
clean_path = _clean_path(parsed_url.path)
# pylint: disable=too-many-function-args
if clean_path in self.data_applications:
return self.data_applications[clean_path](environ, start_response)
else:
tf.logging.warning('path %s not found, sending 404', clean_path)
return http_util.Respond(request, 'Not found', 'text/plain', code=404)(
environ, start_response)
# pylint: enable=too-many-function-args
def parse_event_files_spec(logdir):
"""Parses `logdir` into a map from paths to run group names.
The events files flag format is a comma-separated list of path specifications.
A path specification either looks like 'group_name:/path/to/directory' or
'/path/to/directory'; in the latter case, the group is unnamed. Group names
cannot start with a forward slash: /foo:bar/baz will be interpreted as a
spec with no name and path '/foo:bar/baz'.
Globs are not supported.
Args:
logdir: A comma-separated list of run specifications.
Returns:
A dict mapping directory paths to names like {'/path/to/directory': 'name'}.
Groups without an explicit name are named after their path. If logdir is
None, returns an empty dict, which is helpful for testing things that don't
require any valid runs.
"""
files = {}
if logdir is None:
return files
# Make sure keeping consistent with ParseURI in core/lib/io/path.cc
uri_pattern = re.compile('[a-zA-Z][0-9a-zA-Z.]*://.*')
for specification in logdir.split(','):
# Check if the spec contains group. A spec start with xyz:// is regarded as
# URI path spec instead of group spec. If the spec looks like /foo:bar/baz,
# then we assume it's a path with a colon.
if (uri_pattern.match(specification) is None and ':' in specification and
specification[0] != '/'):
# We split at most once so run_name:/path:with/a/colon will work.
run_name, _, path = specification.partition(':')
else:
run_name = None
path = specification
if uri_pattern.match(path) is None:
path = os.path.realpath(path)
files[path] = run_name
return files
def reload_multiplexer(multiplexer, path_to_run):
"""Loads all runs into the multiplexer.
Args:
multiplexer: The `EventMultiplexer` to add runs to and reload.
path_to_run: A dict mapping from paths to run names, where `None` as the run
name is interpreted as a run name equal to the path.
"""
start = time.time()
tf.logging.info('TensorBoard reload process beginning')
for (path, name) in six.iteritems(path_to_run):
multiplexer.AddRunsFromDirectory(path, name)
tf.logging.info('TensorBoard reload process: Reload the whole Multiplexer')
multiplexer.Reload()
duration = time.time() - start
tf.logging.info('TensorBoard done reloading. Load took %0.3f secs', duration)
def start_reloading_multiplexer(multiplexer, path_to_run, load_interval):
"""Starts a thread to automatically reload the given multiplexer.
The thread will reload the multiplexer by calling `ReloadMultiplexer` every
`load_interval` seconds, starting immediately.
Args:
multiplexer: The `EventMultiplexer` to add runs to and reload.
path_to_run: A dict mapping from paths to run names, where `None` as the run
name is interpreted as a run name equal to the path.
load_interval: How many seconds to wait after one load before starting the
next load.
Returns:
A started `threading.Thread` that reloads the multiplexer.
"""
# We don't call multiplexer.Reload() here because that would make
# AddRunsFromDirectory block until the runs have all loaded.
def _reload_forever():
while True:
reload_multiplexer(multiplexer, path_to_run)
time.sleep(load_interval)
thread = threading.Thread(target=_reload_forever, name='Reloader')
thread.daemon = True
thread.start()
return thread
def get_default_assets_zip_provider():
"""Opens stock TensorBoard web assets collection.
Returns:
Returns function that returns a newly opened file handle to zip file
containing static assets for stock TensorBoard, or None if webfiles.zip
could not be found. The value the callback returns must be closed. The
paths inside the zip file are considered absolute paths on the web server.
"""
path = os.path.join(
tf.resource_loader.get_data_files_path(), os.pardir, 'webfiles.zip')
if not os.path.exists(path):
tf.logging.warning('webfiles.zip static assets not found: %s', path)
return None
return lambda: open(path, 'rb')
def get_database_info(db_uri):
"""Returns TBContext fields relating to SQL database.
Args:
db_uri: A string URI expressing the DB file, e.g. "sqlite:~/tb.db".
Returns:
A tuple with the db_module and db_connection_provider TBContext fields. If
db_uri was empty, then (None, None) is returned.
Raises:
ValueError: If db_uri scheme is not supported.
"""
if not db_uri:
return None, None
scheme = urlparse.urlparse(db_uri).scheme
if scheme == 'sqlite':
return sqlite3, create_sqlite_connection_provider(db_uri)
else:
raise ValueError('Only sqlite DB URIs are supported now: ' + db_uri)
def create_sqlite_connection_provider(db_uri):
"""Returns function that returns SQLite Connection objects.
Args:
db_uri: A string URI expressing the DB file, e.g. "sqlite:~/tb.db".
Returns:
A function that returns a new PEP-249 DB Connection, which must be closed,
each time it is called.
Raises:
ValueError: If db_uri is not a valid sqlite file URI.
"""
uri = urlparse.urlparse(db_uri)
if uri.scheme != 'sqlite':
raise ValueError('Scheme is not sqlite: ' + db_uri)
if uri.netloc:
raise ValueError('Can not connect to SQLite over network: ' + db_uri)
if uri.path == ':memory:':
raise ValueError('Memory mode SQLite not supported: ' + db_uri)
path = os.path.expanduser(uri.path)
params = _get_connect_params(uri.query)
# TODO(@jart): Add thread-local pooling.
return lambda: db.Connection(sqlite3.connect(path, **params))
def _get_connect_params(query):
params = urlparse.parse_qs(query)
if any(len(v) > 2 for v in params.values()):
raise ValueError('DB URI params list has duplicate keys: ' + query)
return {k: json.loads(v[0]) for k, v in params.items()}
def _clean_path(path):
"""Removes trailing slash if present, unless it's the root path."""
if len(path) > 1 and path.endswith('/'):
return path[:-1]
return path
| [
"[email protected]"
] | |
bc8800c6f423e9df118501a63a0d8b949886996c | 596c9d7d769e879ba0a696c3087064b19ec1db3b | /brazdil_line/algs/__init__.py | c279176f4b9a7766f5b437ad23b666235b46d443 | [] | no_license | FelSiq/meta-reinforcement-learning | 57b9e6ad8940fffea6c1bc09ff647cddde4926a0 | 268b7684e53db4a2c618dcefa651d62d665b24be | refs/heads/master | 2023-03-02T04:48:28.318974 | 2021-02-12T01:56:47 | 2021-02-12T01:56:47 | 305,476,274 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 68 | py | import os
try:
os.mkdir("./models")
except OSError:
pass
| [
"[email protected]"
] | |
915f750c2d95faa2dda3d6014a9953a3ca6040ca | 29cbf374b3c08e17c559b1870370d6db01369bc2 | /PyCrowlingo/ApiModels/SearchEngine/Responses.py | 0c43c592cf733a4bc49aa6890ac10275db7fbaa0 | [] | no_license | Crowlingo/PyCrowlingo | f12900dd44da1f04a5d55b064a56fdd5f5918bb6 | 8cd134f8527ae2eebefaaa8c42eb2d79751b26b3 | refs/heads/master | 2023-07-04T08:26:06.176478 | 2021-08-11T17:27:55 | 2021-08-11T17:27:55 | 266,834,155 | 5 | 1 | null | null | null | null | UTF-8 | Python | false | false | 376 | py | from .Examples import Responses as Examples
from ..Attributes import LangSearchResult, DocumentsId
class Search(Examples.Search, LangSearchResult):
pass
class CreateDocuments(Examples.CreateDocuments, DocumentsId):
pass
class CreateKeywords(Examples.CreateKeywords, DocumentsId):
pass
class DeleteDocuments(Examples.DeleteDocuments, DocumentsId):
pass
| [
"[email protected]"
] | |
937f72f20da6e97acbef35888d289f6c903eb380 | 722b85a88be1688974a87fc307887a1ed3d0e0af | /swagger_server/models/data_entry.py | cfaca829dad7ddc53c62a935cf1160bfd295fb81 | [
"MIT"
] | permissive | Capping-WAR/API | 579d9a354c5b947efad9759939a8c020298bfe76 | 981823732f2b4f8bc007da657d5195579eb7dad3 | refs/heads/master | 2020-07-28T05:43:23.062068 | 2019-11-30T20:50:44 | 2019-11-30T20:50:44 | 209,327,306 | 0 | 0 | MIT | 2019-11-19T22:22:09 | 2019-09-18T14:19:58 | Python | UTF-8 | Python | false | false | 5,930 | py | # coding: utf-8
from __future__ import absolute_import
from datetime import date, datetime # noqa: F401
from typing import List, Dict # noqa: F401
from swagger_server.models.base_model_ import Model
from swagger_server import util
class DataEntry(Model):
"""NOTE: This class is auto generated by the swagger code generator program.
Do not edit the class manually.
"""
def __init__(self, sentence_id: int=None, sentence: str=None, rule_correct_id: int=None, rule_correct: int=None, date_added: str=None): # noqa: E501
"""DataEntry - a model defined in Swagger
:param sentence_id: The sentence_id of this DataEntry. # noqa: E501
:type sentence_id: int
:param sentence: The sentence of this DataEntry. # noqa: E501
:type sentence: str
:param rule_correct_id: The rule_correct_id of this DataEntry. # noqa: E501
:type rule_correct_id: int
:param rule_correct: The rule_correct of this DataEntry. # noqa: E501
:type rule_correct: int
:param date_added: The date_added of this DataEntry. # noqa: E501
:type date_added: str
"""
self.swagger_types = {
'sentence_id': int,
'sentence': str,
'rule_correct_id': int,
'rule_correct': int,
'date_added': str
}
self.attribute_map = {
'sentence_id': 'sentenceID',
'sentence': 'sentence',
'rule_correct_id': 'ruleCorrectID',
'rule_correct': 'ruleCorrect',
'date_added': 'dateAdded'
}
self._sentence_id = sentence_id
self._sentence = sentence
self._rule_correct_id = rule_correct_id
self._rule_correct = rule_correct
self._date_added = date_added
@classmethod
def from_dict(cls, dikt) -> 'DataEntry':
"""Returns the dict as a model
:param dikt: A dict.
:type: dict
:return: The dataEntry of this DataEntry. # noqa: E501
:rtype: DataEntry
"""
return util.deserialize_model(dikt, cls)
@property
def sentence_id(self) -> int:
"""Gets the sentence_id of this DataEntry.
Unique ID of the sentence that was submitted for review # noqa: E501
:return: The sentence_id of this DataEntry.
:rtype: int
"""
return self._sentence_id
@sentence_id.setter
def sentence_id(self, sentence_id: int):
"""Sets the sentence_id of this DataEntry.
Unique ID of the sentence that was submitted for review # noqa: E501
:param sentence_id: The sentence_id of this DataEntry.
:type sentence_id: int
"""
if sentence_id is None:
raise ValueError("Invalid value for `sentence_id`, must not be `None`") # noqa: E501
self._sentence_id = sentence_id
@property
def sentence(self) -> str:
"""Gets the sentence of this DataEntry.
The user submitted sentence to be reviewed # noqa: E501
:return: The sentence of this DataEntry.
:rtype: str
"""
return self._sentence
@sentence.setter
def sentence(self, sentence: str):
"""Sets the sentence of this DataEntry.
The user submitted sentence to be reviewed # noqa: E501
:param sentence: The sentence of this DataEntry.
:type sentence: str
"""
if sentence is None:
raise ValueError("Invalid value for `sentence`, must not be `None`") # noqa: E501
self._sentence = sentence
@property
def rule_correct_id(self) -> int:
"""Gets the rule_correct_id of this DataEntry.
the ID of the rule that graded # noqa: E501
:return: The rule_correct_id of this DataEntry.
:rtype: int
"""
return self._rule_correct_id
@rule_correct_id.setter
def rule_correct_id(self, rule_correct_id: int):
"""Sets the rule_correct_id of this DataEntry.
the ID of the rule that graded # noqa: E501
:param rule_correct_id: The rule_correct_id of this DataEntry.
:type rule_correct_id: int
"""
if rule_correct_id is None:
raise ValueError("Invalid value for `rule_correct_id`, must not be `None`") # noqa: E501
self._rule_correct_id = rule_correct_id
@property
def rule_correct(self) -> int:
"""Gets the rule_correct of this DataEntry.
the consensus on the correctness of the senetence for the rule; 1 = correct; 0 = incorrect # noqa: E501
:return: The rule_correct of this DataEntry.
:rtype: int
"""
return self._rule_correct
@rule_correct.setter
def rule_correct(self, rule_correct: int):
"""Sets the rule_correct of this DataEntry.
the consensus on the correctness of the senetence for the rule; 1 = correct; 0 = incorrect # noqa: E501
:param rule_correct: The rule_correct of this DataEntry.
:type rule_correct: int
"""
if rule_correct is None:
raise ValueError("Invalid value for `rule_correct`, must not be `None`") # noqa: E501
self._rule_correct = rule_correct
@property
def date_added(self) -> str:
"""Gets the date_added of this DataEntry.
Date added to the database # noqa: E501
:return: The date_added of this DataEntry.
:rtype: str
"""
return self._date_added
@date_added.setter
def date_added(self, date_added: str):
"""Sets the date_added of this DataEntry.
Date added to the database # noqa: E501
:param date_added: The date_added of this DataEntry.
:type date_added: str
"""
if date_added is None:
raise ValueError("Invalid value for `date_added`, must not be `None`") # noqa: E501
self._date_added = date_added
| [
"[email protected]"
] | |
1d07a990fcad3988c9905f19888bd2f562286804 | 12971fc2b1426f3d3a52039f21c4c2d7bb820f68 | /ProjectEuler/p001/sum_multiples.py | 3ec6d737728ecde60f3348e4ed294d3faa55f60d | [
"MIT"
] | permissive | adrianogil/AlgoExercises | 29b3c64e071008bffbfe9273130f980100381deb | be1d8d22eedade2e313458e8d89185452d9da194 | refs/heads/main | 2023-08-18T23:31:51.463767 | 2023-07-22T18:02:46 | 2023-07-22T18:02:46 | 86,254,111 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 565 | py | # https://projecteuler.net/problem=1
# If we list all the natural numbers below 10 that are multiples of 3 or 5, we get 3, 5, 6 and 9. The sum of these multiples is 23.
def sum_multiples_3_or_5_below(below_target):
total_sum = 0
for n in range(0, below_target):
if n % 3 == 0 or n % 5 == 0:
total_sum += n
return total_sum
if __name__ == '__main__':
assert sum_multiples_3_or_5_below(10) == 23
# Find the sum of all the multiples of 3 or 5 below 1000.
print(f'The sum of all the multiples of 3 or 5 below 1000 is', sum_multiples_3_or_5_below(1000))
| [
"[email protected]"
] | |
e6e09c8f6ec320e16d3d27bb48752350f7e3e3da | 7c0820998f6ed2f1f5ee82b8b7ffd67c3228bfb6 | /pygame/plane_sprites_03_enemy.py | 91bf620db5da622afeaa52cb838577e18a63260a | [] | no_license | youinmelin/practice2020 | 5127241eaccf3ec997bb10671008a9a7c5f9d741 | 47d376b6d264141c229b6afcc2be803f41fd611e | refs/heads/master | 2022-12-12T00:28:22.293373 | 2020-09-22T08:29:37 | 2020-09-22T08:29:37 | 237,427,204 | 0 | 0 | null | 2022-11-04T19:10:12 | 2020-01-31T12:38:26 | Python | UTF-8 | Python | false | false | 2,788 | py | import pygame
import random
SCREEN_RECT = pygame.Rect(0, 0, 480, 700)
CREATE_ENEMY_EVENT = pygame.USEREVENT
HERO_FIRE_EVENT = pygame.USEREVENT + 1
class GameSprite(pygame.sprite.Sprite):
""" plane game sprites"""
def __init__(self,image_name,speed=1):
# 调用父类的初始化方法
super().__init__()
self.image = pygame.image.load(image_name)
self.rect = self.image.get_rect()
self.speed = speed
def update(self):
self.rect.y += self.speed
class Hero(GameSprite):
def __init__(self,speed = 0):
# 调用父类的初始化方法
super().__init__('images\\plane_images\\me1.png')
self.speed = speed
self.rect.y = SCREEN_RECT.bottom - self.rect.height
self.bullet_group = pygame.sprite.Group()
self.i = 1
def update(self):
if self.rect.right > SCREEN_RECT.width:
self.rect.x = SCREEN_RECT.width- self.rect.width
elif self.rect.left < 0:
self.rect.x = 0
else:
self.rect.x += self.speed
if self.i % 20 in range(10):
self.image = pygame.image.load('images\\plane_images\\me1.png')
else:
self.image = pygame.image.load('images\\plane_images\\me2.png')
self.i += 1
def change(self):
if self.i > 500:
self.image = pygame.image.load('images\\plane_images\\me_destroy_3.png')
def fire(self):
for i in range(0,3):
bullet = Bullet(self.rect.centerx,self.rect.y-i*15)
self.bullet_group.add(bullet)
class BackGround(GameSprite):
def __init__(self,pos_y = 0):
# 调用父类的初始化方法
super().__init__('images\\plane_images\\background.png')
self.pos_y = pos_y
self.rect.y = self.pos_y
def update(self):
self.rect.y += self.speed
if self.rect.y >= SCREEN_RECT.height:
self.rect.y = -SCREEN_RECT.height
class Bullet(GameSprite):
def __init__(self,pos_x, pos_y):
# 调用父类的初始化方法
super().__init__('images\\plane_images\\bullet1.png')
self.speed = -2
self.pos_x = pos_x - self.rect.centerx
self.pos_y = pos_y
self.rect.x = self.pos_x
self.rect.y = self.pos_y
def update(self):
super().update()
# if bullets are out of the screem, delete them from group
if self.rect.bottom < 0:
self.kill()
class Enemy(GameSprite):
def __init__(self):
super().__init__('images\\plane_images\\enemy1.png')
self.rect.x = random.randint(0, SCREEN_RECT.width - self.rect.width)
self.rect.y = 0
def update(self):
super().update()
self.speed = 2
if __name__ == '__main__':
pass
| [
"[email protected]"
] | |
1f0e1b078a3e7b081475307d57849c0b378bbb8e | f8580d2c963b6a3c34e918e0743d0a503a9584bd | /unittests/test_scrolwin.py | 117f89e77c3ddf2e066ffd7cbf693e8db8bb1974 | [] | no_license | pypy/wxpython-cffi | f59c3faeed26e6a26d0c87f4f659f93e5366af28 | 877b7e6c1b5880517456f1960db370e4bb7f5c90 | refs/heads/master | 2023-07-08T21:13:22.765786 | 2016-12-02T22:10:45 | 2016-12-02T22:10:45 | 397,124,697 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,417 | py | import imp_unittest, unittest
import wtc
import wx
#---------------------------------------------------------------------------
class scrolwin_Tests(wtc.WidgetTestCase):
def commonBits(self, w):
vsize = 750
rate = 20
w.SetSize(self.frame.GetClientSize())
w.EnableScrolling(True, True)
w.ShowScrollbars(wx.SHOW_SB_ALWAYS, wx.SHOW_SB_ALWAYS)
w.SetVirtualSize((vsize, vsize))
w.SetScrollRate(rate, rate)
w.Scroll(3,3) # in scroll units
self.myYield()
self.assertEqual(w.GetVirtualSize(), (vsize,vsize))
self.assertEqual(w.GetScrollPixelsPerUnit(), (rate,rate))
self.assertEqual(w.GetViewStart(), (3,3)) # scroll units
self.assertEqual(w.CalcScrolledPosition(0,0), (-3*rate,-3*rate)) # pixels
self.assertEqual(w.CalcUnscrolledPosition(0,0),(3*rate,3*rate)) # pixels
# also test the Point overloads
self.assertEqual(w.CalcScrolledPosition( (0,0) ), (-3*rate,-3*rate)) # pixels
self.assertEqual(w.CalcUnscrolledPosition( (0,0) ),(3*rate,3*rate)) # pixels
def test_scrolwinCtor(self):
w = wx.ScrolledWindow(self.frame)
self.commonBits(w)
def test_scrolwinDefaultCtor(self):
w = wx.ScrolledWindow()
w.Create(self.frame)
self.commonBits(w)
def test_scrolcvsCtor(self):
w = wx.ScrolledCanvas(self.frame)
self.commonBits(w)
def test_scrolcvsDefaultCtor(self):
w = wx.ScrolledCanvas()
w.Create(self.frame)
self.commonBits(w)
def test_scrolwinOnDraw(self):
class MyScrolledWin(wx.ScrolledWindow):
def __init__(self, *args, **kw):
wx.ScrolledWindow.__init__(self, *args, **kw)
self.flag = False
def OnDraw(self, dc):
self.flag = True
sz = dc.GetSize()
dc.SetPen(wx.Pen('blue', 3))
dc.DrawLine(0, 0, sz.width, sz.height)
w = MyScrolledWin(self.frame)
self.commonBits(w)
w.Refresh()
self.myUpdate(w)
self.myYield()
self.assertTrue(w.flag) # True if OnDraw was called
#---------------------------------------------------------------------------
if __name__ == '__main__':
unittest.main()
| [
"[email protected]"
] | |
40ebe62b6d5033e8e10ea24956730f3e06ee69b1 | a6aaca52563f35a05f37dcd27237e0c04a5427a9 | /integration/integration.py | 42354a7aa9db9c73d1ccb007463d032aff974f0a | [
"Apache-2.0"
] | permissive | backwardn/s2 | 4395cf17ca2e711e6f35f6c164761f21aebb0163 | d52f35094520fd992cb2a114dc8896b91978524d | refs/heads/master | 2022-10-11T07:58:42.049661 | 2020-06-09T18:33:54 | 2020-06-09T18:33:54 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,268 | py | #!/usr/bin/env python3
import os
import sys
import argparse
import subprocess
from urllib.parse import urlparse
ROOT = os.path.dirname(os.path.abspath(__file__))
TESTDATA = os.path.join(ROOT, "testdata")
def main():
parser = argparse.ArgumentParser(description="Runs the s2 integration test suite.")
parser.add_argument("address", help="Address of the s2 instance")
parser.add_argument("--access-key", default="", help="Access key")
parser.add_argument("--secret-key", default="", help="Secret key")
parser.add_argument("--test", default=None, help="Run a specific test")
args = parser.parse_args()
suite_filter = None
test_filter = None
if args.test is not None:
parts = args.test.split(":", maxsplit=1)
if len(parts) == 1:
suite_filter = parts[0]
else:
suite_filter, test_filter = parts
# Create some sample data if it doesn't exist yet
if not os.path.exists(TESTDATA):
os.makedirs(TESTDATA)
with open(os.path.join(TESTDATA, "small.txt"), "w") as f:
f.write("x")
with open(os.path.join(TESTDATA, "large.txt"), "w") as f:
f.write("x" * (65 * 1024 * 1024))
url = urlparse(args.address)
env = dict(os.environ)
env["S2_HOST_ADDRESS"] = args.address
env["S2_HOST_NETLOC"] = url.netloc
env["S2_HOST_SCHEME"] = url.scheme
env["S2_ACCESS_KEY"] = args.access_key
env["S2_SECRET_KEY"] = args.secret_key
def run(cwd, *args):
subprocess.run(args, cwd=os.path.join(ROOT, cwd), env=env, check=True)
try:
if suite_filter is None or suite_filter == "python":
args = ["-k", test_filter] if test_filter is not None else []
run("python", os.path.join("venv", "bin", "pytest"), "test.py", *args)
if suite_filter is None or suite_filter == "go":
args = ["-count=1"]
if test_filter is not None:
args.append("-run={}".format(test_filter))
args.append("./...")
run("go", "go", "test", *args)
if suite_filter is None or suite_filter == "cli":
run("cli", "bash", "test.sh")
except subprocess.CalledProcessError:
sys.exit(1)
if __name__ == "__main__":
main()
| [
"[email protected]"
] | |
8858af318d2749519148dd9344b4630cad0dd249 | 781e2692049e87a4256320c76e82a19be257a05d | /all_data/exercism_data/python/meetup/3301efd411054cab9d496465a25695fc.py | bedae31529510afb9d51cb80c1b95b6583865644 | [] | no_license | itsolutionscorp/AutoStyle-Clustering | 54bde86fe6dbad35b568b38cfcb14c5ffaab51b0 | be0e2f635a7558f56c61bc0b36c6146b01d1e6e6 | refs/heads/master | 2020-12-11T07:27:19.291038 | 2016-03-16T03:18:00 | 2016-03-16T03:18:42 | 59,454,921 | 4 | 0 | null | 2016-05-23T05:40:56 | 2016-05-23T05:40:56 | null | UTF-8 | Python | false | false | 1,076 | py | """
Utility to get the date of meetups.
Written by Bede Kelly for Exercism.
"""
import datetime
from calendar import day_name, monthrange
__author__ = "Bede Kelly"
def meetup_day(year, month, weekday, selector):
"""Returns the date of a meetup."""
teenth_days = range(13, 20) # 20th not included.
weekdays = list(day_name)
if selector == "teenth":
for day in teenth_days:
date = datetime.date(year, month, day)
if weekday == weekdays[date.weekday()]:
return date
else:
selectors = {
"1st": 0,
"2nd": 1,
"3rd": 2,
"4th": 3,
"last": -1
}
index = selectors[selector]
number_days = monthrange(year, month)[1]
dates_range = range(1, number_days+1)
all_dates = [datetime.date(year, month, day) for day in dates_range]
possible_dates = [d for d in all_dates
if d.weekday() == weekdays.index(weekday)]
return datetime.date(year, month, possible_dates[index].day)
| [
"[email protected]"
] | |
3b8bf356fc0ab962f89c390875463e6796501f66 | 80888878480eb75e7e55a1f1cbc7273bf176a146 | /pyclaw_profiler.py | 5324d0ae2f57f6962aa10e6973d395a57db05afb | [] | no_license | ketch/pyclaw-scaling | eff0ea15459d6266cf222a9a2461abe2fc1831a9 | 633510b902113c80b6111fcaf990987f8ca99fa2 | refs/heads/master | 2021-01-19T08:10:46.509637 | 2014-11-19T13:02:28 | 2014-11-19T13:02:28 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 5,229 | py | #!/usr/bin/env python
import os
import numpy as np
import matplotlib
import matplotlib.pyplot as plt
from matplotlib.colors import colorConverter
import pstats
params = {'backend': 'ps',
'axes.labelsize': 10,
'text.fontsize': 10,
'legend.fontsize': 10,
'xtick.labelsize': 8,
'ytick.labelsize': 8,
'text.usetex': True,}
matplotlib.rcParams.update(params)
#Some simple functions to generate colours.
def pastel(colour, weight=2.4):
""" Convert colour into a nice pastel shade"""
rgb = np.asarray(colorConverter.to_rgb(colour))
# scale colour
#maxc = max(rgb)
#if maxc < 1.0 and maxc > 0:
# # scale colour
# scale = 1.0 / maxc
# rgb = rgb * scale
# now decrease saturation
total = sum(rgb)
slack = 0
for x in rgb:
slack += 1.0 - x
# want to increase weight from total to weight
# pick x s.t. slack * x == weight - total
# x = (weight - total) / slack
x = (weight - total) / slack
rgb = [c + 0.75*(x * (1.0-c)) for c in rgb]
return rgb
def get_colours(n):
""" Return n pastel colours. """
base = np.asarray([[0.8,0.8,0], [0.8,0,0.8], [0,0.8,0.8]])
if n <= 3:
return base[0:n]
# how many new colours do we need to insert between
# red and green and between green and blue?
needed = (((n - 3) + 1) / 2, (n - 3) / 2)
colours = []
for start in (0, 1):
for x in np.linspace(0, 1-(1.0/(needed[start]+1)), needed[start]+1):
colours.append((base[start] * (1.0 - x)) +
(base[start+1] * x))
colours.append([0,0,1])
return [pastel(c) for c in colours[0:n]]
time_components = {
'CFL reduce' : "<method 'max' of 'petsc4py.PETSc.Vec' objects>",
'Parallel initialization' : "<method 'create' of 'petsc4py.PETSc.DA' objects>",
'Ghost cell communication' : "<method 'globalToLocal' of 'petsc4py.PETSc.DM' objects>",
'Time evolution' : "evolve_to_time",
'setup' : "setup"
}
def extract_profile(nsteps=200,ndim=3,solver_type='sharpclaw',nvals=(1,3,4),process_rank=0):
stats_dir = './scaling'+str(nsteps)+'_'+str(ndim)+'d_'+str(solver_type)
times = {}
for key in time_components.iterkeys():
times[key] = []
times['Concurrent computations'] = []
nprocs = []
for n in nvals:
num_processes = 2**(3*n)
num_cells = 2**(6+n)
nprocs.append(str(num_processes))
prof_filename = os.path.join(stats_dir,'statst_'+str(num_processes)+'_'+str(num_cells)+'_'+str(process_rank))
profile = pstats.Stats(prof_filename)
prof = {}
for key, value in profile.stats.iteritems():
method = key[2]
cumulative_time = value[3]
prof[method] = cumulative_time
for component, method in time_components.iteritems():
times[component].append(round(prof[method],1))
times['Concurrent computations'] = [ times['Time evolution'][i]
- times['CFL reduce'][i]
- times['Ghost cell communication'][i]
for i in range(len(times['Time evolution']))]
return nprocs,times
def plot_and_table(nsteps=200,ndim=3,solver_type='sharpclaw',nvals=(1,3,4),process_rank=0):
nprocs, times = extract_profile(nsteps,ndim,solver_type,nvals,process_rank)
rows = ['Concurrent computations',
'Parallel initialization',
'Ghost cell communication',
'CFL reduce']
# Get some pastel shades for the colours
colours = get_colours(len(rows))
nrows = len(rows)
x_bar = np.arange(len(nprocs)) + 0.3 # the x locations for the groups
bar_width = 0.4
yoff = np.array([0.0] * len(nprocs)) # the bottom values for stacked bar chart
plt.axes([0.35, 0.25, 0.55, 0.35]) # leave room below the axes for the table
for irow,row in enumerate(rows):
plt.bar(x_bar, times[row], bar_width, bottom=yoff, color=colours[irow], linewidth=0)
yoff = yoff + times[row]
table_data = [times[row] for row in rows]
# Add total efficiency to the table_data
table_data.append( np.array([sum([row[i] for row in table_data]) for i in range(len(nprocs))]))
table_data[-1] = table_data[-1][0]/table_data[-1]
table_data[-1] = [round(x,2) for x in table_data[-1]]
rows.append('Parallel efficiency')
colours.append([1,1,1])
# Add a table at the bottom of the axes
mytable = plt.table(cellText=table_data,
rowLabels=rows, rowColours=colours,
colLabels=nprocs,
loc='bottom').set_fontsize(8)
plt.ylabel('Execution Time for Process '+ str(process_rank)+' (s)')
plt.figtext(.5, .02, "Number of Cores", fontsize=10)
vals = np.arange(0, 36, 5)
plt.yticks(vals, ['%d' % val for val in vals])
plt.xticks([])
plt.draw()
f=plt.gcf()
f.set_figheight(5)
f.set_figwidth(5)
plt.savefig('scaling_'+solver_type+'_'+str(ndim)+'D.pdf')
if __name__ == '__main__':
plot_and_table()
| [
"[email protected]"
] | |
1b8f9576b854bc5a00297a120c1e46daf3f6fa5c | 114c199c91e8102b9f1aeab456b15e1947ed305b | /napalm_yang/models/openconfig/bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/__init__.py | cb456ecb6786d7c903d990e3381ec2844c226920 | [
"Apache-2.0"
] | permissive | luke-orden/napalm-yang | 5987ba64df572f3428d9d314a449d5cf93066198 | 1effbcc8c34e75dbaa701235fff4d0840352acc0 | refs/heads/master | 2021-06-17T01:45:00.879203 | 2017-03-30T14:53:19 | 2017-03-30T14:53:19 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 31,593 | py |
from operator import attrgetter
from pyangbind.lib.yangtypes import RestrictedPrecisionDecimalType, RestrictedClassType, TypedListType
from pyangbind.lib.yangtypes import YANGBool, YANGListType, YANGDynClass, ReferenceType
from pyangbind.lib.base import PybindBase
from decimal import Decimal
from bitarray import bitarray
import __builtin__
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-common - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-common-multiprotocol - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-common-structure - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-peer-group - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-neighbor - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
import prefix_limit
class l3vpn_ipv6_multicast(PybindBase):
"""
This class was auto-generated by the PythonClass plugin for PYANG
from YANG module openconfig-bgp-global - based on the path /bgp/peer-groups/peer-group/afi-safis/afi-safi/l3vpn-ipv6-multicast. Each member element of
the container is represented as a class variable - with a specific
YANG type.
YANG Description: Multicast IPv6 L3VPN configuration options
"""
__slots__ = ('_pybind_generated_by', '_path_helper', '_yang_name', '_extmethods', '__prefix_limit',)
_yang_name = 'l3vpn-ipv6-multicast'
_pybind_generated_by = 'container'
def __init__(self, *args, **kwargs):
self._path_helper = False
self._extmethods = False
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
load = kwargs.pop("load", None)
if args:
if len(args) > 1:
raise TypeError("cannot create a YANG container with >1 argument")
all_attr = True
for e in self._pyangbind_elements:
if not hasattr(args[0], e):
all_attr = False
break
if not all_attr:
raise ValueError("Supplied object did not have the correct attributes")
for e in self._pyangbind_elements:
nobj = getattr(args[0], e)
if nobj._changed() is False:
continue
setmethod = getattr(self, "_set_%s" % e)
if load is None:
setmethod(getattr(args[0], e))
else:
setmethod(getattr(args[0], e), load=load)
def _path(self):
if hasattr(self, "_parent"):
return self._parent._path()+[self._yang_name]
else:
return [u'bgp', u'peer-groups', u'peer-group', u'afi-safis', u'afi-safi', u'l3vpn-ipv6-multicast']
def _get_prefix_limit(self):
"""
Getter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
return self.__prefix_limit
def _set_prefix_limit(self, v, load=False):
"""
Setter method for prefix_limit, mapped from YANG variable /bgp/peer_groups/peer_group/afi_safis/afi_safi/l3vpn_ipv6_multicast/prefix_limit (container)
If this variable is read-only (config: false) in the
source YANG file, then _set_prefix_limit is considered as a private
method. Backends looking to populate this variable should
do so via calling thisObj._set_prefix_limit() directly.
YANG Description: Configure the maximum number of prefixes that will be
accepted from a peer
"""
if hasattr(v, "_utype"):
v = v._utype(v)
try:
t = YANGDynClass(v,base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
except (TypeError, ValueError):
raise ValueError({
'error-string': """prefix_limit must be of a type compatible with container""",
'defined-type': "container",
'generated-type': """YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)""",
})
self.__prefix_limit = t
if hasattr(self, '_set'):
self._set()
def _unset_prefix_limit(self):
self.__prefix_limit = YANGDynClass(base=prefix_limit.prefix_limit, is_container='container', yang_name="prefix-limit", parent=self, path_helper=self._path_helper, extmethods=self._extmethods, register_paths=True, extensions=None, namespace='http://openconfig.net/yang/bgp', defining_module='openconfig-bgp', yang_type='container', is_config=True)
prefix_limit = __builtin__.property(_get_prefix_limit, _set_prefix_limit)
_pyangbind_elements = {'prefix_limit': prefix_limit, }
| [
"[email protected]"
] | |
e661a4cb1fc306823b7f26ddc15df83242a42828 | 5182897b2f107f4fd919af59c6762d66c9be5f1d | /.history/src/Simulador_20200712154021.py | 8fe6106a7f7f60c74f5fa63881b033538e62374b | [
"MIT"
] | permissive | eduardodut/Trabalho_final_estatistica_cd | 422b7e702f96291f522bcc68d2e961d80d328c14 | fbedbbea6bdd7a79e1d62030cde0fab4e93fc338 | refs/heads/master | 2022-11-23T03:14:05.493054 | 2020-07-16T23:49:26 | 2020-07-16T23:49:26 | 277,867,096 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 14,059 | py | import pandas as pd
import numpy as np
from Matriz_esferica import Matriz_esferica
from Individuo import Individuo, Fabrica_individuo
import random
from itertools import permutations
import matplotlib.pyplot as plt
from matplotlib.colors import ListedColormap
from scipy.sparse import csr_matrix, lil_matrix
class Simulador():
SADIO = 0
INFECTADO_TIPO_1 = 1 #assintomáticos e o infectado inicial
INFECTADO_TIPO_2 = 2 #sintomático
CURADO = 3
MORTO = 4
def __init__(
self,
tamanho_matriz, #numero de linhas e colunas da matriz esférica
percentual_inicial_tipo1, #percentual inicial da população que será infectada tipo 1
percentual_inicial_tipo2, #percentual inicial da população que será infectada tipo 2
chance_infeccao, #chance que um infectado tipo 2 tem de infectar um indivíduo saudável
chance_infeccao_tipo2, #chance de um indivíduo infectado se tornar contagioso
chance_morte, #chance de um indivíduo tipo 2 morrer ao fim de uma atualização
atualizacoes_cura): #número de atualizações necessárias para a cura de um indivíduo tipo 1 ou 2
self.num_atualizacoes = 0
self.lista_infectados_tipo_2 = []
self.lista_infectados_tipo_1 = []
self.num_curados = 0
self.num_mortos = 0
self.chance_infeccao = chance_infeccao
self.chance_infeccao_tipo2 = chance_infeccao_tipo2
self.chance_morte = chance_morte
self.atualizacoes_cura = atualizacoes_cura
self.populacao_inicial = int(tamanho_matriz**2)
self.num_inicial_tipo2 = int(self.populacao_inicial * percentual_inicial_tipo2)
self.num_inicial_tipo1 = 1 + int(self.populacao_inicial * percentual_inicial_tipo1)
self.num_inicial_sadios = self.populacao_inicial - (self.num_inicial_tipo2 + self.num_inicial_tipo1)
self.matriz_status =lil_matrix((tamanho_matriz, tamanho_matriz),dtype= np.uint8) # np.zeros((tamanho_matriz, tamanho_matriz),dtype= np.uint8)#
self.matriz_atualizacoes_cura = lil_matrix((tamanho_matriz, tamanho_matriz),dtype= np.uint8)#np.zeros((tamanho_matriz, tamanho_matriz),dtype= np.uint8)#
#self.matriz_status = self.df_individuos.to_numpy()
self.popular(tamanho_matriz)
self.lista_matrizes_status = []
#objeto que é responsável por validar a movimentação no grid n x n
self.matriz_esferica = Matriz_esferica(tamanho_matriz)
dict = {
'num_sadios':self.num_inicial_sadios,
'num_infect_t1':self.num_inicial_tipo1,
'num_infect_t2':self.num_inicial_tipo2,
'num_curados':0,
'num_mortos':0}
#dataframe que guardará os resultados de cada atualização
self.dataframe = pd.DataFrame(dict,index = [0])
self.salvar_posicionamento()
def criar_individuo(self, status, posicao):
self.matriz_status[posicao[0], posicao[1]] = status
if status == self.INFECTADO_TIPO_1 or status == self.INFECTADO_TIPO_2:
self.matriz_atualizacoes_cura[posicao[0], posicao[1]] = self.atualizacoes_cura
else:
self.matriz_atualizacoes_cura[posicao[0], posicao[1]] = 0
def salvar_posicionamento(self):
self.lista_matrizes_status.append(self.matriz_status)
def verificar_infeccao(self, lista_infectantes):
lista_novos_infectados_tipo1 = []
lista_novos_infectados_tipo2 = []
#itera sobre sobre a lista de individuos que infectam e cada um realiza a tividade de infectar
for indice_infectante in lista_infectantes:
#busca os vizinhos do infectante atual
lista_vizinhos = self.matriz_esferica.get_vizinhos(indice_infectante)
#Para cada vizinho, se ele for sadio, é gerado um número aleatório para verificar se foi infectado
for indice_vizinho in lista_vizinhos:
#verificação de SADIO
if self.verifica_status(indice_vizinho) == self.SADIO:
#verificação do novo status
novo_status = self.infectar(chance_infeccao, chance_infeccao_tipo2)
#se for um infectado tipo 1
if novo_status == Individuo.INFECTADO_TIPO_1:
#adiciona na lista de novos tipo 1
lista_novos_infectados_tipo1.append(indice_vizinho)
if novo_status == Individuo.INFECTADO_TIPO_2:
#adiciona na lista de novos tipo 2
lista_novos_infectados_tipo2.append(indice_vizinho)
return lista_novos_infectados_tipo1, lista_novos_infectados_tipo2
def checagem_morte_individual(self, chance_morte):
rng_morte = random.random()
if rng_morte <= chance_morte:
return self.MORTO
else:
return self.INFECTADO_TIPO_2
def checar_cura_individual(self, indice):
self.matriz_atualizacoes_cura[indice[0], indice[1]] = self.matriz_atualizacoes_cura[indice[0], indice[1]] - 1
if self.matriz_atualizacoes_cura[indice[0], indice[1]] == 0:
return self.CURADO
else:
return self.matriz_status[indice[0], indice[1]]
def checagem_morte_lista(self, lista_infectantes):
lista_mortos = []
for indice_infectante in lista_infectantes:
novo_status = self.checagem_morte_individual(self.chance_morte)
if novo_status == Individuo.MORTO:
lista_mortos.append(indice_infectante)
return lista_mortos
def checagem_cura_lista(self, lista_infectantes):
lista_curados = []
for indice_infectante in lista_infectantes:
novo_status = self.checar_cura_individual(indice_infectante)
if novo_status == Individuo.CURADO:
lista_curados.append(indice_infectante)
return lista_curados
def iterar(self):
#Verifica os novos infectados por infectantes do tipo 1 e 2
#print(self.lista_infectados_tipo_1+self.lista_infectados_tipo_2)
lista_novos_infectados_tipo1, lista_novos_infectados_tipo2 = self.verificar_infeccao(self.lista_infectados_tipo_1+self.lista_infectados_tipo_2)
for indice in lista_novos_infectados_tipo1:
self.criar_individuo(self.INFECTADO_TIPO_1, indice)
for indice in lista_novos_infectados_tipo2:
self.criar_individuo(self.INFECTADO_TIPO_2, indice)
#Verifica morte dos infectados tipo 2
lista_mortos = self.checagem_morte_lista(self.lista_infectados_tipo_2)
#retira os indices dos individuos mortos da lista de infectados
self.lista_infectados_tipo_2 = [indice for indice in self.lista_infectados_tipo_2 if indice not in lista_mortos]
#Instancia individuos mortos na matriz
for indice in lista_mortos:
self.criar_individuo(self.MORTO, indice)
#atualiza o número de mortos na matriz
#self.num_mortos = self.num_mortos + len(lista_mortos)
#Verifica cura dos infectados tipo 1
lista_curados_t1 = self.checagem_cura_lista(self.lista_infectados_tipo_1)
#Verifica cura dos infectados tipo 2
lista_curados_t2 = self.checagem_cura_lista(self.lista_infectados_tipo_2 )
#Instancia individuos mortos na matriz
for indice in lista_curados_t1+lista_curados_t2:
self.criar_individuo(self.CURADO, indice)
#atualiza o número de curados na matriz
#self.num_curados = self.num_curados + len(lista_curados_t1 + lista_curados_t2)
#Atualiza a lista de infectados após a cura dos individuos
self.lista_infectados_tipo_1 = [indice for indice in self.lista_infectados_tipo_1 if indice not in lista_curados_t1]
self.lista_infectados_tipo_2 = [indice for indice in self.lista_infectados_tipo_2 if indice not in lista_curados_t2]
#movimentação
for indice in self.lista_infectados_tipo_1+self.lista_infectados_tipo_2:
self.mover_infectante(indice)
self.lista_infectados_tipo_1 = []
self.lista_infectados_tipo_2 = []
# matriz_infectantes = self.matriz_status[self.matriz_status > 0]
# matriz_infectantes = matriz_infectantes[matriz_infectantes < 3]
indices_nao_sadios = zip(*self.matriz_status.nonzero())
self.num_curados = 0
self.num_mortos = 0
for indice in indices_nao_sadios:
status = self.matriz_status[indice[0], indice[1]]
if status == self.INFECTADO_TIPO_1:
self.lista_infectados_tipo_1.append(indice)
if status == self.INFECTADO_TIPO_2:
self.lista_infectados_tipo_2.append(indice)
if status == self.CURADO:
self.num_curados +=1
if status == self.MORTO:
self.num_mortos +=1
dict = {'num_sadios': self.populacao_inicial - len(self.lista_infectados_tipo_1) -len(self.lista_infectados_tipo_2) -self.num_curados-self.num_mortos,
'num_infect_t1': len(self.lista_infectados_tipo_1),
'num_infect_t2': len(self.lista_infectados_tipo_2),
'num_curados': self.num_curados,
'num_mortos': self.num_mortos}
self.dataframe = self.dataframe.append(dict, ignore_index=True)
self.salvar_posicionamento()
#adiciona 1 ao número de atualizações realizadas na matriz
self.num_atualizacoes +=1
def infectar(self, chance_infeccao, chance_infeccao_tipo2):
saida = Individuo.SADIO
#número aleatório para chance de infectar o vizinho
rng_infeccao = random.random()
if rng_infeccao <= chance_infeccao:
#número aleatório para chance de infecção tipo 1 ou 2
rng_infeccao_tipo2 = random.random()
if rng_infeccao_tipo2 <= chance_infeccao_tipo2:
saida = Individuo.INFECTADO_TIPO_2
else:
saida = Individuo.INFECTADO_TIPO_1
return saida
def popular(self, tamanho_matriz):
#lista de possíveis combinações de índices da matriz de dados
permutacoes = permutations(list(range(tamanho_matriz)),2)
#conversão para lista de tuplas(x,y)
lista_indices = list(permutacoes)
#embaralhamento dos índices
random.shuffle(lista_indices)
#cria o primeiro tipo1:
indice = lista_indices.pop()
self.criar_individuo(Individuo.INFECTADO_TIPO_1, indice)
self.lista_infectados_tipo_1.append(indice)
#cria o restante dos tipos 1
for i in range(self.num_inicial_tipo1-1):
indice = lista_indices.pop()
self.criar_individuo(Individuo.INFECTADO_TIPO_1,indice)
self.lista_infectados_tipo_1.append(indice)
#cria o restante dos tipo 2:
for indice in range(self.num_inicial_tipo2):
indice = lista_indices.pop()
self.criar_individuo(Individuo.INFECTADO_TIPO_2,indice)
self.lista_infectados_tipo_2.append(indice)
def trocar(self,matriz,ponto_ini,ponto_final):
x_ini = ponto_ini[0]
y_ini = ponto_ini[1]
x_fin = ponto_final[0]
y_fin = ponto_final[1]
aux = matriz[x_fin,y_fin]
matriz[x_fin,y_fin] = matriz[x_ini,y_ini]
matriz[x_ini,y_ini] = aux
def verifica_status(self, indice):
return self.matriz_status[indice[0], indice[1]]
def mover_infectante(self, posicao_inicial):
pos_x, pos_y = posicao_inicial[0], posicao_inicial[1]
rng_posicao = random.random()
if rng_posicao <=0.25:
#move pra cima
pos_x -= 1
elif rng_posicao <=0.5:
#move pra baixo
pos_x += 1
elif rng_posicao <=0.75:
#move para esquerda
pos_y -= 1
else:
#move para direita
pos_y += 1
posicao_final= self.matriz_esferica.valida_ponto_matriz(pos_x, pos_y)
self.trocar(self.matriz_status, posicao_inicial, posicao_final)
self.trocar(self.matriz_atualizacoes_cura, posicao_inicial, posicao_final)
return posicao_final
chance_infeccao = 0.3
chance_infeccao_tipo2 = 0.2
chance_morte = 0.02
atualizacoes_cura = 10
percentual_inicial_tipo1 = random.random()
percentual_inicial_tipo2 = random.random()
sim = Simulador(
6,
percentual_inicial_tipo1,
percentual_inicial_tipo2,
chance_infeccao,
chance_infeccao_tipo2,
chance_morte,atualizacoes_cura)
#print(sim.lista_matrizes_posicionamento[0])
#print(sim.lista_infectados_tipo_2)
#print(sim.lista_infectados_tipo_1)
cmap = ListedColormap(['w', 'y', 'r', 'blue', 'black'])
while (sim.dataframe.iloc[-1]['num_infect_t1']+sim.dataframe.iloc[-1]['num_infect_t2']) > 0:
plt.matshow(sim.matriz_status.toarray(), cmap = cmap, vmin= 0, vmax = 4)
# print(sim.dataframe.iloc[-1])
sim.iterar()
#print(sim.dataframe.iloc[-1])
#print("xxxxxxxxxxxxxxxxxTipo: ",type(sim.lista_matrizes_posicionamento[len(sim.lista_matrizes_posicionamento)-1].toarray()))
plt.matshow(sim.matriz_status.toarray(), cmap = cmap, vmin= 0, vmax = 4)
print(sim.dataframe)
plt.show()
# for i in range(30):
# #plt.matshow(sim.lista_matrizes_status[i].toarray(), cmap = cmap, vmin= 0, vmax = 4)
# sim.iterar()
# print(sim.dataframe)
# plt.show()
| [
"[email protected]"
] | |
fb8910d631fb39f1201915c814f6f177ff8e36fe | d6ed05e23faa20beb5e47624870608a9219ea81c | /TuningTools_old/scripts/skeletons/datacurator.py | 554954e0e803f3f13f472feaba5219997fc0f3e9 | [] | no_license | kaducovas/ringer | f6495088c0d54d622dcc707333b4c2fbf132d65f | 603311caab016ad0ef052ea4fcc605c5ac4e494b | refs/heads/master | 2020-06-16T21:37:15.228364 | 2019-07-08T01:29:57 | 2019-07-08T01:29:57 | 195,477,531 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,949 | py |
from RingerCore import masterLevel, LoggingLevel, keyboard
from TuningTools import *
import ROOT
ROOT.TH1.AddDirectory(ROOT.kFALSE)
ROOT.gROOT.SetBatch(ROOT.kTRUE)
masterLevel.set( LoggingLevel.VERBOSE )
# FIXME Go to data curator and force multiStop if needed
dCurator = DataCurator( kw, dataLocation = dataLocation )
sort = 0
#dCurator.crossValid._sort_boxes_list[sort] = [3, 4, 5, 7, 8, 9, 0, 1, 2, 6]
dCurator.prepareForBin( etBinIdx = 2, etaBinIdx = 0
, loadEfficiencies = True, loadCrossEfficiencies = False )
dCurator.toTunableSubsets( sort, PreProcChain( RingerEtaMu() ) )
td = TunedDiscrArchieve.load('/home/wsfreund/junk/tuningDataTest/networks2/nn.tuned.pp-ExNREM.hn0010.s0000.il0000.iu0002.et0002.eta0000.pic.gz')
decisionMaker = DecisionMaker( dCurator, {}, removeOutputTansigTF = True, pileupRef = 'nvtx' )
tunedDict = td.getTunedInfo( 10, 0, 2 )
tunedDiscrSP = tunedDict['tunedDiscr'][0]
sInfoSP = tunedDiscrSP['summaryInfo']
trnOutSP = [npCurrent.fp_array( a ) for a in sInfoSP['trnOutput']]
valOutSP = [npCurrent.fp_array( a ) for a in sInfoSP['valOutput']]
tunedDiscrPd = tunedDict['tunedDiscr'][1]
sInfoPd = tunedDiscrPd['summaryInfo']
trnOutPd = [npCurrent.fp_array( a ) for a in sInfoPd['trnOutput']]
valOutPd = [npCurrent.fp_array( a ) for a in sInfoPd['valOutput']]
tunedDiscrPf = tunedDict['tunedDiscr'][2]
sInfoPf = tunedDiscrPf['summaryInfo']
trnOutPf = [npCurrent.fp_array( a ) for a in sInfoPf['trnOutput']]
valOutPf = [npCurrent.fp_array( a ) for a in sInfoPf['valOutput']]
decisionTaking = decisionMaker( tunedDiscrPf['discriminator'] )
a = ROOT.TFile("pf.root","recreate")
a.cd()
decisionTaking( dCurator.references[2], CuratedSubset.trnData, neuron = 10, sort = 0, init = 0 )
s = CuratedSubset.fromdataset(Dataset.Test)
tstPointCorr = decisionTaking.getEffPoint( dCurator.references[2].name + '_Test' , subset = [s, s], makeCorr = True )
decisionTaking.saveGraphs()
a.Write()
del a
print tstPointCorr
print dCurator.crossValid.getTrnBoxIdxs( sort )
print dCurator.crossValid.getValBoxIdxs( sort )
try:
print trnOutPf[0] - decisionTaking.sgnOut
print trnOutPf[1] - decisionTaking.bkgOut
print valOutPf[0] - decisionTaking._effOutput[0]
print valOutPf[1] - decisionTaking._effOutput[1]
except ValueError: pass
keyboard()
b = ROOT.TFile("sp.root",'recreate')
b.cd()
decisionTaking = decisionMaker( tunedDiscrSP['discriminator'] )
decisionTaking( dCurator.references[0], CuratedSubset.trnData, neuron = 10, sort = 0, init = 0 )
s = CuratedSubset.fromdataset(Dataset.Test)
tstPointCorr = decisionTaking.getEffPoint( dCurator.references[0].name + '_Test' , subset = [s, s], makeCorr = True )
decisionTaking.saveGraphs()
b.Write()
print tstPointCorr
try:
print trnOutSP[0] - decisionTaking.sgnOut
print trnOutSP[1] - decisionTaking.bkgOut
print valOutSP[0] - decisionTaking._effOutput[0]
print valOutSP[1] - decisionTaking._effOutput[1]
except ValueError: pass
| [
"[email protected]"
] | |
00d990a843520de66f3ef9a02f2e9b4c7b4f3634 | 33f3179000f0275e0e3253671b518e98611128d9 | /migrations/versions/063cfb907a5c_.py | 1759edaa8a7b0ebacebb21d33594d5c72c5016a8 | [] | no_license | ss820938ss/pro_chatbot | e0ff85d700a5fe3d33b4028b1ea7a3050e4367cd | f23d88dcfeffc33dea48972819dc8643975a3dae | refs/heads/master | 2023-07-26T20:54:31.653597 | 2021-09-10T03:47:59 | 2021-09-10T03:47:59 | 397,513,124 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,938 | py | """empty message
Revision ID: 063cfb907a5c
Revises:
Create Date: 2021-08-18 20:55:32.437776
"""
from alembic import op
import sqlalchemy as sa
# revision identifiers, used by Alembic.
revision = '063cfb907a5c'
down_revision = None
branch_labels = None
depends_on = None
def upgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.create_table('member',
sa.Column('no', sa.Integer(), nullable=False),
sa.Column('name', sa.String(length=200), nullable=False),
sa.Column('email', sa.String(length=200), nullable=False),
sa.Column('password', sa.String(length=200), nullable=False),
sa.PrimaryKeyConstraint('no')
)
op.create_table('menu',
sa.Column('menu_no', sa.Integer(), nullable=False),
sa.Column('menu_name', sa.String(length=200), nullable=False),
sa.Column('menu_price', sa.Integer(), nullable=False),
sa.Column('menu_kate', sa.String(length=200), nullable=False),
sa.PrimaryKeyConstraint('menu_no')
)
op.create_table('question',
sa.Column('id', sa.Integer(), nullable=False),
sa.Column('subject', sa.String(length=200), nullable=False),
sa.Column('content', sa.Text(), nullable=False),
sa.Column('create_date', sa.DateTime(), nullable=False),
sa.PrimaryKeyConstraint('id')
)
op.create_table('answer',
sa.Column('id', sa.Integer(), nullable=False),
sa.Column('question_id', sa.Integer(), nullable=True),
sa.Column('content', sa.Text(), nullable=False),
sa.Column('create_date', sa.DateTime(), nullable=False),
sa.ForeignKeyConstraint(['question_id'], ['question.id'], ondelete='CASCADE'),
sa.PrimaryKeyConstraint('id')
)
# ### end Alembic commands ###
def downgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.drop_table('answer')
op.drop_table('question')
op.drop_table('menu')
op.drop_table('member')
# ### end Alembic commands ###
| [
"[email protected]"
] | |
1060c16c44b2ccd9172668d50fee71da836dbd5e | de24f83a5e3768a2638ebcf13cbe717e75740168 | /moodledata/vpl_data/6/usersdata/129/1287/submittedfiles/investimento.py | c5f1ee45d7f2ffb03013182917c20506cd4c63ca | [] | no_license | rafaelperazzo/programacao-web | 95643423a35c44613b0f64bed05bd34780fe2436 | 170dd5440afb9ee68a973f3de13a99aa4c735d79 | refs/heads/master | 2021-01-12T14:06:25.773146 | 2017-12-22T16:05:45 | 2017-12-22T16:05:45 | 69,566,344 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 479 | py | # -*- coding: utf-8 -*-
from __future__ import division
#COMECE SEU CODIGO AQUI
A= input('Digite o valor do investimento inicial: ')
B= input('Digite o valor de crescimento percentual: ')
C= A + A*B
D= C + C*B
E= D + D*B
F= E + E*B
G= F + F*B
H= G + G*B
I= H + H*B
J= I + I*B
K= J + J*B
L= K + K*B
print ('%.2f' %C)
print ('%.2f' %D)
print ('%.2f' %E)
print ('%.2f' %F)
print ('%.2f' %G)
print ('%.2f' %H)
print ('%.2f' %I)
print ('%.2f' %J)
print ('%.2f' %K)
print ('%.2f' %L)
| [
"[email protected]"
] | |
6d5da17b1099b03b0b389db4251bab06d7722e51 | e20ed90b9be7a0bcdc1603929d65b2375a224bf6 | /generated-libraries/python/netapp/lun/invalid_use_partner_cfmode_setting_info.py | d4c1dc34b9ec55d375e71885616f1a9920a60be8 | [
"MIT"
] | permissive | radekg/netapp-ontap-lib-gen | 530ec3248cff5ead37dc2aa47ced300b7585361b | 6445ebb071ec147ea82a486fbe9f094c56c5c40d | refs/heads/master | 2016-09-06T17:41:23.263133 | 2015-01-14T17:40:46 | 2015-01-14T17:40:46 | 29,256,898 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,563 | py | from netapp.netapp_object import NetAppObject
class InvalidUsePartnerCfmodeSettingInfo(NetAppObject):
"""
Information about an invalid initiator group use_partner
and cfmode
"""
_initiator_group_name = None
@property
def initiator_group_name(self):
"""
Name of this initiator group.
"""
return self._initiator_group_name
@initiator_group_name.setter
def initiator_group_name(self, val):
if val != None:
self.validate('initiator_group_name', val)
self._initiator_group_name = val
_is_use_partner_enabled = None
@property
def is_use_partner_enabled(self):
"""
If true this initiator group's members are
allowed to use the partner port.
"""
return self._is_use_partner_enabled
@is_use_partner_enabled.setter
def is_use_partner_enabled(self, val):
if val != None:
self.validate('is_use_partner_enabled', val)
self._is_use_partner_enabled = val
@staticmethod
def get_api_name():
return "invalid-use-partner-cfmode-setting-info"
@staticmethod
def get_desired_attrs():
return [
'initiator-group-name',
'is-use-partner-enabled',
]
def describe_properties(self):
return {
'initiator_group_name': { 'class': basestring, 'is_list': False, 'required': 'required' },
'is_use_partner_enabled': { 'class': bool, 'is_list': False, 'required': 'required' },
}
| [
"[email protected]"
] | |
3962de788f504519a10a81bf39a059fafa67d08d | 2aba3c043ce4ef934adce0f65bd589268ec443c5 | /atcoder/CODE_FESTIVAL_2015_qual_B/B.py | 9e6979aff253edb3737ba01ff0bf57c0c50a01b5 | [] | no_license | kambehmw/algorithm_python | 4f66593b77039d90515d1fcbecacdab8c811b92f | 17222399dcc92fd8f908e5774a9883e2e89c486e | refs/heads/master | 2020-06-02T12:44:11.322356 | 2020-05-18T13:22:05 | 2020-05-18T13:22:05 | 191,157,113 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 227 | py | from collections import Counter
N, M = map(int, input().split())
A = list(map(int, input().split()))
counter = Counter(A)
ans = max(counter.items(), key=lambda x: x[1])
if N // 2 < ans[1]:
print(ans[0])
else:
print("?") | [
"[email protected]"
] | |
a74f698d0e534a081149edbe1311ec943dbcfd16 | 12a652ffb301e2f48cb80ddc8fdc556926b8026f | /scripts/python/anagrams/ngrams.py | f682d31a98056bbe05337294d7965b0e99c424ec | [
"MIT"
] | permissive | jeremiahmarks/dangerzone | de396da0be6bcc56daf69f2f3093afed9db5ede3 | fe2946b8463ed018d2136ca0eb178161ad370565 | refs/heads/master | 2020-05-22T12:45:34.212600 | 2017-04-18T02:57:59 | 2017-04-18T02:57:59 | 28,025,861 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,028 | py | import string
import random
import grams
class anagramfinder(object):
def checkLetters(self,mainstring, teststring):
#print "checkLetters is checking "+mainstring + " against "+teststring
isThere=True
for letter in teststring:
if (teststring.count(letter)>mainstring.count(letter)):return False
return isThere
def getWordList(self):
words=set()
wordFile=open('/home/jlmarks/words.txt','r')
for word in wordFile:
words.add(word[:-1])
wordFile.close()
self.entiredictionary=words
stringasset=set(self.astring)
for word in words:
if (set(word).issubset(stringasset)&self.checkLetters(self.astring,word)):
self.allwords.append(word)
def __init__ (self, astring):
self.allwords=[]
self.points=[]
self.wordpoints=[]
self.astring=astring
self.getWordList()
self.auditwordlist()
self.computeWordScore()
def auditwordlist(self):
for letter in set(self.astring):
wordsusedin=0
for word in self.allwords:
if letter in set(word):
wordsusedin+=1
self.points.append([wordsusedin,letter])
self.points.sort()
tempdict={}
for position in range(len(self.points)):
#print [self.points[len(self.points)-position][0], self.points[position][1]]
tempdict[self.points[position][1]]= self.points[len(self.points)-1-position][0]
self.points=tempdict
def computeWordScore(self):
maxscore=0
for letter in self.astring:
maxscore=maxscore+self.points[letter]
for word in self.allwords:
score=0
for letter in word:
score=score+self.points[letter]
self.wordpoints.append([score,word])
if score>=maxscore:
print word
| [
"[email protected]"
] | |
2b65d1e32c6aedc8f97411e58999eaa62a8b13ac | e4cab6feadcee618f092f23020a157c8ded42ffc | /WEB/2. Bots/FirstBot/tools/keyboards.py | f7b619b6937bbdf92a8ada14d54037cd34d60240 | [] | no_license | Larionov0/Group3_Lessons | 7c314898a70c61aa445db37383076e211692b56b | 628bc7efe6817d107cb39d3017cb7cee44b86ba4 | refs/heads/master | 2023-08-22T07:14:44.595963 | 2021-10-17T11:48:06 | 2021-10-17T11:48:06 | 339,141,183 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 911 | py | import json
def make_keyboard(list_keyboard):
"""
keyboard = [
["Грати", "Магазин"],
["Моя корзина"],
["Друзі", "Підтримка"]
]
f(keyboard) -> JSON:
{
"keyboard": [
[{"text": "Пошук лобі"}, {"text": "Створити лобі"}],
[{"text": "Магазин"}],
[{"text": "Підтримка"}]
]
}
"""
dct = {
"keyboard": []
}
for row in list_keyboard:
new_row = []
for button_name in row:
button = {'text': button_name}
new_row.append(button)
dct['keyboard'].append(new_row)
return json.dumps(dct, ensure_ascii=False)
if __name__ == '__main__':
print(make_keyboard([
["Грати", "Магазин"],
["Моя корзина"],
["Друзі", "Підтримка"]
]))
| [
"[email protected]"
] | |
e13f85a697789a6add9a026b87968ab8ad0c62aa | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p02646/s315626964.py | e9854e7e7c5008b40ed6f4acd03e5ae61be041f9 | [] | no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 211 | py | A, V = map(int, input().split())
B, W = map(int, input().split())
T = int(input())
if A > B:
x = A
A = B
B = x
if V <= W:
ans="NO"
elif T*V+A-B >= T*W:
ans="YES"
else:
ans="NO"
print(ans) | [
"[email protected]"
] | |
676c910681338a412c9976012360ab390235b2e3 | 52585c8d95cef15199c18ba1a76899d2c31329f0 | /05PythonCookbook/ch12Concurrency/14launching_a_daemon_process_on_unix/daemon.py | b3b2215ad1ffb5424f87257ca06e09df1f0e1482 | [] | no_license | greatabel/PythonRepository | c7a952257303a21083ed7d535274c339362bd126 | 836fcdd3f5c1b150122302685104fe51b5ebe1a3 | refs/heads/master | 2023-08-30T15:56:05.376391 | 2023-08-26T03:34:14 | 2023-08-26T03:34:14 | 29,392,599 | 33 | 6 | null | 2023-02-14T13:33:21 | 2015-01-17T13:54:58 | Python | UTF-8 | Python | false | false | 2,928 | py | # $python3 daemon.py start
# $cat /tmp/daemon.pid
# 34358
# $tail -f /tmp/daemon.log
# Daemon started with pid 34358
# Daemon Alive! Sat Jan 9 17:30:39 2016
# Daemon Alive! Sat Jan 9 17:30:49 2016
# Daemon Alive! Sat Jan 9 17:30:59 2016
# Daemon Alive! Sat Jan 9 17:31:09 2016
# Daemon Alive! Sat Jan 9 17:31:19 2016
# ^C
# $python3 daemon.py stop
#!/usr/bin/env python3
# daemon.py
import os
import sys
import atexit
import signal
def daemonize(pidfile, *, stdin='/dev/null',
stdout='/dev/null',
stderr='/dev/null'):
if os.path.exists(pidfile):
raise RuntimeError('Already running')
# First fork (detaches from parent)
try:
if os.fork() > 0:
raise SystemExit(0) # Parent exit
except OSError as e:
raise RuntimeError('fork #1 failed.')
os.chdir('/')
os.umask(0)
os.setsid()
# Second fork (relinquish session leadership)
try:
if os.fork() > 0:
raise SystemExit(0)
except OSError as e:
raise RuntimeError('fork #2 failed.')
# Flush I/O buffers
sys.stdout.flush()
sys.stderr.flush()
# Replace file descriptors for stdin, stdout, and stderr
with open(stdin, 'rb', 0) as f:
os.dup2(f.fileno(), sys.stdin.fileno())
with open(stdout, 'ab', 0) as f:
os.dup2(f.fileno(), sys.stdout.fileno())
with open(stderr, 'ab', 0) as f:
os.dup2(f.fileno(), sys.stderr.fileno())
# Write the PID file
with open(pidfile,'w') as f:
print(os.getpid(),file=f)
# Arrange to have the PID file removed on exit/signal
atexit.register(lambda: os.remove(pidfile))
# Signal handler for termination (required)
def sigterm_handler(signo, frame):
raise SystemExit(1)
signal.signal(signal.SIGTERM, sigterm_handler)
def main():
import time
sys.stdout.write('Daemon started with pid {}\n'.format(os.getpid()))
while True:
sys.stdout.write('Daemon Alive! {}\n'.format(time.ctime()))
time.sleep(10)
if __name__ == '__main__':
PIDFILE = '/tmp/daemon.pid'
if len(sys.argv) != 2:
print('Usage: {} [start|stop]'.format(sys.argv[0]), file=sys.stderr)
raise SystemExit(1)
if sys.argv[1] == 'start':
try:
daemonize(PIDFILE,
stdout='/tmp/daemon.log',
stderr='/tmp/dameon.log')
except RuntimeError as e:
print(e, file=sys.stderr)
raise SystemExit(1)
main()
elif sys.argv[1] == 'stop':
if os.path.exists(PIDFILE):
with open(PIDFILE) as f:
os.kill(int(f.read()), signal.SIGTERM)
else:
print('Not running', file=sys.stderr)
raise SystemExit(1)
else:
print('Unknown command {!r}'.format(sys.argv[1]), file=sys.stderr)
raise SystemExit(1)
| [
"[email protected]"
] | |
6dfd0a8cae771b4bd31112c19577568d72aa67ab | 04afe39888ea2a3a131a7096dc4eea08e556aea3 | /upgrade/models/check-output.py | d0b7eb2c12b36ea54d1cca225ee0d0552a1fdd91 | [] | no_license | vinzenz/actor-stdlib-examples | 2b0b65b8e6ae2e68a058fbe83e6daecde7c6f8c1 | 35108d2a83703a367a6ac807e651bb04730e5bfd | refs/heads/master | 2021-04-29T02:04:10.185880 | 2018-03-28T09:57:46 | 2018-03-28T09:57:46 | 121,812,528 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 364 | py | from leapp.models import Model, fields
from leapp.topics import CheckOutputTopic
class CheckOutput(Model):
topic = CheckOutputTopic
check_actor = fields.String(required=True)
check_action = fields.String()
status = fields.String(required=True)
summary = fields.String(required=True)
params = fields.List(fields.String(), required=True)
| [
"[email protected]"
] | |
df9999f0bc1ec9301db6c6b588572cdef393fb3d | 24946a607d5f6425f07d6def4968659c627e5324 | /Algorithms/staircase.py | 7301debb6ce9b06238ee64987170966a5d2d29f6 | [] | no_license | mmrubayet/HackerRank_solutions | 5d8acbb8fd6f305a006f147e6cb76dbfc71bbca5 | f1c72fbf730b6a79656d578f6c40a128a6f0ac5c | refs/heads/master | 2023-06-02T16:51:18.017902 | 2021-06-19T18:35:41 | 2021-06-19T18:35:41 | 233,853,287 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 265 | py | #!/bin/python3
import math
import os
import random
import re
import sys
# Complete the staircase function below.
def staircase(n):
for i in range(1, n+1):
print(('#'*i).rjust(n, ' '))
if __name__ == '__main__':
n = int(input())
staircase(n)
| [
"[email protected]"
] | |
4c45b9f0a45f25ef256430aba68a2a6cd0205869 | 07f92805a75dc91b8be2ac14c238394245eda9ea | /Python编程从入门到实践/ch10/write_message.py | f63d0f76f2edfe7dd25ab4d01381877ac1545533 | [] | no_license | 08zhangyi/Some-thing-interesting-for-me | 6ea7366ef1f0812397300259b2e9d0e7217bcba0 | f4cbda341ada98753c57a3ba07653163522dd023 | refs/heads/master | 2023-01-11T22:54:03.396911 | 2023-01-06T05:47:41 | 2023-01-06T05:47:41 | 136,426,995 | 7 | 6 | null | null | null | null | UTF-8 | Python | false | false | 362 | py | filename = 'programming.txt'
with open(filename, 'w') as file_object:
file_object.write("I love programming.\n")
file_object.write("I love creating new games.\n")
with open(filename, 'a') as file_object:
file_object.write("I also love finding meaning in large datasets.\n")
file_object.write("I love creating apps that can run in a browser.\n") | [
"[email protected]"
] | |
50a408b8dfc41fdb59dde8b5a78466973222fb85 | e65ce709feadc277b95032be5269d450deab76fc | /ark/account/views.py | 12c0f4a241d6385ea451e1189fed69b176de86be | [
"MIT"
] | permissive | N402/NoahsArk | 77c6b8d8ddfdf76688575cc9d1f65ba432b6286a | 97dbe295d0579912860c7b7a4509a3912d5a783b | refs/heads/master | 2016-09-10T20:38:48.101055 | 2015-08-18T02:50:00 | 2015-08-18T02:50:00 | 28,763,317 | 4 | 1 | null | null | null | null | UTF-8 | Python | false | false | 5,322 | py | from flask import Blueprint, render_template
from flask import url_for, redirect, request, jsonify
from flask.ext.login import current_user, login_required
from flask.ext.babel import gettext
from sqlalchemy import or_
from ark.exts import db
from ark.utils.qiniu import get_url
from ark.utils.helper import jsonify_lazy
from ark.account.forms import (
SignUpForm, SignInForm, ChangePassword, AvatarForm, ProfileForm)
from ark.goal.services import get_charsing_goals, get_completed_goals
from ark.account.models import Account
from ark.goal.models import Goal, GoalActivity
from ark.goal.forms import GoalActivityForm, CreateGoalForm
from ark.account.services import (signin_user, signout_user,
signup_user, add_signin_score)
from ark.notification.models import Notification
account_app = Blueprint('account', __name__)
@account_app.route('/account/signin', methods=('POST',))
def signin():
if not current_user.is_anonymous():
return redirect(url_for('goal.goals', uid=current_user.id))
form = SignInForm(request.form)
if form.validate_on_submit():
email = form.data['signin_email'].strip()
password = form.data['signin_password'].strip()
is_remember_me = form.data.get('remember_me', 'y') == 'y'
user = Account.query.authenticate(email, password)
if user:
add_signin_score(user)
signin_user(user, remember=is_remember_me)
return jsonify(success=True)
else:
#TODO: refactor
return jsonify_lazy(
success=False,
messages={
'signin_email': [
unicode(gettext(u'email or password is wrong'))]})
if form.errors:
return jsonify_lazy(success=False,
status="errors",
messages=form.errors)
return render_template('account/signin.html', form=form)
@account_app.route('/account/signup', methods=('POST',))
def signup():
if not current_user.is_anonymous():
return redirect(url_for('goal.goals', uid=current_user.id))
form = SignUpForm(request.form)
if form.validate_on_submit():
email = form.data['email'].strip()
username = form.data['username'].strip()
password = form.data['password'].strip()
user = Account(
email=email,
username=username,
password=password,
)
db.session.add(user)
signup_user(user)
db.session.commit()
signin_user(user, remember=True)
return jsonify(success=True)
if form.errors:
return jsonify_lazy(success=False,
status="errors",
messages=form.errors)
return render_template('account/signup.html', form=form)
@account_app.route('/account/signout')
@login_required
def signout():
next = request.args.get('next') or url_for('master.index')
signout_user(current_user)
return redirect(next)
@account_app.route('/account/profile', methods=('PUT',))
@login_required
def profile():
form = ProfileForm(request.form)
if form.validate_on_submit():
if current_user.email is None and form.data['email']:
current_user.email = form.data['email']
current_user.username = form.data['username']
current_user.whatsup = form.data['whatsup']
db.session.add(current_user)
db.session.commit()
return jsonify(success=True)
if form.errors:
return jsonify_lazy(success=False, messages=form.errors)
@account_app.route('/account/avatar', methods=['GET', 'POST'])
@login_required
def avatar():
form = AvatarForm(request.form)
if form.validate_on_submit():
current_user.avatar_url = get_url(form.data['avatar_url'])
db.session.add(current_user)
db.session.commit()
return jsonify(success=True, url=current_user.avatar_url)
if form.errors:
return jsonify(success=False, messages=form.errors)
return render_template('account/avatar.html', form=form)
@account_app.route('/account/profile/password', methods=('PUT',))
@login_required
def password():
form = ChangePassword(request.form)
if form.validate_on_submit():
current_user.change_password(form.data['new_password'])
db.session.add(current_user)
db.session.commit()
return jsonify(success=True)
if form.errors:
return jsonify_lazy(success=False, messages=form.errors)
@account_app.route('/account/messages')
@login_required
def messages():
page = int(request.args.get('page', 1))
pagination = (Notification.query
.filter(or_(Notification.receivers.any(
Account.id==current_user.id),
Notification.send_to_all==True))
.filter(Notification.created >= current_user.created)
.order_by(Notification.created.desc())
.paginate(page, 10))
return render_template(
'account/messages.html', page=page, pagination=pagination)
@account_app.route('/account/messages/mark_read', methods=('PUT',))
@login_required
def mark_read():
current_user.mark_read()
return jsonify(success=True)
| [
"[email protected]"
] | |
974eba86119b66cbc84ecb49bef7bbc009673c99 | 777a972966fa29a1b5a1a0c5d507a3137de007fc | /container_management/models/container_config.py | 2f7e0aa4f60a6260eda2b5e20d1f9c9438efcb90 | [] | no_license | suningwz/ruvati | 1d1ace30fb2929f686f368fb8d8c51ae76a71190 | 9b15373125139cab1d26294c218685c5b87b9709 | refs/heads/master | 2023-08-15T22:28:18.499733 | 2021-10-12T12:16:56 | 2021-10-12T12:16:56 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 518 | py | # -*- coding: utf-8 -*-
from odoo import models, fields,api
class ContainerConfig(models.TransientModel):
_name = 'container.config'
_description = "Container Configuration"
_inherit ='res.config.settings'
freight_account_id = fields.Many2one('account.account', string="Freight Account", config_parameter='freight_account_id', default='')
customs_clearence_account_id = fields.Many2one('account.account', config_parameter='customs_clearence_account_id', string="Customs Clearence Account")
| [
"[email protected]"
] | |
3fb3e65abff842ed95e4fcd1682f75a8bfe6547b | 377420d718094a37da2e170718cecd80435d425a | /google/ads/googleads/v4/services/services/customer_label_service/client.py | 18f73375e65a66b1701a420d0a6575407404bdf5 | [
"Apache-2.0"
] | permissive | sammillendo/google-ads-python | ed34e737748e91a0fc5716d21f8dec0a4ae088c1 | a39748521847e85138fca593f3be2681352ad024 | refs/heads/master | 2023-04-13T18:44:09.839378 | 2021-04-22T14:33:09 | 2021-04-22T14:33:09 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 23,171 | py | # -*- coding: utf-8 -*-
# Copyright 2020 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
#
from collections import OrderedDict
from distutils import util
import os
import re
from typing import Dict, Optional, Sequence, Tuple, Type, Union
from google.api_core import client_options as client_options_lib # type: ignore
from google.api_core import exceptions # type: ignore
from google.api_core import gapic_v1 # type: ignore
from google.api_core import retry as retries # type: ignore
from google.auth import credentials # type: ignore
from google.auth.transport import mtls # type: ignore
from google.auth.transport.grpc import SslCredentials # type: ignore
from google.auth.exceptions import MutualTLSChannelError # type: ignore
from google.oauth2 import service_account # type: ignore
from google.ads.googleads.v4.resources.types import customer_label
from google.ads.googleads.v4.services.types import customer_label_service
from google.protobuf import wrappers_pb2 as wrappers # type: ignore
from google.rpc import status_pb2 as status # type: ignore
from .transports.base import CustomerLabelServiceTransport, DEFAULT_CLIENT_INFO
from .transports.grpc import CustomerLabelServiceGrpcTransport
class CustomerLabelServiceClientMeta(type):
"""Metaclass for the CustomerLabelService client.
This provides class-level methods for building and retrieving
support objects (e.g. transport) without polluting the client instance
objects.
"""
_transport_registry = (
OrderedDict()
) # type: Dict[str, Type[CustomerLabelServiceTransport]]
_transport_registry["grpc"] = CustomerLabelServiceGrpcTransport
def get_transport_class(
cls, label: str = None,
) -> Type[CustomerLabelServiceTransport]:
"""Return an appropriate transport class.
Args:
label: The name of the desired transport. If none is
provided, then the first transport in the registry is used.
Returns:
The transport class to use.
"""
# If a specific transport is requested, return that one.
if label:
return cls._transport_registry[label]
# No transport is requested; return the default (that is, the first one
# in the dictionary).
return next(iter(cls._transport_registry.values()))
class CustomerLabelServiceClient(metaclass=CustomerLabelServiceClientMeta):
"""Service to manage labels on customers."""
@staticmethod
def _get_default_mtls_endpoint(api_endpoint):
"""Convert api endpoint to mTLS endpoint.
Convert "*.sandbox.googleapis.com" and "*.googleapis.com" to
"*.mtls.sandbox.googleapis.com" and "*.mtls.googleapis.com" respectively.
Args:
api_endpoint (Optional[str]): the api endpoint to convert.
Returns:
str: converted mTLS api endpoint.
"""
if not api_endpoint:
return api_endpoint
mtls_endpoint_re = re.compile(
r"(?P<name>[^.]+)(?P<mtls>\.mtls)?(?P<sandbox>\.sandbox)?(?P<googledomain>\.googleapis\.com)?"
)
m = mtls_endpoint_re.match(api_endpoint)
name, mtls, sandbox, googledomain = m.groups()
if mtls or not googledomain:
return api_endpoint
if sandbox:
return api_endpoint.replace(
"sandbox.googleapis.com", "mtls.sandbox.googleapis.com"
)
return api_endpoint.replace(".googleapis.com", ".mtls.googleapis.com")
DEFAULT_ENDPOINT = "googleads.googleapis.com"
DEFAULT_MTLS_ENDPOINT = _get_default_mtls_endpoint.__func__( # type: ignore
DEFAULT_ENDPOINT
)
@classmethod
def from_service_account_info(cls, info: dict, *args, **kwargs):
"""Creates an instance of this client using the provided credentials info.
Args:
info (dict): The service account private key info.
args: Additional arguments to pass to the constructor.
kwargs: Additional arguments to pass to the constructor.
Returns:
CustomerLabelServiceClient: The constructed client.
"""
credentials = service_account.Credentials.from_service_account_info(
info
)
kwargs["credentials"] = credentials
return cls(*args, **kwargs)
@classmethod
def from_service_account_file(cls, filename: str, *args, **kwargs):
"""Creates an instance of this client using the provided credentials
file.
Args:
filename (str): The path to the service account private key json
file.
args: Additional arguments to pass to the constructor.
kwargs: Additional arguments to pass to the constructor.
Returns:
CustomerLabelServiceClient: The constructed client.
"""
credentials = service_account.Credentials.from_service_account_file(
filename
)
kwargs["credentials"] = credentials
return cls(*args, **kwargs)
from_service_account_json = from_service_account_file
@property
def transport(self) -> CustomerLabelServiceTransport:
"""Return the transport used by the client instance.
Returns:
CustomerLabelServiceTransport: The transport used by the client instance.
"""
return self._transport
@staticmethod
def customer_path(customer: str,) -> str:
"""Return a fully-qualified customer string."""
return "customers/{customer}".format(customer=customer,)
@staticmethod
def parse_customer_path(path: str) -> Dict[str, str]:
"""Parse a customer path into its component segments."""
m = re.match(r"^customers/(?P<customer>.+?)$", path)
return m.groupdict() if m else {}
@staticmethod
def customer_label_path(customer: str, customer_label: str,) -> str:
"""Return a fully-qualified customer_label string."""
return "customers/{customer}/customerLabels/{customer_label}".format(
customer=customer, customer_label=customer_label,
)
@staticmethod
def parse_customer_label_path(path: str) -> Dict[str, str]:
"""Parse a customer_label path into its component segments."""
m = re.match(
r"^customers/(?P<customer>.+?)/customerLabels/(?P<customer_label>.+?)$",
path,
)
return m.groupdict() if m else {}
@staticmethod
def label_path(customer: str, label: str,) -> str:
"""Return a fully-qualified label string."""
return "customers/{customer}/labels/{label}".format(
customer=customer, label=label,
)
@staticmethod
def parse_label_path(path: str) -> Dict[str, str]:
"""Parse a label path into its component segments."""
m = re.match(
r"^customers/(?P<customer>.+?)/labels/(?P<label>.+?)$", path
)
return m.groupdict() if m else {}
@staticmethod
def common_billing_account_path(billing_account: str,) -> str:
"""Return a fully-qualified billing_account string."""
return "billingAccounts/{billing_account}".format(
billing_account=billing_account,
)
@staticmethod
def parse_common_billing_account_path(path: str) -> Dict[str, str]:
"""Parse a billing_account path into its component segments."""
m = re.match(r"^billingAccounts/(?P<billing_account>.+?)$", path)
return m.groupdict() if m else {}
@staticmethod
def common_folder_path(folder: str,) -> str:
"""Return a fully-qualified folder string."""
return "folders/{folder}".format(folder=folder,)
@staticmethod
def parse_common_folder_path(path: str) -> Dict[str, str]:
"""Parse a folder path into its component segments."""
m = re.match(r"^folders/(?P<folder>.+?)$", path)
return m.groupdict() if m else {}
@staticmethod
def common_organization_path(organization: str,) -> str:
"""Return a fully-qualified organization string."""
return "organizations/{organization}".format(organization=organization,)
@staticmethod
def parse_common_organization_path(path: str) -> Dict[str, str]:
"""Parse a organization path into its component segments."""
m = re.match(r"^organizations/(?P<organization>.+?)$", path)
return m.groupdict() if m else {}
@staticmethod
def common_project_path(project: str,) -> str:
"""Return a fully-qualified project string."""
return "projects/{project}".format(project=project,)
@staticmethod
def parse_common_project_path(path: str) -> Dict[str, str]:
"""Parse a project path into its component segments."""
m = re.match(r"^projects/(?P<project>.+?)$", path)
return m.groupdict() if m else {}
@staticmethod
def common_location_path(project: str, location: str,) -> str:
"""Return a fully-qualified location string."""
return "projects/{project}/locations/{location}".format(
project=project, location=location,
)
@staticmethod
def parse_common_location_path(path: str) -> Dict[str, str]:
"""Parse a location path into its component segments."""
m = re.match(
r"^projects/(?P<project>.+?)/locations/(?P<location>.+?)$", path
)
return m.groupdict() if m else {}
def __init__(
self,
*,
credentials: Optional[credentials.Credentials] = None,
transport: Union[str, CustomerLabelServiceTransport, None] = None,
client_options: Optional[client_options_lib.ClientOptions] = None,
client_info: gapic_v1.client_info.ClientInfo = DEFAULT_CLIENT_INFO,
) -> None:
"""Instantiate the customer label service client.
Args:
credentials (Optional[google.auth.credentials.Credentials]): The
authorization credentials to attach to requests. These
credentials identify the application to the service; if none
are specified, the client will attempt to ascertain the
credentials from the environment.
transport (Union[str, ~.CustomerLabelServiceTransport]): The
transport to use. If set to None, a transport is chosen
automatically.
client_options (google.api_core.client_options.ClientOptions): Custom options for the
client. It won't take effect if a ``transport`` instance is provided.
(1) The ``api_endpoint`` property can be used to override the
default endpoint provided by the client. GOOGLE_API_USE_MTLS_ENDPOINT
environment variable can also be used to override the endpoint:
"always" (always use the default mTLS endpoint), "never" (always
use the default regular endpoint) and "auto" (auto switch to the
default mTLS endpoint if client certificate is present, this is
the default value). However, the ``api_endpoint`` property takes
precedence if provided.
(2) If GOOGLE_API_USE_CLIENT_CERTIFICATE environment variable
is "true", then the ``client_cert_source`` property can be used
to provide client certificate for mutual TLS transport. If
not provided, the default SSL client certificate will be used if
present. If GOOGLE_API_USE_CLIENT_CERTIFICATE is "false" or not
set, no client certificate will be used.
client_info (google.api_core.gapic_v1.client_info.ClientInfo):
The client info used to send a user-agent string along with
API requests. If ``None``, then default info will be used.
Generally, you only need to set this if you're developing
your own client library.
Raises:
google.auth.exceptions.MutualTLSChannelError: If mutual TLS transport
creation failed for any reason.
"""
if isinstance(client_options, dict):
client_options = client_options_lib.from_dict(client_options)
if client_options is None:
client_options = client_options_lib.ClientOptions()
# Create SSL credentials for mutual TLS if needed.
use_client_cert = bool(
util.strtobool(
os.getenv("GOOGLE_API_USE_CLIENT_CERTIFICATE", "false")
)
)
ssl_credentials = None
is_mtls = False
if use_client_cert:
if client_options.client_cert_source:
import grpc # type: ignore
cert, key = client_options.client_cert_source()
ssl_credentials = grpc.ssl_channel_credentials(
certificate_chain=cert, private_key=key
)
is_mtls = True
else:
creds = SslCredentials()
is_mtls = creds.is_mtls
ssl_credentials = creds.ssl_credentials if is_mtls else None
# Figure out which api endpoint to use.
if client_options.api_endpoint is not None:
api_endpoint = client_options.api_endpoint
else:
use_mtls_env = os.getenv("GOOGLE_API_USE_MTLS_ENDPOINT", "auto")
if use_mtls_env == "never":
api_endpoint = self.DEFAULT_ENDPOINT
elif use_mtls_env == "always":
api_endpoint = self.DEFAULT_MTLS_ENDPOINT
elif use_mtls_env == "auto":
api_endpoint = (
self.DEFAULT_MTLS_ENDPOINT
if is_mtls
else self.DEFAULT_ENDPOINT
)
else:
raise MutualTLSChannelError(
"Unsupported GOOGLE_API_USE_MTLS_ENDPOINT value. Accepted values: never, auto, always"
)
# Save or instantiate the transport.
# Ordinarily, we provide the transport, but allowing a custom transport
# instance provides an extensibility point for unusual situations.
if isinstance(transport, CustomerLabelServiceTransport):
# transport is a CustomerLabelServiceTransport instance.
if credentials:
raise ValueError(
"When providing a transport instance, "
"provide its credentials directly."
)
self._transport = transport
elif isinstance(transport, str):
Transport = type(self).get_transport_class(transport)
self._transport = Transport(
credentials=credentials, host=self.DEFAULT_ENDPOINT
)
else:
self._transport = CustomerLabelServiceGrpcTransport(
credentials=credentials,
host=api_endpoint,
ssl_channel_credentials=ssl_credentials,
client_info=client_info,
)
def get_customer_label(
self,
request: customer_label_service.GetCustomerLabelRequest = None,
*,
resource_name: str = None,
retry: retries.Retry = gapic_v1.method.DEFAULT,
timeout: float = None,
metadata: Sequence[Tuple[str, str]] = (),
) -> customer_label.CustomerLabel:
r"""Returns the requested customer-label relationship in
full detail.
Args:
request (:class:`google.ads.googleads.v4.services.types.GetCustomerLabelRequest`):
The request object. Request message for
[CustomerLabelService.GetCustomerLabel][google.ads.googleads.v4.services.CustomerLabelService.GetCustomerLabel].
resource_name (:class:`str`):
Required. The resource name of the
customer-label relationship to fetch.
This corresponds to the ``resource_name`` field
on the ``request`` instance; if ``request`` is provided, this
should not be set.
retry (google.api_core.retry.Retry): Designation of what errors, if any,
should be retried.
timeout (float): The timeout for this request.
metadata (Sequence[Tuple[str, str]]): Strings which should be
sent along with the request as metadata.
Returns:
google.ads.googleads.v4.resources.types.CustomerLabel:
Represents a relationship between a
customer and a label. This customer may
not have access to all the labels
attached to it. Additional
CustomerLabels may be returned by
increasing permissions with login-
customer-id.
"""
# Create or coerce a protobuf request object.
# Sanity check: If we got a request object, we should *not* have
# gotten any keyword arguments that map to the request.
if request is not None and any([resource_name]):
raise ValueError(
"If the `request` argument is set, then none of "
"the individual field arguments should be set."
)
# Minor optimization to avoid making a copy if the user passes
# in a customer_label_service.GetCustomerLabelRequest.
# There's no risk of modifying the input as we've already verified
# there are no flattened fields.
if not isinstance(
request, customer_label_service.GetCustomerLabelRequest
):
request = customer_label_service.GetCustomerLabelRequest(request)
# If we have keyword arguments corresponding to fields on the
# request, apply these.
if resource_name is not None:
request.resource_name = resource_name
# Wrap the RPC method; this adds retry and timeout information,
# and friendly error handling.
rpc = self._transport._wrapped_methods[
self._transport.get_customer_label
]
# Certain fields should be provided within the metadata header;
# add these here.
metadata = tuple(metadata) + (
gapic_v1.routing_header.to_grpc_metadata(
(("resource_name", request.resource_name),)
),
)
# Send the request.
response = rpc(
request, retry=retry, timeout=timeout, metadata=metadata,
)
# Done; return the response.
return response
def mutate_customer_labels(
self,
request: customer_label_service.MutateCustomerLabelsRequest = None,
*,
customer_id: str = None,
operations: Sequence[
customer_label_service.CustomerLabelOperation
] = None,
retry: retries.Retry = gapic_v1.method.DEFAULT,
timeout: float = None,
metadata: Sequence[Tuple[str, str]] = (),
) -> customer_label_service.MutateCustomerLabelsResponse:
r"""Creates and removes customer-label relationships.
Operation statuses are returned.
Args:
request (:class:`google.ads.googleads.v4.services.types.MutateCustomerLabelsRequest`):
The request object. Request message for
[CustomerLabelService.MutateCustomerLabels][google.ads.googleads.v4.services.CustomerLabelService.MutateCustomerLabels].
customer_id (:class:`str`):
Required. ID of the customer whose
customer-label relationships are being
modified.
This corresponds to the ``customer_id`` field
on the ``request`` instance; if ``request`` is provided, this
should not be set.
operations (:class:`Sequence[google.ads.googleads.v4.services.types.CustomerLabelOperation]`):
Required. The list of operations to
perform on customer-label relationships.
This corresponds to the ``operations`` field
on the ``request`` instance; if ``request`` is provided, this
should not be set.
retry (google.api_core.retry.Retry): Designation of what errors, if any,
should be retried.
timeout (float): The timeout for this request.
metadata (Sequence[Tuple[str, str]]): Strings which should be
sent along with the request as metadata.
Returns:
google.ads.googleads.v4.services.types.MutateCustomerLabelsResponse:
Response message for a customer
labels mutate.
"""
# Create or coerce a protobuf request object.
# Sanity check: If we got a request object, we should *not* have
# gotten any keyword arguments that map to the request.
if request is not None and any([customer_id, operations]):
raise ValueError(
"If the `request` argument is set, then none of "
"the individual field arguments should be set."
)
# Minor optimization to avoid making a copy if the user passes
# in a customer_label_service.MutateCustomerLabelsRequest.
# There's no risk of modifying the input as we've already verified
# there are no flattened fields.
if not isinstance(
request, customer_label_service.MutateCustomerLabelsRequest
):
request = customer_label_service.MutateCustomerLabelsRequest(
request
)
# If we have keyword arguments corresponding to fields on the
# request, apply these.
if customer_id is not None:
request.customer_id = customer_id
if operations is not None:
request.operations = operations
# Wrap the RPC method; this adds retry and timeout information,
# and friendly error handling.
rpc = self._transport._wrapped_methods[
self._transport.mutate_customer_labels
]
# Certain fields should be provided within the metadata header;
# add these here.
metadata = tuple(metadata) + (
gapic_v1.routing_header.to_grpc_metadata(
(("customer_id", request.customer_id),)
),
)
# Send the request.
response = rpc(
request, retry=retry, timeout=timeout, metadata=metadata,
)
# Done; return the response.
return response
__all__ = ("CustomerLabelServiceClient",)
| [
"[email protected]"
] | |
5e3c9bef5cc205d514052ea4a0687ae7ab1cd5a9 | 9743d5fd24822f79c156ad112229e25adb9ed6f6 | /xai/brain/wordbase/otherforms/_solariums.py | 9e32ce0f592b4095252b978a893f5e61bf9a7f98 | [
"MIT"
] | permissive | cash2one/xai | de7adad1758f50dd6786bf0111e71a903f039b64 | e76f12c9f4dcf3ac1c7c08b0cc8844c0b0a104b6 | refs/heads/master | 2021-01-19T12:33:54.964379 | 2017-01-28T02:00:50 | 2017-01-28T02:00:50 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 230 | py |
#calss header
class _SOLARIUMS():
def __init__(self,):
self.name = "SOLARIUMS"
self.definitions = solarium
self.parents = []
self.childen = []
self.properties = []
self.jsondata = {}
self.basic = ['solarium']
| [
"[email protected]"
] | |
c1278210180978e06fd80b879ace3fb24f9d1b19 | a2ba4451a2b0264cd5e65f393e370bc6c809bff0 | /src/test/helpers/PDUnitTest.py | a4fea56ba5d68c096d3b71e9675adef2f8d15d19 | [] | no_license | Sinnach0/PDOauth | e1579a6a1047f2b770881acfa70bcc6860cd3a89 | a49a267f5564a40c1b24cab0232b2ead1407e344 | refs/heads/master | 2020-12-26T01:59:31.985745 | 2015-06-09T09:52:09 | 2015-06-09T09:52:09 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,205 | py | from twatson.unittest_annotations import Fixture, test # @UnusedImport
from pdoauth.Controller import Controller, Interfaced
from pdoauth.FlaskInterface import FlaskInterface
from test.helpers.FakeInterFace import FakeInterface, FakeMailer, TestData
from pdoauth.ReportedError import ReportedError
class PDUnitTest(Fixture):
def setUp(self):
self.setUpController()
def tearDown(self):
self.tearDownController()
def setUpController(self):
Interfaced.unsetInterface(FlaskInterface)
Interfaced.setInterface(FakeInterface)
FakeInterface._testdata = TestData()
self.controller = Controller.getInstance()
self.oldmail = getattr(self.controller,"mail", None)
self.controller.mail = FakeMailer()
def tearDownController(self):
Interfaced.unsetInterface(FakeInterface)
Interfaced.setInterface(FlaskInterface)
self.controller.mail = self.oldmail
def assertReportedError(self, funct, args, status, descriptor):
with self.assertRaises(ReportedError) as e:
funct(*args)
self.assertEquals(e.exception.status, status)
self.assertEqual(descriptor, e.exception.descriptor)
| [
"[email protected]"
] | |
65190f63674ba42b90a697afc3c471684de05db7 | 2c7f025568bceb560888d26828aef30e5ae23393 | /bin/player.py | 6f88955e7794fa49bd22cd7439f71727990972c0 | [] | no_license | GustavoCruz12/educacao | 6271ebc71830ee1964f8311d3ef21ec8abf58e50 | d0faa633ed1d588d84c74a3e15ccf5fa4dd9839e | refs/heads/master | 2022-12-08T09:34:42.066372 | 2018-08-03T06:38:49 | 2018-08-03T06:38:49 | 143,387,426 | 0 | 0 | null | 2022-12-08T00:01:52 | 2018-08-03T06:31:03 | Python | UTF-8 | Python | false | false | 2,114 | py | #!/home/gustavo/Projetos/web_serrana/bin/python3
#
# The Python Imaging Library
# $Id$
#
from __future__ import print_function
import sys
if sys.version_info[0] > 2:
import tkinter
else:
import Tkinter as tkinter
from PIL import Image, ImageTk
# --------------------------------------------------------------------
# an image animation player
class UI(tkinter.Label):
def __init__(self, master, im):
if isinstance(im, list):
# list of images
self.im = im[1:]
im = self.im[0]
else:
# sequence
self.im = im
if im.mode == "1":
self.image = ImageTk.BitmapImage(im, foreground="white")
else:
self.image = ImageTk.PhotoImage(im)
tkinter.Label.__init__(self, master, image=self.image, bg="black", bd=0)
self.update()
duration = im.info.get("duration", 100)
self.after(duration, self.next)
def next(self):
if isinstance(self.im, list):
try:
im = self.im[0]
del self.im[0]
self.image.paste(im)
except IndexError:
return # end of list
else:
try:
im = self.im
im.seek(im.tell() + 1)
self.image.paste(im)
except EOFError:
return # end of file
duration = im.info.get("duration", 100)
self.after(duration, self.next)
self.update_idletasks()
# --------------------------------------------------------------------
# script interface
if __name__ == "__main__":
if not sys.argv[1:]:
print("Syntax: python player.py imagefile(s)")
sys.exit(1)
filename = sys.argv[1]
root = tkinter.Tk()
root.title(filename)
if len(sys.argv) > 2:
# list of images
print("loading...")
im = []
for filename in sys.argv[1:]:
im.append(Image.open(filename))
else:
# sequence
im = Image.open(filename)
UI(root, im).pack()
root.mainloop()
| [
"[email protected]"
] | |
90c8650602b1b7604791e96b1119c15da29e8c78 | 38382e23bf57eab86a4114b1c1096d0fc554f255 | /hazelcast/protocol/codec/list_is_empty_codec.py | 3c42ede40f79caab5b53e877250ec48b64b4f700 | [
"Apache-2.0"
] | permissive | carbonblack/hazelcast-python-client | e303c98dc724233376ab54270832bfd916426cea | b39bfaad138478e9a25c8a07f56626d542854d0c | refs/heads/gevent-3.12.3.1 | 2023-04-13T09:43:30.626269 | 2020-09-18T17:37:17 | 2020-09-18T17:37:17 | 110,181,474 | 3 | 1 | Apache-2.0 | 2020-12-01T17:45:42 | 2017-11-10T00:21:55 | Python | UTF-8 | Python | false | false | 940 | py | from hazelcast.serialization.bits import *
from hazelcast.protocol.client_message import ClientMessage
from hazelcast.protocol.codec.list_message_type import *
REQUEST_TYPE = LIST_ISEMPTY
RESPONSE_TYPE = 101
RETRYABLE = True
def calculate_size(name):
""" Calculates the request payload size"""
data_size = 0
data_size += calculate_size_str(name)
return data_size
def encode_request(name):
""" Encode request into client_message"""
client_message = ClientMessage(payload_size=calculate_size(name))
client_message.set_message_type(REQUEST_TYPE)
client_message.set_retryable(RETRYABLE)
client_message.append_str(name)
client_message.update_frame_length()
return client_message
def decode_response(client_message, to_object=None):
""" Decode response from client message"""
parameters = dict(response=None)
parameters['response'] = client_message.read_bool()
return parameters
| [
"[email protected]"
] | |
316d6a4481b9b85c7182965171aa599101a81e14 | 7950c4faf15ec1dc217391d839ddc21efd174ede | /leetcode-cn/1605.0_Find_Valid_Matrix_Given_Row_and_Column_Sums.py | b4fada7996fc9ea5767ddf55419bcfb31f7c78f9 | [] | no_license | lixiang2017/leetcode | f462ecd269c7157aa4f5854f8c1da97ca5375e39 | f93380721b8383817fe2b0d728deca1321c9ef45 | refs/heads/master | 2023-08-25T02:56:58.918792 | 2023-08-22T16:43:36 | 2023-08-22T16:43:36 | 153,090,613 | 5 | 0 | null | null | null | null | UTF-8 | Python | false | false | 753 | py | '''
Greedy
T: O(M+N)
S: O(1)
执行用时:64 ms, 在所有 Python3 提交中击败了92.42% 的用户
内存消耗:19.6 MB, 在所有 Python3 提交中击败了48.48% 的用户
通过测试用例:84 / 84
'''
class Solution:
def restoreMatrix(self, rowSum: List[int], colSum: List[int]) -> List[List[int]]:
m, n = len(rowSum), len(colSum)
mat = [[0] * n for _ in range(m)]
i = j = 0
while i < m and j < n:
rs, cs = rowSum[i], colSum[j]
if rs < cs:
mat[i][j] = rs
colSum[j] -= rs
i += 1
else:
mat[i][j] = cs
rowSum[i] -= cs
j += 1
return mat
| [
"[email protected]"
] | |
99dd40693c6a0bb0507bc9f9b1063489abdd7442 | 10d77a1bca1358738179185081906956faf3963a | /venv/Lib/site-packages/django/contrib/gis/db/models/functions.py | 9aad803090ce1240fdfbf1256cdb49d68de94fd9 | [] | no_license | ekansh18/WE_Care_NGO_WEBSITE | 3eb6b12ae798da26aec75d409b0b92f7accd6c55 | 7c1eaa78d966d13893c38e7157744fbf8f377e71 | refs/heads/master | 2023-07-16T07:22:48.920429 | 2021-08-31T04:11:19 | 2021-08-31T04:11:19 | 401,563,669 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 30,717 | py | from decimal import Decimal
from django.contrib.gis.db.models.fields import BaseSpatialField, GeometryField
from django.contrib.gis.db.models.sql import AreaField, DistanceField
from django.contrib.gis.geos import GEOSGeometry
from django.core.exceptions import FieldError
from django.db.models import (
BooleanField, FloatField, IntegerField, TextField, Transform,
)
from django.db.models.expressions import Func, Value
from django.db.models.functions import Cast
from django.db.utils import NotSupportedError
from django.utils.functional import cached_property
NUMERIC_TYPES = (int, float, Decimal)
class GeoFuncMixin:
function = None
geom_param_pos = (0,)
def __init__(self, *expressions, **extra):
super().__init__(*expressions, **extra)
# Ensure that value expressions are geometric.
for pos in self.geom_param_pos:
expr = self.source_expressions[pos]
if not isinstance(expr, Value):
continue
try:
output_field = expr.output_field
except FieldError:
output_field = None
geom = expr.value
if not isinstance(geom, GEOSGeometry) or output_field and not isinstance(output_field, GeometryField):
raise TypeError("%s function requires a geometric argument in position %d." % (self.name, pos + 1))
if not geom.srid and not output_field:
raise ValueError("SRID is required for all geometries.")
if not output_field:
self.source_expressions[pos] = Value(geom, output_field=GeometryField(srid=geom.srid))
@property
def name(self):
return self.__class__.__name__
@cached_property
def geo_field(self):
return self.source_expressions[self.geom_param_pos[0]].field
def as_sql(self, compiler, connection, function=None, **extra_context):
if self.function is None and function is None:
function = connection.ops.spatial_function_name(self.name)
return super().as_sql(compiler, connection, function=function, **extra_context)
def resolve_expression(self, *args, **kwargs):
res = super().resolve_expression(*args, **kwargs)
# Ensure that expressions are geometric.
source_fields = res.get_source_fields()
for pos in self.geom_param_pos:
field = source_fields[pos]
if not isinstance(field, GeometryField):
raise TypeError(
"%s function requires a GeometryField in position %s, got %s." % (
self.name, pos + 1, type(field).__name__,
)
)
base_srid = res.geo_field.srid
for pos in self.geom_param_pos[1:]:
expr = res.source_expressions[pos]
expr_srid = expr.output_field.srid
if expr_srid != base_srid:
# Automatic SRID conversion so objects are comparable.
res.source_expressions[pos] = Transform(expr, base_srid).resolve_expression(*args, **kwargs)
return res
def _handle_param(self, value, param_name='', check_types=None):
if not hasattr(value, 'resolve_expression'):
if check_types and not isinstance(value, check_types):
raise TypeError(
"The %s parameter has the wrong type: should be %s." % (
param_name, check_types)
)
return value
class GeoFunc(GeoFuncMixin, Func):
pass
class GeomOutputGeoFunc(GeoFunc):
@cached_property
def output_field(self):
return GeometryField(srid=self.geo_field.srid)
class SQLiteDecimalToFloatMixin:
"""
By default, Decimal values are converted to str by the SQLite backend, which
is not acceptable by the GIS functions expecting numeric values.
"""
def as_sqlite(self, compiler, connection, **extra_context):
for expr in self.get_source_expressions():
if hasattr(expr, 'value') and isinstance(expr.value, Decimal):
expr.value = float(expr.value)
return super().as_sql(compiler, connection, **extra_context)
class OracleToleranceMixin:
tolerance = 0.05
def as_oracle(self, compiler, connection, **extra_context):
tolerance = Value(self._handle_param(
self.extra.get('tolerance', self.tolerance),
'tolerance',
NUMERIC_TYPES,
))
clone = self.copy()
clone.set_source_expressions([*self.get_source_expressions(), tolerance])
return clone.as_sql(compiler, connection, **extra_context)
class Area(OracleToleranceMixin, GeoFunc):
arity = 1
@cached_property
def output_field(self):
return AreaField(self.geo_field)
def as_sql(self, compiler, connection, **extra_context):
if not connection.features.supports_area_geodetic and self.geo_field.geodetic(connection):
raise NotSupportedError('Area on geodetic coordinate systems not supported.')
return super().as_sql(compiler, connection, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection):
extra_context['template'] = '%(function)s(%(expressions)s, %(spheroid)d)'
extra_context['spheroid'] = True
return self.as_sql(compiler, connection, **extra_context)
class Azimuth(GeoFunc):
output_field = FloatField()
arity = 2
geom_param_pos = (0, 1)
class AsGeoJSON(GeoFunc):
output_field = TextField()
def __init__(self, expression, bbox=False, crs=False, precision=8, **extra):
expressions = [expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
options = 0
if crs and bbox:
options = 3
elif bbox:
options = 1
elif crs:
options = 2
if options:
expressions.append(options)
super().__init__(*expressions, **extra)
class AsGML(GeoFunc):
geom_param_pos = (1,)
output_field = TextField()
def __init__(self, expression, version=2, precision=8, **extra):
expressions = [version, expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
super().__init__(*expressions, **extra)
def as_oracle(self, compiler, connection, **extra_context):
source_expressions = self.get_source_expressions()
version = source_expressions[0]
clone = self.copy()
clone.set_source_expressions([source_expressions[1]])
extra_context['function'] = 'SDO_UTIL.TO_GML311GEOMETRY' if version.value == 3 else 'SDO_UTIL.TO_GMLGEOMETRY'
return super(AsGML, clone).as_sql(compiler, connection, **extra_context)
class AsKML(AsGML):
def as_sqlite(self, compiler, connection, **extra_context):
# No version parameter
clone = self.copy()
clone.set_source_expressions(self.get_source_expressions()[1:])
return clone.as_sql(compiler, connection, **extra_context)
class AsSVG(GeoFunc):
output_field = TextField()
def __init__(self, expression, relative=False, precision=8, **extra):
relative = relative if hasattr(relative, 'resolve_expression') else int(relative)
expressions = [
expression,
relative,
self._handle_param(precision, 'precision', int),
]
super().__init__(*expressions, **extra)
class BoundingCircle(OracleToleranceMixin, GeoFunc):
def __init__(self, expression, num_seg=48, **extra):
super().__init__(expression, num_seg, **extra)
def as_oracle(self, compiler, connection, **extra_context):
clone = self.copy()
clone.set_source_expressions([self.get_source_expressions()[0]])
return super(BoundingCircle, clone).as_oracle(compiler, connection, **extra_context)
class Centroid(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 1
class Difference(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
class DistanceResultMixin:
@cached_property
def output_field(self):
return DistanceField(self.geo_field)
def source_is_geography(self):
return self.geo_field.geography and self.geo_field.srid == 4326
class Distance(DistanceResultMixin, OracleToleranceMixin, GeoFunc):
geom_param_pos = (0, 1)
spheroid = None
def __init__(self, expr1, expr2, spheroid=None, **extra):
expressions = [expr1, expr2]
if spheroid is not None:
self.spheroid = self._handle_param(spheroid, 'spheroid', bool)
super().__init__(*expressions, **extra)
def as_postgresql(self, compiler, connection, **extra_context):
clone = self.copy()
function = None
expr2 = clone.source_expressions[1]
geography = self.source_is_geography()
if expr2.output_field.geography != geography:
if isinstance(expr2, Value):
expr2.output_field.geography = geography
else:
clone.source_expressions[1] = Cast(
expr2,
GeometryField(srid=expr2.output_field.srid, geography=geography),
)
if not geography and self.geo_field.geodetic(connection):
# Geometry fields with geodetic (lon/lat) coordinates need special distance functions
if self.spheroid:
# DistanceSpheroid is more accurate and resource intensive than DistanceSphere
function = connection.ops.spatial_function_name('DistanceSpheroid')
# Replace boolean param by the real spheroid of the base field
clone.source_expressions.append(Value(self.geo_field.spheroid(connection)))
else:
function = connection.ops.spatial_function_name('DistanceSphere')
return super(Distance, clone).as_sql(compiler, connection, function=function, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection):
# SpatiaLite returns NULL instead of zero on geodetic coordinates
extra_context['template'] = 'COALESCE(%(function)s(%(expressions)s, %(spheroid)s), 0)'
extra_context['spheroid'] = int(bool(self.spheroid))
return super().as_sql(compiler, connection, **extra_context)
class Envelope(GeomOutputGeoFunc):
arity = 1
class ForcePolygonCW(GeomOutputGeoFunc):
arity = 1
class GeoHash(GeoFunc):
output_field = TextField()
def __init__(self, expression, precision=None, **extra):
expressions = [expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
super().__init__(*expressions, **extra)
def as_mysql(self, compiler, connection, **extra_context):
clone = self.copy()
# If no precision is provided, set it to the maximum.
if len(clone.source_expressions) < 2:
clone.source_expressions.append(Value(100))
return clone.as_sql(compiler, connection, **extra_context)
class GeometryDistance(GeoFunc):
output_field = FloatField()
arity = 2
function = ''
arg_joiner = ' <-> '
geom_param_pos = (0, 1)
class Intersection(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
@BaseSpatialField.register_lookup
class IsValid(OracleToleranceMixin, GeoFuncMixin, Transform):
lookup_name = 'isvalid'
output_field = BooleanField()
def as_oracle(self, compiler, connection, **extra_context):
sql, params = super().as_oracle(compiler, connection, **extra_context)
return "CASE %s WHEN 'TRUE' THEN 1 ELSE 0 END" % sql, params
class Length(DistanceResultMixin, OracleToleranceMixin, GeoFunc):
def __init__(self, expr1, spheroid=True, **extra):
self.spheroid = spheroid
super().__init__(expr1, **extra)
def as_sql(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection) and not connection.features.supports_length_geodetic:
raise NotSupportedError("This backend doesn't support Length on geodetic fields")
return super().as_sql(compiler, connection, **extra_context)
def as_postgresql(self, compiler, connection, **extra_context):
clone = self.copy()
function = None
if self.source_is_geography():
clone.source_expressions.append(Value(self.spheroid))
elif self.geo_field.geodetic(connection):
# Geometry fields with geodetic (lon/lat) coordinates need length_spheroid
function = connection.ops.spatial_function_name('LengthSpheroid')
clone.source_expressions.append(Value(self.geo_field.spheroid(connection)))
else:
dim = min(f.dim for f in self.get_source_fields() if f)
if dim > 2:
function = connection.ops.length3d
return super(Length, clone).as_sql(compiler, connection, function=function, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
function = None
if self.geo_field.geodetic(connection):
function = 'GeodesicLength' if self.spheroid else 'GreatCircleLength'
return super().as_sql(compiler, connection, function=function, **extra_context)
class LineLocatePoint(GeoFunc):
output_field = FloatField()
arity = 2
geom_param_pos = (0, 1)
class MakeValid(GeoFunc):
pass
class MemSize(GeoFunc):
output_field = IntegerField()
arity = 1
class NumGeometries(from decimal import Decimal
from django.contrib.gis.db.models.fields import BaseSpatialField, GeometryField
from django.contrib.gis.db.models.sql import AreaField, DistanceField
from django.contrib.gis.geos import GEOSGeometry
from django.core.exceptions import FieldError
from django.db.models import (
BooleanField, FloatField, IntegerField, TextField, Transform,
)
from django.db.models.expressions import Func, Value
from django.db.models.functions import Cast
from django.db.utils import NotSupportedError
from django.utils.functional import cached_property
NUMERIC_TYPES = (int, float, Decimal)
class GeoFuncMixin:
function = None
geom_param_pos = (0,)
def __init__(self, *expressions, **extra):
super().__init__(*expressions, **extra)
# Ensure that value expressions are geometric.
for pos in self.geom_param_pos:
expr = self.source_expressions[pos]
if not isinstance(expr, Value):
continue
try:
output_field = expr.output_field
except FieldError:
output_field = None
geom = expr.value
if not isinstance(geom, GEOSGeometry) or output_field and not isinstance(output_field, GeometryField):
raise TypeError("%s function requires a geometric argument in position %d." % (self.name, pos + 1))
if not geom.srid and not output_field:
raise ValueError("SRID is required for all geometries.")
if not output_field:
self.source_expressions[pos] = Value(geom, output_field=GeometryField(srid=geom.srid))
@property
def name(self):
return self.__class__.__name__
@cached_property
def geo_field(self):
return self.source_expressions[self.geom_param_pos[0]].field
def as_sql(self, compiler, connection, function=None, **extra_context):
if self.function is None and function is None:
function = connection.ops.spatial_function_name(self.name)
return super().as_sql(compiler, connection, function=function, **extra_context)
def resolve_expression(self, *args, **kwargs):
res = super().resolve_expression(*args, **kwargs)
# Ensure that expressions are geometric.
source_fields = res.get_source_fields()
for pos in self.geom_param_pos:
field = source_fields[pos]
if not isinstance(field, GeometryField):
raise TypeError(
"%s function requires a GeometryField in position %s, got %s." % (
self.name, pos + 1, type(field).__name__,
)
)
base_srid = res.geo_field.srid
for pos in self.geom_param_pos[1:]:
expr = res.source_expressions[pos]
expr_srid = expr.output_field.srid
if expr_srid != base_srid:
# Automatic SRID conversion so objects are comparable.
res.source_expressions[pos] = Transform(expr, base_srid).resolve_expression(*args, **kwargs)
return res
def _handle_param(self, value, param_name='', check_types=None):
if not hasattr(value, 'resolve_expression'):
if check_types and not isinstance(value, check_types):
raise TypeError(
"The %s parameter has the wrong type: should be %s." % (
param_name, check_types)
)
return value
class GeoFunc(GeoFuncMixin, Func):
pass
class GeomOutputGeoFunc(GeoFunc):
@cached_property
def output_field(self):
return GeometryField(srid=self.geo_field.srid)
class SQLiteDecimalToFloatMixin:
"""
By default, Decimal values are converted to str by the SQLite backend, which
is not acceptable by the GIS functions expecting numeric values.
"""
def as_sqlite(self, compiler, connection, **extra_context):
for expr in self.get_source_expressions():
if hasattr(expr, 'value') and isinstance(expr.value, Decimal):
expr.value = float(expr.value)
return super().as_sql(compiler, connection, **extra_context)
class OracleToleranceMixin:
tolerance = 0.05
def as_oracle(self, compiler, connection, **extra_context):
tolerance = Value(self._handle_param(
self.extra.get('tolerance', self.tolerance),
'tolerance',
NUMERIC_TYPES,
))
clone = self.copy()
clone.set_source_expressions([*self.get_source_expressions(), tolerance])
return clone.as_sql(compiler, connection, **extra_context)
class Area(OracleToleranceMixin, GeoFunc):
arity = 1
@cached_property
def output_field(self):
return AreaField(self.geo_field)
def as_sql(self, compiler, connection, **extra_context):
if not connection.features.supports_area_geodetic and self.geo_field.geodetic(connection):
raise NotSupportedError('Area on geodetic coordinate systems not supported.')
return super().as_sql(compiler, connection, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection):
extra_context['template'] = '%(function)s(%(expressions)s, %(spheroid)d)'
extra_context['spheroid'] = True
return self.as_sql(compiler, connection, **extra_context)
class Azimuth(GeoFunc):
output_field = FloatField()
arity = 2
geom_param_pos = (0, 1)
class AsGeoJSON(GeoFunc):
output_field = TextField()
def __init__(self, expression, bbox=False, crs=False, precision=8, **extra):
expressions = [expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
options = 0
if crs and bbox:
options = 3
elif bbox:
options = 1
elif crs:
options = 2
if options:
expressions.append(options)
super().__init__(*expressions, **extra)
class AsGML(GeoFunc):
geom_param_pos = (1,)
output_field = TextField()
def __init__(self, expression, version=2, precision=8, **extra):
expressions = [version, expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
super().__init__(*expressions, **extra)
def as_oracle(self, compiler, connection, **extra_context):
source_expressions = self.get_source_expressions()
version = source_expressions[0]
clone = self.copy()
clone.set_source_expressions([source_expressions[1]])
extra_context['function'] = 'SDO_UTIL.TO_GML311GEOMETRY' if version.value == 3 else 'SDO_UTIL.TO_GMLGEOMETRY'
return super(AsGML, clone).as_sql(compiler, connection, **extra_context)
class AsKML(AsGML):
def as_sqlite(self, compiler, connection, **extra_context):
# No version parameter
clone = self.copy()
clone.set_source_expressions(self.get_source_expressions()[1:])
return clone.as_sql(compiler, connection, **extra_context)
class AsSVG(GeoFunc):
output_field = TextField()
def __init__(self, expression, relative=False, precision=8, **extra):
relative = relative if hasattr(relative, 'resolve_expression') else int(relative)
expressions = [
expression,
relative,
self._handle_param(precision, 'precision', int),
]
super().__init__(*expressions, **extra)
class BoundingCircle(OracleToleranceMixin, GeoFunc):
def __init__(self, expression, num_seg=48, **extra):
super().__init__(expression, num_seg, **extra)
def as_oracle(self, compiler, connection, **extra_context):
clone = self.copy()
clone.set_source_expressions([self.get_source_expressions()[0]])
return super(BoundingCircle, clone).as_oracle(compiler, connection, **extra_context)
class Centroid(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 1
class Difference(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
class DistanceResultMixin:
@cached_property
def output_field(self):
return DistanceField(self.geo_field)
def source_is_geography(self):
return self.geo_field.geography and self.geo_field.srid == 4326
class Distance(DistanceResultMixin, OracleToleranceMixin, GeoFunc):
geom_param_pos = (0, 1)
spheroid = None
def __init__(self, expr1, expr2, spheroid=None, **extra):
expressions = [expr1, expr2]
if spheroid is not None:
self.spheroid = self._handle_param(spheroid, 'spheroid', bool)
super().__init__(*expressions, **extra)
def as_postgresql(self, compiler, connection, **extra_context):
clone = self.copy()
function = None
expr2 = clone.source_expressions[1]
geography = self.source_is_geography()
if expr2.output_field.geography != geography:
if isinstance(expr2, Value):
expr2.output_field.geography = geography
else:
clone.source_expressions[1] = Cast(
expr2,
GeometryField(srid=expr2.output_field.srid, geography=geography),
)
if not geography and self.geo_field.geodetic(connection):
# Geometry fields with geodetic (lon/lat) coordinates need special distance functions
if self.spheroid:
# DistanceSpheroid is more accurate and resource intensive than DistanceSphere
function = connection.ops.spatial_function_name('DistanceSpheroid')
# Replace boolean param by the real spheroid of the base field
clone.source_expressions.append(Value(self.geo_field.spheroid(connection)))
else:
function = connection.ops.spatial_function_name('DistanceSphere')
return super(Distance, clone).as_sql(compiler, connection, function=function, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection):
# SpatiaLite returns NULL instead of zero on geodetic coordinates
extra_context['template'] = 'COALESCE(%(function)s(%(expressions)s, %(spheroid)s), 0)'
extra_context['spheroid'] = int(bool(self.spheroid))
return super().as_sql(compiler, connection, **extra_context)
class Envelope(GeomOutputGeoFunc):
arity = 1
class ForcePolygonCW(GeomOutputGeoFunc):
arity = 1
class GeoHash(GeoFunc):
output_field = TextField()
def __init__(self, expression, precision=None, **extra):
expressions = [expression]
if precision is not None:
expressions.append(self._handle_param(precision, 'precision', int))
super().__init__(*expressions, **extra)
def as_mysql(self, compiler, connection, **extra_context):
clone = self.copy()
# If no precision is provided, set it to the maximum.
if len(clone.source_expressions) < 2:
clone.source_expressions.append(Value(100))
return clone.as_sql(compiler, connection, **extra_context)
class GeometryDistance(GeoFunc):
output_field = FloatField()
arity = 2
function = ''
arg_joiner = ' <-> '
geom_param_pos = (0, 1)
class Intersection(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
@BaseSpatialField.register_lookup
class IsValid(OracleToleranceMixin, GeoFuncMixin, Transform):
lookup_name = 'isvalid'
output_field = BooleanField()
def as_oracle(self, compiler, connection, **extra_context):
sql, params = super().as_oracle(compiler, connection, **extra_context)
return "CASE %s WHEN 'TRUE' THEN 1 ELSE 0 END" % sql, params
class Length(DistanceResultMixin, OracleToleranceMixin, GeoFunc):
def __init__(self, expr1, spheroid=True, **extra):
self.spheroid = spheroid
super().__init__(expr1, **extra)
def as_sql(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection) and not connection.features.supports_length_geodetic:
raise NotSupportedError("This backend doesn't support Length on geodetic fields")
return super().as_sql(compiler, connection, **extra_context)
def as_postgresql(self, compiler, connection, **extra_context):
clone = self.copy()
function = None
if self.source_is_geography():
clone.source_expressions.append(Value(self.spheroid))
elif self.geo_field.geodetic(connection):
# Geometry fields with geodetic (lon/lat) coordinates need length_spheroid
function = connection.ops.spatial_function_name('LengthSpheroid')
clone.source_expressions.append(Value(self.geo_field.spheroid(connection)))
else:
dim = min(f.dim for f in self.get_source_fields() if f)
if dim > 2:
function = connection.ops.length3d
return super(Length, clone).as_sql(compiler, connection, function=function, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
function = None
if self.geo_field.geodetic(connection):
function = 'GeodesicLength' if self.spheroid else 'GreatCircleLength'
return super().as_sql(compiler, connection, function=function, **extra_context)
class LineLocatePoint(GeoFunc):
output_field = FloatField()
arity = 2
geom_param_pos = (0, 1)
class MakeValid(GeoFunc):
pass
class MemSize(GeoFunc):
output_field = IntegerField()
arity = 1
class NumGeometries(GeoFunc):
output_field = IntegerField()
arity = 1
class NumPoints(GeoFunc):
output_field = IntegerField()
arity = 1
class Perimeter(DistanceResultMixin, OracleToleranceMixin, GeoFunc):
arity = 1
def as_postgresql(self, compiler, connection, **extra_context):
function = None
if self.geo_field.geodetic(connection) and not self.source_is_geography():
raise NotSupportedError("ST_Perimeter cannot use a non-projected non-geography field.")
dim = min(f.dim for f in self.get_source_fields())
if dim > 2:
function = connection.ops.perimeter3d
return super().as_sql(compiler, connection, function=function, **extra_context)
def as_sqlite(self, compiler, connection, **extra_context):
if self.geo_field.geodetic(connection):
raise NotSupportedError("Perimeter cannot use a non-projected field.")
return super().as_sql(compiler, connection, **extra_context)
class PointOnSurface(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 1
class Reverse(GeoFunc):
arity = 1
class Scale(SQLiteDecimalToFloatMixin, GeomOutputGeoFunc):
def __init__(self, expression, x, y, z=0.0, **extra):
expressions = [
expression,
self._handle_param(x, 'x', NUMERIC_TYPES),
self._handle_param(y, 'y', NUMERIC_TYPES),
]
if z != 0.0:
expressions.append(self._handle_param(z, 'z', NUMERIC_TYPES))
super().__init__(*expressions, **extra)
class SnapToGrid(SQLiteDecimalToFloatMixin, GeomOutputGeoFunc):
def __init__(self, expression, *args, **extra):
nargs = len(args)
expressions = [expression]
if nargs in (1, 2):
expressions.extend(
[self._handle_param(arg, '', NUMERIC_TYPES) for arg in args]
)
elif nargs == 4:
# Reverse origin and size param ordering
expressions += [
*(self._handle_param(arg, '', NUMERIC_TYPES) for arg in args[2:]),
*(self._handle_param(arg, '', NUMERIC_TYPES) for arg in args[0:2]),
]
else:
raise ValueError('Must provide 1, 2, or 4 arguments to `SnapToGrid`.')
super().__init__(*expressions, **extra)
class SymDifference(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
class Transform(GeomOutputGeoFunc):
def __init__(self, expression, srid, **extra):
expressions = [
expression,
self._handle_param(srid, 'srid', int),
]
if 'output_field' not in extra:
extra['output_field'] = GeometryField(srid=srid)
super().__init__(*expressions, **extra)
class Translate(Scale):
def as_sqlite(self, compiler, connection, **extra_context):
clone = self.copy()
if len(self.source_expressions) < 4:
# Always provide the z parameter for ST_Translate
clone.source_expressions.append(Value(0))
return super(Translate, clone).as_sqlite(compiler, connection, **extra_context)
class Union(OracleToleranceMixin, GeomOutputGeoFunc):
arity = 2
geom_param_pos = (0, 1)
| [
"[email protected]"
] | |
9b9e97ebbd98b98e9738d5df74392cb0d6e2d21c | aa49120740b051eed9b7199340b371a9831c3050 | /clone.py | 701834c5ca32640f8f8f368b3578b0ea5477daa0 | [] | no_license | ashutosh-narkar/LeetCode | cd8d75389e1ab730b34ecd860b317b331b1dfa97 | b62862b90886f85c33271b881ac1365871731dcc | refs/heads/master | 2021-05-07T08:37:42.536436 | 2017-11-22T05:18:23 | 2017-11-22T05:18:23 | 109,366,819 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,822 | py | #!/usr/bin/env python
'''
Clone an undirected graph. Each node in the graph contains a label and a list of its neighbors.
From the way the Node class is defined, this approach should work for directed graphs as well
'''
# Definition for a undirected graph node
class UndirectedGraphNode:
def __init__(self, x):
self.label = x
self.neighbors = []
from collections import deque
# Using BFS
def cloneGraph(node):
if not node:
return
# add nodes of the original graph to the queue
queue = deque()
queue.append(node)
nodeMap = {}
# create a new node
newNode = UndirectedGraphNode(node.label)
# add nodes of the new graph to the dict. This is similar to "visited" list in BFS
nodeMap[newNode.label] = newNode
while queue:
oldnode = queue.popleft()
for neigh in oldnode.neighbors:
if neigh.label not in nodeMap:
# add nodes from original graph to queue
queue.append(neigh)
# add nodes from new graph to dict
nodeMap[neigh.label] = UndirectedGraphNode(neigh.label)
# update the neighbours of the cloned node
nodeMap[oldnode.label].neighbors.append(nodeMap[neigh.label])
return newNode
###############################################
# Using DFS
def cloneGraph(node):
if not node:
return
nodeMap = {}
return dfs(node, nodeMap)
def dfs(oldNode, nodeMap):
newNode = UndirectedGraphNode(oldNode.label)
nodeMap[newNode.label] = newNode
for neigh in oldNode.neighbors:
if neigh.label not in nodeMap:
dfs(neigh, nodeMap)
# update the neighbours of the cloned node
newNode.neighbors.append(nodeMap[neigh.label])
return newNode
| [
"[email protected]"
] | |
6bf9c88c82ca5655aa1bd704119af8f52174a315 | ac90348a5cc2ee95ed946fe04cdc734d35cb063f | /feed/bin/python-config | 6b9862e3e8b3e42f9d8cb6995708a9e1e4564fbc | [] | no_license | felexkemboi/DjangoTest3 | becc1a453e238d6b59a56f0c849cf5a63b0121db | b4d87c560c13e813ebca5d7f16a09b0ca4dd6294 | refs/heads/master | 2020-04-17T15:03:06.199531 | 2019-01-20T16:46:22 | 2019-01-20T16:46:22 | 166,683,122 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,358 | #!/home/kemboi/Desktop/training/pracs/feed/bin/python
import sys
import getopt
import sysconfig
valid_opts = ['prefix', 'exec-prefix', 'includes', 'libs', 'cflags',
'ldflags', 'help']
if sys.version_info >= (3, 2):
valid_opts.insert(-1, 'extension-suffix')
valid_opts.append('abiflags')
if sys.version_info >= (3, 3):
valid_opts.append('configdir')
def exit_with_usage(code=1):
sys.stderr.write("Usage: {0} [{1}]\n".format(
sys.argv[0], '|'.join('--'+opt for opt in valid_opts)))
sys.exit(code)
try:
opts, args = getopt.getopt(sys.argv[1:], '', valid_opts)
except getopt.error:
exit_with_usage()
if not opts:
exit_with_usage()
pyver = sysconfig.get_config_var('VERSION')
getvar = sysconfig.get_config_var
opt_flags = [flag for (flag, val) in opts]
if '--help' in opt_flags:
exit_with_usage(code=0)
for opt in opt_flags:
if opt == '--prefix':
print(sysconfig.get_config_var('prefix'))
elif opt == '--exec-prefix':
print(sysconfig.get_config_var('exec_prefix'))
elif opt in ('--includes', '--cflags'):
flags = ['-I' + sysconfig.get_path('include'),
'-I' + sysconfig.get_path('platinclude')]
if opt == '--cflags':
flags.extend(getvar('CFLAGS').split())
print(' '.join(flags))
elif opt in ('--libs', '--ldflags'):
abiflags = getattr(sys, 'abiflags', '')
libs = ['-lpython' + pyver + abiflags]
libs += getvar('LIBS').split()
libs += getvar('SYSLIBS').split()
# add the prefix/lib/pythonX.Y/config dir, but only if there is no
# shared library in prefix/lib/.
if opt == '--ldflags':
if not getvar('Py_ENABLE_SHARED'):
libs.insert(0, '-L' + getvar('LIBPL'))
if not getvar('PYTHONFRAMEWORK'):
libs.extend(getvar('LINKFORSHARED').split())
print(' '.join(libs))
elif opt == '--extension-suffix':
ext_suffix = sysconfig.get_config_var('EXT_SUFFIX')
if ext_suffix is None:
ext_suffix = sysconfig.get_config_var('SO')
print(ext_suffix)
elif opt == '--abiflags':
if not getattr(sys, 'abiflags', None):
exit_with_usage()
print(sys.abiflags)
elif opt == '--configdir':
print(sysconfig.get_config_var('LIBPL'))
| [
"[email protected]"
] | ||
be09094636d2801e89169504b074ee1057aed514 | 74649c1220c68ad0af79e420d572e3769fcd7a53 | /mlprodict/onnx_tools/optim/onnx_optimisation_identity.py | c96948edb77f4f8c561404cd8813ec7f9e918e5f | [
"MIT"
] | permissive | sdpython/mlprodict | e62edcb428700cb2c4527e54e96431c1d2b36118 | 27d6da4ecdd76e18292f265fde61d19b66937a5c | refs/heads/master | 2023-05-08T10:44:30.418658 | 2023-03-08T22:48:56 | 2023-03-08T22:48:56 | 112,469,804 | 60 | 13 | MIT | 2023-04-19T01:21:38 | 2017-11-29T11:57:10 | Python | UTF-8 | Python | false | false | 8,112 | py | """
@file
@brief Optimisation of :epkg:`ONNX` graphs.
"""
import logging
from onnx import FunctionProto, AttributeProto
from onnx.helper import make_graph, make_function
from ._onnx_optimisation_common import ( # pylint: disable=E0611
_rename_node_input,
_rename_node_output,
_apply_optimisation_on_graph,
_apply_remove_node_fct_node)
logger = logging.getLogger('onnx:optim')
def onnx_remove_node_identity(onnx_model, recursive=True, debug_info=None, **options):
"""
Removes as many *Identity* nodes as possible.
The function looks into every node and subgraphs if
*recursive* is True for identity node. Unless such a
node directy connects one input to one output, it will
be removed and every other node gets its inputs or
outputs accordingly renamed.
:param onnx_model: onnx model
:param recursive: looks into subgraphs
:param debug_info: debug information (private)
:param options: additional options (unused)
:return: new onnx _model
"""
if debug_info is None:
debug_info = [str(type(onnx_model)).rsplit(
'.', maxsplit=1)[-1].strip("'>")]
else:
debug_info = (debug_info +
[str(type(onnx_model)).rsplit('.', maxsplit=1)[-1].strip("'>")])
if hasattr(onnx_model, 'graph'):
return _apply_optimisation_on_graph(
onnx_remove_node_identity, onnx_model,
recursive=recursive, debug_info=debug_info, **options)
graph = onnx_model
logger.debug("onnx_remove_node_identity:begin with %d nodes.",
len(graph.node))
is_function = isinstance(graph, FunctionProto)
if is_function:
inputs = set(graph.input)
outputs = set(graph.output)
else:
inputs = set(i.name for i in graph.input)
inits = set(i.name for i in graph.initializer)
inputs_inits = inputs.union(inits)
outputs = set(o.name for o in graph.output)
def retrieve_idnodes(graph, existing_nodes):
idnodes = []
for i, exnode in enumerate(existing_nodes):
if exnode is None:
continue
if exnode.op_type == 'Identity':
input = exnode.input[0]
output = exnode.output[0]
idnodes.append((i, exnode, input, output))
return idnodes
# add to output the list of local variables in subgraphs
def append_local_variable(graph, known=None, subgraph=True):
if known is None:
known = set()
else:
known = known.copy()
local_var = set()
if isinstance(graph, FunctionProto):
known = set(graph.input)
else:
known = set(i.name for i in graph.input)
known |= set(i.name for i in graph.initializer)
for node in graph.node:
for i in node.input:
if i not in known and subgraph:
local_var.add(i)
for o in node.output:
known.add(o)
for att in node.attribute:
if (att.type == AttributeProto.GRAPH and # pylint: disable=E1101
hasattr(att, 'g') and att.g is not None):
lv = append_local_variable(att.g, known)
local_var |= lv
return local_var
local_vars = append_local_variable(graph, subgraph=False)
logger.debug('onnx_remove_node_identity:local_vars:%r', local_vars)
ext_outputs = outputs | local_vars
nodes = list(graph.node)
rem = 1
while rem > 0:
rem = 0
idnodes = retrieve_idnodes(graph, nodes)
restart = False
for i, _, inp, out in idnodes:
if restart:
break # pragma: no cover
if nodes[i] is None:
# Already removed.
continue # pragma: no cover
if inp in inputs_inits and out in ext_outputs:
# Cannot be removed.
continue
if not restart and out not in ext_outputs:
# We cannot change an output name.
for j in range(len(nodes)): # pylint: disable=C0200
if nodes[j] is None:
continue
if out in nodes[j].input:
logger.debug('onnx_remove_node_identity:'
'_rename_node_input:%s:%r->%r:'
'out=%r:inp=%r',
nodes[j].op_type, nodes[j].input,
nodes[j].output, out, inp)
nodes[j] = _rename_node_input(nodes[j], out, inp)
rem += 1
if nodes[j].op_type == 'Identity':
restart = True # pragma: no cover
logger.debug('onnx_remove_node_identity:1:remove:%s:%r->%r:',
nodes[i].op_type, nodes[i].input, nodes[i].output)
nodes[i] = None
rem += 1
continue
if not restart and inp not in inputs_inits and inp not in ext_outputs:
# We cannot change an input name or an output name.
for j in range(len(nodes)): # pylint: disable=C0200
if nodes[j] is None:
continue
if inp in nodes[j].output:
logger.debug('onnx_remove_node_identity:'
'_rename_node_output:%s:%r->%r:'
'inp=%r:out=%r',
nodes[j].op_type, nodes[j].input,
nodes[j].output, inp, out)
nodes[j] = _rename_node_output(nodes[j], inp, out)
rem += 1
if nodes[j].op_type == 'Identity':
restart = True # pragma: no cover
if inp in nodes[j].input:
logger.debug('onnx_remove_node_identity:'
'_rename_node_input:%s:%r->%r:'
'inp=%r:out=%r',
nodes[j].op_type, nodes[j].input,
nodes[j].output, inp, out)
nodes[j] = _rename_node_input(nodes[j], inp, out)
rem += 1
if nodes[j].op_type == 'Identity':
restart = True
logger.debug('onnx_remove_node_identity:2:remove:%s:%r->%r:',
nodes[i].op_type, nodes[i].input, nodes[i].output)
nodes[i] = None
rem += 1
if recursive:
# Handles subgraphs.
for i in range(len(nodes)): # pylint: disable=C0200
node = nodes[i]
if node is None or not (node.attribute): # pylint: disable=C0325
continue
nodes[i] = _apply_remove_node_fct_node(
onnx_remove_node_identity,
node, recursive=True, debug_info=debug_info + [node.name])
# Finally create the new graph.
nodes = list(filter(lambda n: n is not None, nodes))
if len(nodes) == 0:
# something went wrong
nodes = list(graph.node)
if is_function:
logger.debug("onnx_remove_node_identity:end function with %d nodes.",
len(nodes))
return make_function(
onnx_model.domain, onnx_model.name,
onnx_model.input, onnx_model.output, nodes,
opset_imports=onnx_model.opset_import,
attributes=onnx_model.attribute,
doc_string=onnx_model.doc_string)
graph = make_graph(nodes, onnx_model.name,
onnx_model.input, onnx_model.output,
onnx_model.initializer)
graph.value_info.extend(onnx_model.value_info) # pylint: disable=E1101
logger.debug("onnx_remove_node_identity: end graph with %d nodes.",
len(nodes))
return graph
| [
"[email protected]"
] | |
35a65c4ea014c1aed94e50ec5bada17dacf43f2b | 3fc19cb92237b0823cafbfc66600c8129b1c2245 | /linesOnMap.py | f745da58f3775021f35d3ff2eff56fe17d98b9a4 | [] | no_license | rayyan-khan/4-railroad-lab | f47600305447565d89056c42f06bf03d066204a0 | c51160dddcb17cda7739742cf93875fb431b7170 | refs/heads/master | 2022-02-26T08:30:47.103538 | 2018-12-15T02:59:05 | 2018-12-15T02:59:05 | 161,864,018 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,356 | py | from tkinter import *
# set US map to background
window = Tk()
window.title('Railroad Lab')
window.config(bg='white')
photo = PhotoImage(file = 'map.gif')
w = photo.width()
h = photo.height()
window.geometry('{}x{}'.format(w, h))
print(w, h)
canvas = Canvas(window, width=w, height=h)
canvas.pack()
canvas.create_image(w/2, h/2, image=photo)
# import files
rrNodes = open('rrNodes.txt', 'r') # id, latitude, longitude
rrEdges = open('rrEdges.txt', 'r') # id1, id2 (an edge exists between them)
dictNodes = {} # dictNodes = {id: (latitude, longitude)}
for id in rrNodes:
id = id.strip().split(' ')
dictNodes[id[0]] = (float(id[1]), float(id[2]))
def transformLatitude(latitude):
latitude = latitude + 146
return latitude*6.5
def transformLongitude(longitude):
longitude = longitude*-1 + 81
return longitude*9
for pair in rrEdges: # station1, station2, that are connected
pair = pair.strip().split(' ')
point1 = pair[0] # first station id
point2 = pair[1] # second station id
p1Latitude = transformLatitude(dictNodes[point1][1])
p1Longitude = transformLongitude(dictNodes[point1][0])
p2Latitude = transformLatitude(dictNodes[point2][1])
p2Longitude = transformLongitude(dictNodes[point2][0])
canvas.create_line(p1Latitude, p1Longitude, p2Latitude, p2Longitude, fill='red')
mainloop() | [
"[email protected]"
] | |
de84e59db82f5181eb521a99d4b8e39400fa5147 | f0d713996eb095bcdc701f3fab0a8110b8541cbb | /bHTb8p5nybCrjFPze_15.py | 21f824539d57198450f4e378f2ea821112ddbff4 | [] | no_license | daniel-reich/turbo-robot | feda6c0523bb83ab8954b6d06302bfec5b16ebdf | a7a25c63097674c0a81675eed7e6b763785f1c41 | refs/heads/main | 2023-03-26T01:55:14.210264 | 2021-03-23T16:08:01 | 2021-03-23T16:08:01 | 350,773,815 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 902 | py | """
Write a function that, given the start `start_num` and end `end_num` values,
return a list containing all the numbers **inclusive** to that range. See
examples below.
### Examples
inclusive_list(1, 5) ➞ [1, 2, 3, 4, 5]
inclusive_list(2, 8) ➞ [2, 3, 4, 5, 6, 7, 8]
inclusive_list(10, 20) ➞ [10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20]
inclusive_list(17, 5) ➞ [17]
### Notes
* The numbers in the list are sorted in ascending order.
* If `start_num` is greater than `end_num`, return a list with the higher value. See example #4.
* A recursive version of this of challenge can be found [here](https://edabit.com/challenge/CoSFaDzSxrSjsZ8F6).
"""
def inclusive_list(start_num, end_num):
lst = [start_num]
if start_num >= end_num: return lst
else:
for i in range(1, (end_num - start_num)+1):
lst.append(start_num + i)
return lst
| [
"[email protected]"
] | |
d3e785b399828651187caa6b7ed6a76fc0da9a6e | c9ddbdb5678ba6e1c5c7e64adf2802ca16df778c | /cases/synthetic/tree-big-2542.py | 4a737dae6c3f8e74acd48f5ab0c2a2516989e89b | [] | no_license | Virtlink/ccbench-chocopy | c3f7f6af6349aff6503196f727ef89f210a1eac8 | c7efae43bf32696ee2b2ee781bdfe4f7730dec3f | refs/heads/main | 2023-04-07T15:07:12.464038 | 2022-02-03T15:42:39 | 2022-02-03T15:42:39 | 451,969,776 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 23,289 | py | # Binary-search trees
class TreeNode(object):
value:int = 0
left:"TreeNode" = None
right:"TreeNode" = None
def insert(self:"TreeNode", x:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode(x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode(x)
return True
else:
return self.right.insert(x)
return False
def contains(self:"TreeNode", x:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
class TreeNode2(object):
value:int = 0
value2:int = 0
left:"TreeNode2" = None
left2:"TreeNode2" = None
right:"TreeNode2" = None
right2:"TreeNode2" = None
def insert(self:"TreeNode2", x:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode2(x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode2(x, x)
return True
else:
return self.right.insert(x)
return False
def insert2(self:"TreeNode2", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode2(x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode2(x, x)
return True
else:
return self.right.insert(x)
return False
def contains(self:"TreeNode2", x:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains2(self:"TreeNode2", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
class TreeNode3(object):
value:int = 0
value2:int = 0
value3:int = 0
left:"TreeNode3" = None
left2:"TreeNode3" = None
left3:"TreeNode3" = None
right:"TreeNode3" = None
right2:"TreeNode3" = None
right3:"TreeNode3" = None
def insert(self:"TreeNode3", x:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode3(x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode3(x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert2(self:"TreeNode3", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode3(x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode3(x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert3(self:"TreeNode3", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode3(x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode3(x, x, x)
return True
else:
return self.right.insert(x)
return False
def contains(self:"TreeNode3", x:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains2(self:"TreeNode3", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains3(self:"TreeNode3", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
class TreeNode4(object):
value:int = 0
value2:int = 0
value3:int = 0
value4:int = 0
left:"TreeNode4" = None
left2:"TreeNode4" = None
left3:"TreeNode4" = None
left4:"TreeNode4" = None
right:"TreeNode4" = None
right2:"TreeNode4" = None
right3:"TreeNode4" = None
right4:"TreeNode4" = None
def insert(self:"TreeNode4", x:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode4(x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode4(x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert2(self:"TreeNode4", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode4(x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode4(x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert3(self:"TreeNode4", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode4(x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode4(x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert4(self:"TreeNode4", x:int, x2:int, x3:int, x4:int) -> bool:
if x < self.value:
if $Exp.left is None:
self.left = makeNode4(x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode4(x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def contains(self:"TreeNode4", x:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains2(self:"TreeNode4", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains3(self:"TreeNode4", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains4(self:"TreeNode4", x:int, x2:int, x3:int, x4:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
class TreeNode5(object):
value:int = 0
value2:int = 0
value3:int = 0
value4:int = 0
value5:int = 0
left:"TreeNode5" = None
left2:"TreeNode5" = None
left3:"TreeNode5" = None
left4:"TreeNode5" = None
left5:"TreeNode5" = None
right:"TreeNode5" = None
right2:"TreeNode5" = None
right3:"TreeNode5" = None
right4:"TreeNode5" = None
right5:"TreeNode5" = None
def insert(self:"TreeNode5", x:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode5(x, x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode5(x, x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert2(self:"TreeNode5", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode5(x, x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode5(x, x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert3(self:"TreeNode5", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode5(x, x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode5(x, x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert4(self:"TreeNode5", x:int, x2:int, x3:int, x4:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode5(x, x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode5(x, x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def insert5(self:"TreeNode5", x:int, x2:int, x3:int, x4:int, x5:int) -> bool:
if x < self.value:
if self.left is None:
self.left = makeNode5(x, x, x, x, x)
return True
else:
return self.left.insert(x)
elif x > self.value:
if self.right is None:
self.right = makeNode5(x, x, x, x, x)
return True
else:
return self.right.insert(x)
return False
def contains(self:"TreeNode5", x:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains2(self:"TreeNode5", x:int, x2:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains3(self:"TreeNode5", x:int, x2:int, x3:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains4(self:"TreeNode5", x:int, x2:int, x3:int, x4:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
def contains5(self:"TreeNode5", x:int, x2:int, x3:int, x4:int, x5:int) -> bool:
if x < self.value:
if self.left is None:
return False
else:
return self.left.contains(x)
elif x > self.value:
if self.right is None:
return False
else:
return self.right.contains(x)
else:
return True
class Tree(object):
root:TreeNode = None
size:int = 0
def insert(self:"Tree", x:int) -> object:
if self.root is None:
self.root = makeNode(x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def contains(self:"Tree", x:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
class Tree2(object):
root:TreeNode2 = None
root2:TreeNode2 = None
size:int = 0
size2:int = 0
def insert(self:"Tree2", x:int) -> object:
if self.root is None:
self.root = makeNode2(x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert2(self:"Tree2", x:int, x2:int) -> object:
if self.root is None:
self.root = makeNode2(x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def contains(self:"Tree2", x:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains2(self:"Tree2", x:int, x2:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
class Tree3(object):
root:TreeNode3 = None
root2:TreeNode3 = None
root3:TreeNode3 = None
size:int = 0
size2:int = 0
size3:int = 0
def insert(self:"Tree3", x:int) -> object:
if self.root is None:
self.root = makeNode3(x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert2(self:"Tree3", x:int, x2:int) -> object:
if self.root is None:
self.root = makeNode3(x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert3(self:"Tree3", x:int, x2:int, x3:int) -> object:
if self.root is None:
self.root = makeNode3(x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def contains(self:"Tree3", x:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains2(self:"Tree3", x:int, x2:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains3(self:"Tree3", x:int, x2:int, x3:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
class Tree4(object):
root:TreeNode4 = None
root2:TreeNode4 = None
root3:TreeNode4 = None
root4:TreeNode4 = None
size:int = 0
size2:int = 0
size3:int = 0
size4:int = 0
def insert(self:"Tree4", x:int) -> object:
if self.root is None:
self.root = makeNode4(x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert2(self:"Tree4", x:int, x2:int) -> object:
if self.root is None:
self.root = makeNode4(x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert3(self:"Tree4", x:int, x2:int, x3:int) -> object:
if self.root is None:
self.root = makeNode4(x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert4(self:"Tree4", x:int, x2:int, x3:int, x4:int) -> object:
if self.root is None:
self.root = makeNode4(x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def contains(self:"Tree4", x:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains2(self:"Tree4", x:int, x2:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains3(self:"Tree4", x:int, x2:int, x3:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains4(self:"Tree4", x:int, x2:int, x3:int, x4:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
class Tree5(object):
root:TreeNode5 = None
root2:TreeNode5 = None
root3:TreeNode5 = None
root4:TreeNode5 = None
root5:TreeNode5 = None
size:int = 0
size2:int = 0
size3:int = 0
size4:int = 0
size5:int = 0
def insert(self:"Tree5", x:int) -> object:
if self.root is None:
self.root = makeNode5(x, x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert2(self:"Tree5", x:int, x2:int) -> object:
if self.root is None:
self.root = makeNode5(x, x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert3(self:"Tree5", x:int, x2:int, x3:int) -> object:
if self.root is None:
self.root = makeNode5(x, x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert4(self:"Tree5", x:int, x2:int, x3:int, x4:int) -> object:
if self.root is None:
self.root = makeNode5(x, x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def insert5(self:"Tree5", x:int, x2:int, x3:int, x4:int, x5:int) -> object:
if self.root is None:
self.root = makeNode5(x, x, x, x, x)
self.size = 1
else:
if self.root.insert(x):
self.size = self.size + 1
def contains(self:"Tree5", x:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains2(self:"Tree5", x:int, x2:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains3(self:"Tree5", x:int, x2:int, x3:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains4(self:"Tree5", x:int, x2:int, x3:int, x4:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def contains5(self:"Tree5", x:int, x2:int, x3:int, x4:int, x5:int) -> bool:
if self.root is None:
return False
else:
return self.root.contains(x)
def makeNode(x: int) -> TreeNode:
b:TreeNode = None
b = TreeNode()
b.value = x
return b
def makeNode2(x: int, x2: int) -> TreeNode2:
b:TreeNode2 = None
b2:TreeNode2 = None
b = TreeNode2()
b.value = x
return b
def makeNode3(x: int, x2: int, x3: int) -> TreeNode3:
b:TreeNode3 = None
b2:TreeNode3 = None
b3:TreeNode3 = None
b = TreeNode3()
b.value = x
return b
def makeNode4(x: int, x2: int, x3: int, x4: int) -> TreeNode4:
b:TreeNode4 = None
b2:TreeNode4 = None
b3:TreeNode4 = None
b4:TreeNode4 = None
b = TreeNode4()
b.value = x
return b
def makeNode5(x: int, x2: int, x3: int, x4: int, x5: int) -> TreeNode5:
b:TreeNode5 = None
b2:TreeNode5 = None
b3:TreeNode5 = None
b4:TreeNode5 = None
b5:TreeNode5 = None
b = TreeNode5()
b.value = x
return b
# Input parameters
n:int = 100
n2:int = 100
n3:int = 100
n4:int = 100
n5:int = 100
c:int = 4
c2:int = 4
c3:int = 4
c4:int = 4
c5:int = 4
# Data
t:Tree = None
t2:Tree = None
t3:Tree = None
t4:Tree = None
t5:Tree = None
i:int = 0
i2:int = 0
i3:int = 0
i4:int = 0
i5:int = 0
k:int = 37813
k2:int = 37813
k3:int = 37813
k4:int = 37813
k5:int = 37813
# Crunch
t = Tree()
while i < n:
t.insert(k)
k = (k * 37813) % 37831
if i % c != 0:
t.insert(i)
i = i + 1
print(t.size)
for i in [4, 8, 15, 16, 23, 42]:
if t.contains(i):
print(i)
| [
"[email protected]"
] | |
97fe0c0adb566ece112ebb0a0b205498a4739980 | 99fc570cc293c971a72fa88434bf9e39b2e45f19 | /watermarking/migrations/0007_auto_20181019_1535.py | 729597cfa04aff9b38bb283ce3328c1de2c71d6c | [] | no_license | EroPerez/dhmdi | 94d4e6812fa0b098af95462faa45c004cb503c7d | 73dbeac369fc4bd8f59209c65189f0872d8980a1 | refs/heads/master | 2020-04-08T18:13:47.463678 | 2018-11-28T17:03:06 | 2018-11-28T17:03:06 | 159,599,005 | 2 | 0 | null | 2018-11-29T03:00:26 | 2018-11-29T03:00:26 | null | UTF-8 | Python | false | false | 510 | py | # Generated by Django 2.0 on 2018-10-19 19:35
import datetime
from django.db import migrations, models
from django.utils.timezone import utc
class Migration(migrations.Migration):
dependencies = [
('watermarking', '0006_auto_20181019_1451'),
]
operations = [
migrations.AlterField(
model_name='watermarking',
name='created_at',
field=models.DateField(default=datetime.datetime(2018, 10, 19, 19, 35, 34, 33740, tzinfo=utc)),
),
]
| [
"[email protected]"
] | |
e1f0d3b16b4b79ebae8525dc1ebdc02cf7f8ca01 | ac4b9385b7ad2063ea51237fbd8d1b74baffd016 | /.history/google/drive_quickstart_20210213174716.py | bb8564f06bc3db10016ca2751aac0b644314d4b6 | [] | no_license | preethanpa/ssoemprep | 76297ef21b1d4893f1ac2f307f60ec72fc3e7c6f | ce37127845253c768d01aeae85e5d0d1ade64516 | refs/heads/main | 2023-03-09T00:15:55.130818 | 2021-02-20T06:54:58 | 2021-02-20T06:54:58 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,466 | py | from __future__ import print_function
import pickle
import os.path
import io
from googleapiclient.discovery import MEDIA_MIME_TYPE_PARAMETER_DEFAULT_VALUE, build
from google_auth_oauthlib.flow import InstalledAppFlow
from google.auth.transport.requests import Request
from googleapiclient.http import MediaIoBaseDownload
from oauth2client.service_account import ServiceAccountCredentials
# If modifying these scopes, delete the file token.pickle.
SCOPES = ['https://www.googleapis.com/auth/documents.readonly', 'https://www.googleapis.com/auth/admin.directory.user', 'https://www.googleapis.com/auth/drive.file', 'https://www.googleapis.com/auth/drive.activity', 'https://www.googleapis.com/auth/drive.metadata', 'https://www.googleapis.com/auth/drive']# 'https://www.googleapis.com/auth/documents.readonly']
# The ID of a sample document.
# DOCUMENT_ID = '1bQkFcQrWFHGlte8oTVtq_zyKGIgpFlWAS5_5fi8OzjY'
DOCUMENT_ID = '1sXQie19gQBRHODebxBZv4xUCJy-9rGpnlpM7_SUFor4'
def main():
"""Shows basic usage of the Docs API.
Prints the title of a sample document.
"""
from google.oauth2 import service_account
import googleapiclient.discovery
SCOPES = ['https://www.googleapis.com/auth/documents', 'https://www.googleapis.com/auth/documents.readonly', 'https://www.googleapis.com/auth/documents.readonly', 'https://www.googleapis.com/auth/sqlservice.admin', 'https://www.googleapis.com/auth/drive.file']
SERVICE_ACCOUNT_FILE = '/home/dsie/Developer/sandbox/3ray/3rml/kbc_process/google/domain-wide-credentials-gdrive.json'
# SERVICE_ACCOUNT_FILE = '/home/dsie/Developer/sandbox/3ray/3rml/kbc_process/google/app-automation-service-account-thirdrayai-1612747564720-415d6ebd6001.json'
credentials = service_account.Credentials.from_service_account_file(
SERVICE_ACCOUNT_FILE, scopes=SCOPES)
#, subject='[email protected]')
# # service = build('docs', 'v1', credentials=credentials)
drive_service = build('drive', 'v3', credentials=credentials)#.with_subject('[email protected]'))
# print(drive_service)
print(dir(docs_service.documents()))
request = drive_service.files().export(fileId=DOCUMENT_ID, mimeType='application/pdf')
fh = io.BytesIO()
downloader = MediaIoBaseDownload(fh, request)
done = False
while done is False:
status, done = downloader.next_chunk()
print(f"Download % {int(status.progress() * 100)}")
if __name__ == '__main__':
main() | [
"{[email protected]}"
] | |
4aea15c6f60e57b71d3d75973a22b76a91dad85c | 8c1aa957a41954daac70b13f1be06df0c4046bb2 | /wagtailwebsitebuilder/home/migrations/0046_auto_20200427_0355.py | d5325d4a9e516cb571c58634d183695de37db413 | [] | no_license | hanztura/wagtailwebsitebuilder | 6c1a2358d53877e4f70d70e5c7c6b472fabec974 | f56d1b799f9eda53b5596ed882b60df154581cc5 | refs/heads/master | 2021-05-21T08:30:16.170885 | 2020-08-29T22:35:59 | 2020-08-29T22:35:59 | 252,619,323 | 1 | 0 | null | 2021-04-16T20:26:46 | 2020-04-03T03:01:27 | Python | UTF-8 | Python | false | false | 5,116 | py | # Generated by Django 2.2.12 on 2020-04-27 03:55
from django.db import migrations
import puputextension.helpers
import wagtail.contrib.table_block.blocks
import wagtail.core.blocks
import wagtail.core.fields
import wagtail.images.blocks
class Migration(migrations.Migration):
dependencies = [
('home', '0045_auto_20200427_0355'),
]
operations = [
migrations.AlterField(
model_name='homepage',
name='body',
field=wagtail.core.fields.StreamField([('card', wagtail.core.blocks.StructBlock([('image', wagtail.core.blocks.StructBlock([('image', wagtail.images.blocks.ImageChooserBlock(required=False)), ('css_class', wagtail.core.blocks.ChoiceBlock(choices=[('is-16x16', '16x16'), ('is-24x24', '24x24'), ('is-32x32', '32x32'), ('is-48x48', '48x48'), ('is-64x64', '64x64'), ('is-96x96', '96x96'), ('is-128x128', '128x128'), ('is-square', 'square'), ('is-1by1', '1by1'), ('is-5by4', '5by4'), ('is-4by3', '4by3'), ('is-3by2', '3by2'), ('is-5by3', '5by3'), ('is-16by9', '16by9'), ('is-2by1', '2by1'), ('is-3by1', '3by1'), ('is-4by5', '4by5'), ('is-3by4', '3by4'), ('is-2by3', '2by3'), ('is-3by5', '3by5'), ('is-9by16', '9by16'), ('is-1by2', '1by2'), ('is-1by3', '1by3')], required=False)), ('is_rounded', wagtail.core.blocks.BooleanBlock(required=False))], required=False)), ('content', wagtail.core.blocks.StreamBlock([('paragraph', wagtail.core.blocks.StructBlock([('body', wagtail.core.blocks.RichTextBlock(required=False)), ('css_class', wagtail.core.blocks.CharBlock(required=False))])), ('html', wagtail.core.blocks.RawHTMLBlock())])), ('css_class', wagtail.core.blocks.CharBlock(required=False))])), ('code', wagtail.core.blocks.StructBlock([('language', wagtail.core.blocks.ChoiceBlock(blank=False, choices=[('bash', 'Bash/Shell'), ('java', 'Java'), ('python3', 'Python 3'), ('javascript', 'Javascript'), ('css', 'CSS'), ('html', 'HTML')], null=False)), ('caption', wagtail.core.blocks.CharBlock(blank=True, nullable=True, required=False)), ('code', puputextension.helpers.CodeTextBlock())])), ('custom_image', wagtail.core.blocks.StructBlock([('image', wagtail.images.blocks.ImageChooserBlock(required=False)), ('css_class', wagtail.core.blocks.ChoiceBlock(choices=[('is-16x16', '16x16'), ('is-24x24', '24x24'), ('is-32x32', '32x32'), ('is-48x48', '48x48'), ('is-64x64', '64x64'), ('is-96x96', '96x96'), ('is-128x128', '128x128'), ('is-square', 'square'), ('is-1by1', '1by1'), ('is-5by4', '5by4'), ('is-4by3', '4by3'), ('is-3by2', '3by2'), ('is-5by3', '5by3'), ('is-16by9', '16by9'), ('is-2by1', '2by1'), ('is-3by1', '3by1'), ('is-4by5', '4by5'), ('is-3by4', '3by4'), ('is-2by3', '2by3'), ('is-3by5', '3by5'), ('is-9by16', '9by16'), ('is-1by2', '1by2'), ('is-1by3', '1by3')], required=False)), ('is_rounded', wagtail.core.blocks.BooleanBlock(required=False))])), ('custom_paragraph', wagtail.core.blocks.StructBlock([('body', wagtail.core.blocks.RichTextBlock(required=False)), ('css_class', wagtail.core.blocks.CharBlock(required=False))])), ('html', wagtail.core.blocks.RawHTMLBlock()), ('image', wagtail.images.blocks.ImageChooserBlock()), ('paragraph', wagtail.core.blocks.RichTextBlock()), ('table', wagtail.contrib.table_block.blocks.TableBlock(table_options={'contextMenu': ['row_above', 'row_below', '---------', 'col_left', 'col_right', '---------', 'remove_row', 'remove_col', '---------', 'undo', 'redo', '---------', 'copy', 'cut---------', 'alignment'], 'minSpareRows': 0, 'startCols': 3, 'startRows': 3})), ('tile', wagtail.core.blocks.StreamBlock([('tile', wagtail.core.blocks.StructBlock([('title', wagtail.core.blocks.CharBlock()), ('subtitle', wagtail.core.blocks.CharBlock(required=False)), ('image', wagtail.core.blocks.StructBlock([('image', wagtail.images.blocks.ImageChooserBlock(required=False)), ('css_class', wagtail.core.blocks.ChoiceBlock(choices=[('is-16x16', '16x16'), ('is-24x24', '24x24'), ('is-32x32', '32x32'), ('is-48x48', '48x48'), ('is-64x64', '64x64'), ('is-96x96', '96x96'), ('is-128x128', '128x128'), ('is-square', 'square'), ('is-1by1', '1by1'), ('is-5by4', '5by4'), ('is-4by3', '4by3'), ('is-3by2', '3by2'), ('is-5by3', '5by3'), ('is-16by9', '16by9'), ('is-2by1', '2by1'), ('is-3by1', '3by1'), ('is-4by5', '4by5'), ('is-3by4', '3by4'), ('is-2by3', '2by3'), ('is-3by5', '3by5'), ('is-9by16', '9by16'), ('is-1by2', '1by2'), ('is-1by3', '1by3')], required=False)), ('is_rounded', wagtail.core.blocks.BooleanBlock(required=False))], required=False)), ('body', wagtail.core.blocks.StructBlock([('body', wagtail.core.blocks.RichTextBlock(required=False)), ('css_class', wagtail.core.blocks.CharBlock(required=False))], required=False)), ('css_class', wagtail.core.blocks.CharBlock(required=False)), ('html', wagtail.core.blocks.RawHTMLBlock(required=False))]))])), ('toc', wagtail.core.blocks.StructBlock([('title', wagtail.core.blocks.CharBlock(default='TOC')), ('toc_items', wagtail.core.blocks.TextBlock())])), ('with_id', wagtail.core.blocks.StructBlock([('id', wagtail.core.blocks.CharBlock()), ('paragraph', wagtail.core.blocks.RichTextBlock())], template='home/blocks/with_id.html'))]),
),
]
| [
"[email protected]"
] | |
5c7ebc2db699834376e7efedc26192f0f6ca1708 | fb46c7eb0e8108e59afff177b2d2ce00eb9a78cf | /pyomo/dae/tests/test_flatten.py | 9ccf2cc8dfb7b705f241d3f32e6f04a48b7cd0c1 | [
"BSD-3-Clause"
] | permissive | qtothec/pyomo | 823d6f683e29fc690564047ca5066daaf14d4f36 | ab4ada5a93aed570a6e6ca6161462e970cffe677 | refs/heads/new_dev | 2022-06-09T15:42:16.349250 | 2020-05-18T00:37:24 | 2020-05-18T00:37:24 | 61,325,214 | 3 | 5 | NOASSERTION | 2019-12-09T04:03:56 | 2016-06-16T20:54:10 | Python | UTF-8 | Python | false | false | 4,325 | py | # ___________________________________________________________________________
#
# Pyomo: Python Optimization Modeling Objects
# Copyright 2017 National Technology and Engineering Solutions of Sandia, LLC
# Under the terms of Contract DE-NA0003525 with National Technology and
# Engineering Solutions of Sandia, LLC, the U.S. Government retains certain
# rights in this software.
# This software is distributed under the 3-clause BSD License.
# ___________________________________________________________________________
import pyutilib.th as unittest
from pyomo.environ import ConcreteModel, Block, Var, Reference
from pyomo.dae import ContinuousSet
# This inport will have to change when we decide where this should go...
from pyomo.dae.flatten import flatten_dae_variables
class TestCategorize(unittest.TestCase):
def _hashRef(self, ref):
return tuple(sorted(id(_) for _ in ref.values()))
def test_flat_model(self):
m = ConcreteModel()
m.T = ContinuousSet(bounds=(0,1))
m.x = Var()
m.y = Var([1,2])
m.a = Var(m.T)
m.b = Var(m.T, [1,2])
m.c = Var([3,4], m.T)
regular, time = flatten_dae_variables(m, m.T)
regular_id = set(id(_) for _ in regular)
self.assertEqual(len(regular), 3)
self.assertIn(id(m.x), regular_id)
self.assertIn(id(m.y[1]), regular_id)
self.assertIn(id(m.y[2]), regular_id)
# Output for debugging
#for v in time:
# v.pprint()
# for _ in v.values():
# print" -> ", _.name
ref_data = {
self._hashRef(Reference(m.a[:])),
self._hashRef(Reference(m.b[:,1])),
self._hashRef(Reference(m.b[:,2])),
self._hashRef(Reference(m.c[3,:])),
self._hashRef(Reference(m.c[4,:])),
}
self.assertEqual(len(time), len(ref_data))
for ref in time:
self.assertIn(self._hashRef(ref), ref_data)
def test_1level_model(self):
m = ConcreteModel()
m.T = ContinuousSet(bounds=(0,1))
@m.Block([1,2],m.T)
def B(b, i, t):
b.x = Var(list(range(2*i, 2*i+2)))
regular, time = flatten_dae_variables(m, m.T)
self.assertEqual(len(regular), 0)
# Output for debugging
#for v in time:
# v.pprint()
# for _ in v.values():
# print" -> ", _.name
ref_data = {
self._hashRef(Reference(m.B[1,:].x[2])),
self._hashRef(Reference(m.B[1,:].x[3])),
self._hashRef(Reference(m.B[2,:].x[4])),
self._hashRef(Reference(m.B[2,:].x[5])),
}
self.assertEqual(len(time), len(ref_data))
for ref in time:
self.assertIn(self._hashRef(ref), ref_data)
def test_2level_model(self):
m = ConcreteModel()
m.T = ContinuousSet(bounds=(0,1))
@m.Block([1,2],m.T)
def B(b, i, t):
@b.Block(list(range(2*i, 2*i+2)))
def bb(bb, j):
bb.y = Var([10,11])
b.x = Var(list(range(2*i, 2*i+2)))
regular, time = flatten_dae_variables(m, m.T)
self.assertEqual(len(regular), 0)
# Output for debugging
#for v in time:
# v.pprint()
# for _ in v.values():
# print" -> ", _.name
ref_data = {
self._hashRef(Reference(m.B[1,:].x[2])),
self._hashRef(Reference(m.B[1,:].x[3])),
self._hashRef(Reference(m.B[2,:].x[4])),
self._hashRef(Reference(m.B[2,:].x[5])),
self._hashRef(Reference(m.B[1,:].bb[2].y[10])),
self._hashRef(Reference(m.B[1,:].bb[2].y[11])),
self._hashRef(Reference(m.B[1,:].bb[3].y[10])),
self._hashRef(Reference(m.B[1,:].bb[3].y[11])),
self._hashRef(Reference(m.B[2,:].bb[4].y[10])),
self._hashRef(Reference(m.B[2,:].bb[4].y[11])),
self._hashRef(Reference(m.B[2,:].bb[5].y[10])),
self._hashRef(Reference(m.B[2,:].bb[5].y[11])),
}
self.assertEqual(len(time), len(ref_data))
for ref in time:
self.assertIn(self._hashRef(ref), ref_data)
# TODO: Add tests for Sets with dimen==None
if __name__ == "__main__":
unittest.main()
| [
"[email protected]"
] | |
524ffd950e6b5b0334c1fbefee5c7036da505cf8 | 163bbb4e0920dedd5941e3edfb2d8706ba75627d | /Code/CodeRecords/2235/60614/303084.py | 6cd63f840ba7468c2f277dfeb99b91a286eebce6 | [] | no_license | AdamZhouSE/pythonHomework | a25c120b03a158d60aaa9fdc5fb203b1bb377a19 | ffc5606817a666aa6241cfab27364326f5c066ff | refs/heads/master | 2022-11-24T08:05:22.122011 | 2020-07-28T16:21:24 | 2020-07-28T16:21:24 | 259,576,640 | 2 | 1 | null | null | null | null | UTF-8 | Python | false | false | 1,459 | py | def other(num):
if num%2==0:
return num+1
else:
return num-1
init = [int(x) for x in input().split()]
n = init[0]*2
m = init[1]
pairs=[]
edge=[[] for i in range(n)]
for i in range(m):
temp=[int(x) for x in input().split()]
edge[temp[0]-1].append(other(temp[1]-1))
edge[temp[1]-1].append(other(temp[0]-1))
ans=[-1]*n
def dye():
color = [0] * n
for i in range(n):
if (color[i]!=0):
continue
count=0
diaoYong=dfs(i,color,count)
color=diaoYong[1]
count=diaoYong[2]
if (not diaoYong[0]):
for j in range(count):
color[ans[j]]=0
color[other(ans[j])]=0
count=0
diaoYong = dfs(other(i), color, count)
color = diaoYong[1]
if (not diaoYong[0]):
return [False,color]
return [True,color]
def dfs(x,color,count):
if (color[x]==1):
return [True,color,count]
if (color[x]==2):
return [False,color,count]
color[x]=1
color[other(x)]=2
count+=1
ans[count]=x
for i in range(len(edge[x])):
diGui=dfs(edge[x][i],color,count)
color=diGui[1]
count=diGui[2]
if (not diGui[0]):
return [False,color,count]
return [True,color,count]
result=dye()
if (result[0]):
color=result[1]
for i in range(n):
if (color[i]==1):
print(i+1)
else:
print("NIE") | [
"[email protected]"
] | |
caee1b2c16ec8d413abb4a20682ec50cc7eebdc8 | 88963a0e0ddf47e666a3acd030cfa3050693c2bd | /globMatching.py | 372abb445e911784d3d376da14874bbf5fff51a9 | [] | no_license | santoshparmarindia/algoexpert | 9728054bbebb4e9413fe3c7cb75463b959046191 | d71397bef5bf3a76735b2e4ef8ee808919209b8c | refs/heads/main | 2023-06-01T15:44:28.296437 | 2021-06-15T23:03:19 | 2021-06-15T23:03:19 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 322 | py | def globMatching(fileName, pattern):
locations = getLocationOfSymbols(pattern)
for pos in locations:
if pattern[pos]=="*":
stringBefore=fileName[len(fileName)-pos]
def getLocationOfSymbols(pattern):
return [idx for idx in range(len(pattern)) if pattern[idx] == "*" or pattern[idx] == "?"]
| [
"[email protected]"
] | |
a2f04deabb3eb3ccda22c389cf99ce25e63a77dc | 57eb44ce1d84aca3580e28688cf645db483d0d03 | /accounts/views/user.py | 06e3bab546f4abebad577e240d55e3488e345733 | [
"Apache-2.0"
] | permissive | TheLabbingProject/pylabber | cbfd7a6663d56f779dde96bd6e0281f5c8f06393 | 4b51065f457ab86ed311f222080187caf1979fea | refs/heads/master | 2023-04-08T05:29:08.356479 | 2023-03-29T09:06:11 | 2023-03-29T09:06:11 | 205,411,164 | 5 | 3 | Apache-2.0 | 2023-03-29T09:06:13 | 2019-08-30T15:40:47 | Python | UTF-8 | Python | false | false | 1,678 | py | """
Definition of the :class:`UserViewSet` class.
"""
from accounts.filters.user import UserFilter
from accounts.serializers.user import UserSerializer
from django.contrib.auth import get_user_model
from django.db.models import QuerySet
from pylabber.views.defaults import DefaultsMixin
from rest_framework import viewsets
from rest_framework.decorators import action
from rest_framework.response import Response
User = get_user_model()
class UserViewSet(DefaultsMixin, viewsets.ModelViewSet):
"""
API endpoint that allows :class:`~accounts.models.user.User` instances to
be viewed or edited.
"""
filter_class = UserFilter
queryset = User.objects.all().order_by("date_joined")
serializer_class = UserSerializer
def filter_queryset(self, queryset) -> QuerySet:
"""
Filter the returned users according to the requesting user's
permissions.
Parameters
----------
queryset : QuerySet
Base queryset
Returns
-------
QuerySet
User instances
"""
user = self.request.user
queryset = super().filter_queryset(queryset)
if user.is_staff or user.is_superuser:
return queryset
return queryset.filter(laboratory__in=user.laboratory_set.all())
@action(detail=False, methods=["get"])
def get_institutions(self, request):
queryset = self.get_queryset()
institutions = set(
value
for value in queryset.values_list("profile__institute", flat=True)
if value is not None
)
data = {"results": institutions}
return Response(data)
| [
"[email protected]"
] | |
dab574e8ab8a48728c158b84af936b1d4044293b | b6cfcb01f8419dc17acffdfe2d4185c5cd7b8c21 | /core/views.py | 28ced51ecf8212c1a9aa748632e51598bf09fe61 | [] | no_license | mdamien/votes-deputes | 6cd14eed39436757ab7f59471e53ee5cec9f33bf | 576b2d5df6a01c092611b922143b9c17c8a24ae8 | refs/heads/main | 2023-01-24T05:42:35.709817 | 2020-11-17T14:39:00 | 2020-11-17T14:39:00 | 307,299,160 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 14,404 | py | from django.http import HttpResponse
from django.db.models.functions import Lower
from lys import L, raw, render
from core.models import *
HEADER = """
<!DOCTYPE html>
<html lang="fr"><head>
<meta http-equiv="content-type" content="text/html; charset=UTF-8">
<meta charset="utf-8">
<meta name="viewport" content="width=device-width, initial-scale=1, shrink-to-fit=no">
<title>Votes des députés</title>
<link href="https://bootswatch.com/4/lux/bootstrap.min.css" rel="stylesheet">
</head>
<body>
<main role="main" class="container">
<hr>
<h1 class="text-center"><a href="/">Votes des députés</a></h1>
<hr>
"""
FOOTER = """
<p></p>
</main>
</body>
</html>
"""
def template(content):
return render([
raw(HEADER),
content,
raw(FOOTER)
])
def _render_breadcrumb(els):
def _el_url(el):
nonlocal els
if hasattr(el, 'url'):
if el == els[0]:
return el.url()
else:
return el.url(els[0])
return L.ol(".breadcrumb") / [
(
(
L.li('.breadcrumb-item') / L.a(href=_el_url(el)) / str(el)
) if el != els[-1] else (
L.li('.breadcrumb-item.active') / str(el)
)
) for el in els
]
def _render_vote(vote, count):
if vote:
if vote.position == 'pour':
return L.small(".badge.badge-success") / vote.position
elif vote.position == 'contre':
return L.small(".badge.badge-danger") / vote.position
elif vote.position == 'abstention':
return L.small(".badge.badge-warning") / vote.position
else:
return L.small(".badge.badge-info") / f"absent(e) sur {count}"
def homepage(request):
deputes = Depute.objects.filter(actif=True).order_by(Lower('nom'), 'prenom')
return HttpResponse(template([
raw("""
<div class="alert alert-dismissible alert-info">
<p>Ce site permet de retrouver facilement les votes de vos députés</p>
<p>Vous pouvez trouver votre député par circonscription sur
<a href="https://www.nosdeputes.fr/circonscription" class="alert-link">NosDéputés.fr</a></p>
</div>
"""),
L.p / L.a(href="/deputes/inactifs") / L.button(".btn.btn-warning") / "voir députés inactifs",
L.h2 / [
"Députés ",
L.small(".text-muted") / " actifs"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start", href=dep.url()) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / f"{dep.nom}, {dep.prenom}",
L.small / f"{dep.groupe}"
]
]
for dep in deputes
],
]))
def deputes_inactifs(request):
deputes_inactifs = Depute.objects.filter(actif=False).order_by(Lower('nom'), 'prenom')
return HttpResponse(template([
L.h2 / [
"Députés ",
L.small(".text-muted") / " inactifs"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start", href=dep.url()) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / f"{dep.nom}, {dep.prenom}",
L.small / f"{dep.groupe}"
]
]
for dep in deputes_inactifs
]
]))
def _display_depute_vote(dos, dep):
last_vote = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape__dossier=dos, scrutin__article__isnull=True).order_by('scrutin__etape__date').last()
if last_vote:
count = last_vote.scrutin.vote_set.all().count()
else:
count = 0
if count > 0:
try:
vote = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape__dossier=dos, scrutin__article__isnull=True).get(depute=dep)
except:
vote = None
return _render_vote(vote, count)
def depute(request, dep_id):
dep = Depute.objects.get(identifiant=dep_id)
dossiers = Dossier.objects.filter(date_promulgation__isnull=False).order_by("-date_promulgation", "titre")
return HttpResponse(template([
_render_breadcrumb([dep]),
L.p / (
L.a(href=dep.url()+"/lois-en-cours") / L.button(".btn.btn-warning") / "voir lois en cours",
' ',
L.a(href=dep.url()+"/autres-votes") / L.button(".btn.btn-warning") / "voir autres votes",
),
L.h2 / [
"Lois",
L.small(".text-muted") / " promulguées"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href=dos.url(dep)
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / dos.titre,
_display_depute_vote(dos, dep),
]
]
for dos in dossiers
]
]))
def lois_en_cours(request, dep_id):
dep = Depute.objects.get(identifiant=dep_id)
dossiers = Dossier.objects.filter(date_promulgation__isnull=True)
return HttpResponse(template([
_render_breadcrumb([dep, 'Lois en cours']),
L.h2 / [
"Lois",
L.small(".text-muted") / " en cours d'étude"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href=dos.url(dep)
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / dos.titre,
_display_depute_vote(dos, dep),
]
]
for dos in dossiers
]
]))
def autres_votes(request, dep_id):
dep = Depute.objects.get(identifiant=dep_id)
scrutins = Scrutin.objects.filter(dossier__isnull=True, etape__isnull=True)
return HttpResponse(template([
_render_breadcrumb([dep, 'Autres votes']),
L.h2 / [
"Autres votes",
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href=dep.url()+'/scrutin/'+str(scrutin.id)
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / scrutin.objet,
_display_scrutin_vote(dep, scrutin),
]
]
for scrutin in scrutins
]
]))
def _display_etape_vote(etape, dep):
count = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape=etape, scrutin__article__isnull=True).count()
if count > 0:
try:
vote = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape=etape, scrutin__article__isnull=True).get(depute=dep)
except:
vote = None
return _render_vote(vote, count)
def depute_dossier(request, dep_id, dos_id):
dep = Depute.objects.get(identifiant=dep_id)
dos = Dossier.objects.get(identifiant=dos_id)
etapes = Etape.objects.filter(dossier=dos).order_by("-date")
return HttpResponse(template([
_render_breadcrumb([dep, dos]),
L.p / L.a(href=dos.url_an()) / L.button(".btn.btn-info") / "dossier législatif",
L.h2 / [
"Étapes",
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href=etape.url(dep)
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / etape.titre,
_display_etape_vote(etape, dep),
]
]
for etape in etapes
]
]))
def _display_article_vote(etape, dep, article):
count = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape=etape, scrutin__article=article).count()
if count > 0:
try:
vote = Vote.objects.filter(scrutin__dossier__isnull=True, scrutin__etape=etape, scrutin__article=article).get(depute=dep)
except:
vote = None
return _render_vote(vote, count)
def _display_scrutin_vote(dep, scrutin):
count = scrutin.vote_set.count()
if count > 0:
try:
vote = scrutin.vote_set.get(depute=dep)
except:
vote = None
return _render_vote(vote, count)
def _sort_articles(a):
try:
return int(a.split(' ')[0])
except:
return 0
def depute_etape(request, dep_id, etape_id):
dep = Depute.objects.get(identifiant=dep_id)
etape = Etape.objects.get(identifiant=etape_id)
dos = etape.dossier
try:
scrutin = etape.scrutin_set.filter(dossier__isnull=True, article__isnull=True).first()
except:
scrutin = None
articles = etape.scrutin_set.values_list('article', flat=True).order_by('article').distinct()
articles = [a for a in articles if a]
articles.sort(key=_sort_articles)
scrutins_amendements = etape.scrutin_set.filter(dossier=dos, etape=etape)
return HttpResponse(template([
_render_breadcrumb([dep, dos, etape]),
(
L.span('.badge.badge-info') / (
'Le ',
scrutin.date,
(
' ',
scrutin.heure
) if scrutin.heure else None,
),
) if scrutin else None,
L.p / (
(
' ',
L.a(href=scrutin.url_an) / L.button(".btn.btn-info") / f'Scrutin',
(
' ',
L.a(href=scrutin.url_video) / L.button(".btn.btn-info") / "video du vote",
) if scrutin.url_video else None,
(
' ',
L.a(href=scrutin.url_CR) / L.button(".btn.btn-info") / "compte-rendu",
) if scrutin.url_CR else None,
) if scrutin else None
),
(
L.h2 / [
"Articles",
L.small(".text-muted") / " votés"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href="/" + dep.identifiant + "/etape/" + etape.identifiant + "/article/" + article
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / f"Article {article}",
_display_article_vote(etape, dep, article),
]
]
for article in articles
]
) if articles else None,
(
L.br,
L.br,
L.h2 / [
"Amendements et motions",
L.small(".text-muted") / " votés"
],
L.div(".list-group") / [
L.a(".list-group-item.list-group-item-action.flex-column.align-items-start",
href="/" + dep.identifiant + "/scrutin/" + str(amdt_scrutin.id)
) / [
L.div(".d-flex.w-100.justify-content-between") / [
L.h5(".mb-1") / f"{amdt_scrutin.objet}",
_display_scrutin_vote(dep, amdt_scrutin),
]
]
for amdt_scrutin in scrutins_amendements
]
) if scrutins_amendements.count() else None,
]))
def depute_article(request, dep_id, etape_id, article):
dep = Depute.objects.get(identifiant=dep_id)
etape = Etape.objects.get(identifiant=etape_id)
dos = etape.dossier
try:
scrutin = etape.scrutin_set.filter(article=article).first()
except:
scrutin = None
return HttpResponse(template([
_render_breadcrumb([dep, dos, etape, article]),
(
L.span('.badge.badge-info') / (
'Le ',
scrutin.date,
(
' ',
scrutin.heure
) if scrutin.heure else None,
),
) if scrutin else None,
(
(
L.p / L.a(href=scrutin.url_an) / L.button(".btn.btn-info") / "scrutin"
) if scrutin else None
),
]))
def depute_scrutin(request, dep_id, scrutin_id):
dep = Depute.objects.get(identifiant=dep_id)
scrutin = Scrutin.objects.get(id=scrutin_id)
return HttpResponse(template([
_render_breadcrumb([dep, scrutin.dossier, scrutin.etape, scrutin.objet]),
L.span('.badge.badge-info') / (
'Le ',
scrutin.date,
(
' ',
scrutin.heure
) if scrutin.heure else None,
),
(
(
L.p / L.a(href=scrutin.url_an) / L.button(".btn.btn-info") / "scrutin"
) if scrutin else None
),
]))
def top_pour(request):
results = []
for dep in Depute.objects.all():
c = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep, position='pour').count()
results.append([dep, c])
results.sort(key=lambda r:-r[1])
lines = []
for i, r in enumerate(results):
dep, c = r
lines.append(
L.span(".list-group-item.list-group-item-action.flex-column.align-items-start") /
f"{i+1}: {dep} ({dep.groupe}) avec {c} votes pour")
return HttpResponse(template([
L.h2 / "Top des députés qui ont votés pour les lois promulguées",
L.div(".list-group") / lines,
]))
def top_pour_pourcentage(request):
results = []
for dep in Depute.objects.all():
c = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep, position='pour').count()
c2 = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep).count()
if c2:
results.append([dep, c/c2, c])
else:
results.append([dep, 0, 0])
results.sort(key=lambda r: (-r[1], -r[2]))
lines = []
for i, r in enumerate(results):
dep, c, c2 = r
lines.append(
L.span(".list-group-item.list-group-item-action.flex-column.align-items-start") /
f"{i+1}: {dep} ({dep.groupe}) avec {round(c*100, 2)}% de votes pour ({c2} votes)")
return HttpResponse(template([
L.h2 / "Top des députés qui ont votés pour les lois promulguées",
L.div(".list-group") / lines,
]))
def top_contre_pourcentage(request):
results = []
for dep in Depute.objects.all():
c = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep, position='contre').count()
c2 = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep).count()
if c2:
results.append([dep, c/c2, c])
else:
results.append([dep, 0, 0])
results.sort(key=lambda r: (-r[1], -r[2]))
lines = []
for i, r in enumerate(results):
dep, c, c2 = r
lines.append(
L.span(".list-group-item.list-group-item-action.flex-column.align-items-start") /
f"{i+1}: {dep} ({dep.groupe}) avec {round(c*100, 2)}% de votes contre ({c2} votes)")
return HttpResponse(template([
L.h2 / "Top des députés qui ont votés contre les lois promulguées",
L.div(".list-group") / lines,
]))
def top_contre(request):
results = []
for dep in Depute.objects.all():
c = Vote.objects.filter(scrutin_dossier=None, scrutin__article__isnull=True, depute=dep, position='contre').count()
results.append([dep, c])
results.sort(key=lambda r:-r[1])
lines = []
for i, r in enumerate(results):
dep, c = r
lines.append(
L.span(".list-group-item.list-group-item-action.flex-column.align-items-start") /
f"{i+1}: {dep} ({dep.groupe}) avec {c} votes contre")
return HttpResponse(template([
L.h2 / "Top des députés qui ont votés contre les lois promulguées",
L.div(".list-group") / lines,
]))
def top_pour_lois(request):
results = []
for dossier in Dossier.objects.filter(date_promulgation__isnull=False):
c = 0
c = Vote.objects.filter(scrutin_dossier=None, scrutin__etape__dossier=dossier, position='pour').count()
c2 = Vote.objects.filter(scrutin_dossier=None, scrutin__etape__dossier=dossier).count()
if c2:
results.append([dossier, c/c2, c])
else:
results.append([dossier, 0, 0])
results.sort(key=lambda r: (-r[1], -r[2]))
lines = []
for i, r in enumerate(results):
dossier, c, c2 = r
lines.append(
L.span(".list-group-item.list-group-item-action.flex-column.align-items-start") /
f"{i+1}: {dossier} avec {round(c*100, 2)}% de votes pour ({c2} votes)")
return HttpResponse(template([
L.h2 / "Top des lois promulguées par le pourcentage de votes pour",
L.div(".list-group") / lines,
]))
| [
"[email protected]"
] | |
8d31ea4c5eee17006526e8dbb68804018da6797d | c9dc1df17ecb9e279eb4403b83358363cdbe7fee | /project/cms/migrations/0020_auto_20180302_0513.py | 55c47d006cd522af0420e248798d77367eeb50f8 | [] | no_license | m0nte-cr1st0/keyua | c3894a94c9bfe73409078be11cb1d3f64831054c | b964ebb7e260fbebdbc27e3a571fed6278196cac | refs/heads/master | 2022-11-25T16:03:51.882386 | 2020-01-09T12:57:54 | 2020-01-09T12:57:54 | 232,809,529 | 0 | 0 | null | 2022-11-22T02:24:49 | 2020-01-09T12:58:10 | Python | UTF-8 | Python | false | false | 656 | py | # Generated by Django 2.0 on 2018-03-02 05:13
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
dependencies = [
('blog', '0006_auto_20180226_0554'),
('cms', '0019_page_show_on_category_menu'),
]
operations = [
migrations.RemoveField(
model_name='blogcomponent',
name='title',
),
migrations.AddField(
model_name='blogcomponent',
name='category',
field=models.ForeignKey(blank=True, null=True, on_delete=django.db.models.deletion.CASCADE, to='blog.Category'),
),
]
| [
"[email protected]"
] | |
c602d0dde6c12d0b6e4e1af055d8d9bba4a4991c | 2310666ca3de8c5e41b1fb7268632015b0658dde | /leetcode/0013_roman_to_integer.py | 6cdd3a3254113bc451c81ea965e8f537a2674e3a | [
"BSD-2-Clause"
] | permissive | chaosWsF/Python-Practice | 72196aa65a76dd27e1663e50502954dc07f4cad6 | 49a0b03c55d8a702785888d473ef96539265ce9c | refs/heads/master | 2022-08-16T13:04:41.137001 | 2022-08-16T06:17:01 | 2022-08-16T06:17:01 | 144,381,839 | 1 | 0 | null | 2021-09-16T03:58:32 | 2018-08-11T12:02:19 | Python | UTF-8 | Python | false | false | 3,037 | py | """
Roman numerals are represented by seven different symbols:
I, V, X, L, C, D and M.
Symbol Value
I 1
V 5
X 10
L 50
C 100
D 500
M 1000
For example, two is written as II in Roman numeral, just two
one's added together. Twelve is written as, XII, which is
simply X + II. The number twenty seven is written as XXVII,
which is XX + V + II.
Roman numerals are usually written largest to smallest from
left to right. However, the numeral for four is not IIII.
Instead, the number four is written as IV. Because the one is
before the five we subtract it making four. The same principle
applies to the number nine, which is written as IX. There are
six instances where subtraction is used:
I can be placed before V (5) and X (10) to make 4 and 9.
X can be placed before L (50) and C (100) to make 40 and 90.
C can be placed before D (500) and M (1000) to make 400 and 900.
Given a roman numeral, convert it to an integer. Input is
guaranteed to be within the range from 1 to 3999.
Example 1:
Input: "III"
Output: 3
Example 2:
Input: "IV"
Output: 4
Example 3:
Input: "IX"
Output: 9
Example 4:
Input: "LVIII"
Output: 58
Explanation: L = 50, V= 5, III = 3.
Example 5:
Input: "MCMXCIV"
Output: 1994
Explanation: M = 1000, CM = 900, XC = 90 and IV = 4.
"""
class Solution:
def romanToInt(self, s: str) -> int:
d = {
'I':1,
'V':5,
'X':10,
'L':50,
'C':100,
'D':500,
'M':1000,
'IV':4,
'IX':9,
'XL':40,
'XC':90,
'CD':400,
'CM':900
}
i = 0
res = 0
while i < len(s):
if s[i:i+2] in d:
res += d[s[i:i+2]]
i += 2
else:
res += d[s[i]]
i += 1
return res
def romanToInt1(self, s):
"""monotic decreasing if no specific instance"""
map_dict = {'I': 1, 'V': 5, 'X': 10, 'L': 50, 'C': 100, 'D': 500, 'M': 1000}
n = map_dict[s[0]]
for i in range(1, len(s)):
n += map_dict[s[i]]
if map_dict[s[i]] > map_dict[s[i - 1]]:
n -= 2 * map_dict[s[i - 1]]
return n
def romanToInt2(self, s):
"""mapping (step = 1 or 2)"""
map_dict = {
'I': 1, 'V': 5, 'X': 10, 'L': 50, 'C': 100, 'D': 500, 'M': 1000,
'IV': 4, 'IX': 9, 'XL': 40, 'XC': 90, 'CD': 400, 'CM': 900
}
n = len(s)
if n < 2:
return map_dict[s]
i = 0
result = 0
while i < n:
try:
result += map_dict[s[i:i + 2]]
i += 2
except KeyError:
result += map_dict[s[i]]
i += 1
return result
| [
"[email protected]"
] | |
9ae6fece0afe3beedd05a6cb5236776f8a8a70b0 | e173bfaa3c728a3ce7a7709f1beee5c5a64a0e2a | /LandMatrixExtractor/es/weso/landmatrix/entities/deal_analyser_entry.py | e5fc06b9c89ff4a8c576f6f72ed6ec143094e308 | [
"Unlicense"
] | permissive | weso/landportal-importers | d4ddfe0db298a9c2f51820f714b21ff5c570291d | 6edfa3c301422bbe8c09cb877b1cbddbcd902463 | refs/heads/master | 2020-03-30T08:08:31.457937 | 2014-07-15T11:31:28 | 2014-07-15T11:31:28 | 15,933,682 | 0 | 0 | null | 2014-04-07T09:15:12 | 2014-01-15T11:47:44 | null | UTF-8 | Python | false | false | 487 | py | __author__ = 'Dani'
class DealAnalyserEntry(object):
"""
The DealAnalyser will return a dict that saves under a key composed by Country and indicator
certains group of entities.
This class contains all this elements: an indicator, a date (int), a country (country entity) and a value
"""
def __init__(self, indicator, date, country, value):
self.indicator = indicator
self.date = date
self.country = country
self.value = value
| [
"[email protected]"
] | |
733747b606dec6f402a5ea55269c848673bb82c8 | 4e3ce5a1fc39c00d28b42f61c15cc54f65e706f0 | /leetcode/101-200/T164_maximumGap.py | 5d559312515ac2a5c70ae408e8cd69df9eaf6dd8 | [] | no_license | PemLer/Journey_of_Algorithm | 6c2a1d1f2bb9e1cff5239857dd33747b14127dfd | c0a51f0054446d54f476cf8f1cd3e6268dcd2b35 | refs/heads/master | 2023-03-31T01:57:09.223491 | 2020-06-23T11:25:27 | 2020-06-23T11:25:27 | 178,988,861 | 2 | 0 | null | 2020-06-23T11:25:29 | 2019-04-02T03:06:47 | Python | UTF-8 | Python | false | false | 564 | py | class Solution(object):
def maximumGap(self,num):
if len(num) < 2 or min(num) == max(num):
return 0
a, b = min(num), max(num)
size = (b-a)//(len(num)-1) or 1
bucket = [[None, None] for _ in range((b-a)//size+1)]
for n in num:
b = bucket[(n-a)//size]
b[0] = n if b[0] is None else min(b[0], n)
b[1] = n if b[1] is None else max(b[1], n)
bucket = [b for b in bucket if b[0] is not None]
return max(bucket[i][0]-bucket[i-1][1] for i in range(1, len(bucket)))
| [
"[email protected]"
] | |
8efd18901c9f572c09ee983bae120fa0e3bed0ec | fe427adf26411595c447ce880436383bb7c565e2 | /exps/inverted_pendulum/run.py | 311d66ab5798e744c469cbb8f03f9520be5aaf10 | [
"MIT"
] | permissive | LWANG0413/hucrl | 81023314bc2d32abe9a3bdda5e97c4f3d88cd1db | f09076bb7083aeef62bdaa129f485bab9a5fa685 | refs/heads/master | 2023-04-14T18:57:51.237180 | 2021-03-26T16:13:28 | 2021-03-26T16:13:28 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,250 | py | """Run the inverted-pendulum using MB-MPO."""
from dotmap import DotMap
from exps.inverted_pendulum import (
ACTION_COST,
ENVIRONMENT_MAX_STEPS,
TRAIN_EPISODES,
get_agent_and_environment,
)
from exps.inverted_pendulum.plotters import (
plot_pendulum_trajectories,
set_figure_params,
)
from exps.inverted_pendulum.util import get_mbmpo_parser
from exps.util import train_and_evaluate
PLAN_HORIZON, SIM_TRAJECTORIES = 8, 16
parser = get_mbmpo_parser()
parser.description = "Run Swing-up Inverted Pendulum using Model-Based MPO."
parser.set_defaults(
action_cost=ACTION_COST,
train_episodes=TRAIN_EPISODES,
environment_max_steps=ENVIRONMENT_MAX_STEPS,
plan_horizon=PLAN_HORIZON,
sim_num_steps=ENVIRONMENT_MAX_STEPS,
sim_initial_states_num_trajectories=SIM_TRAJECTORIES // 2,
sim_initial_dist_num_trajectories=SIM_TRAJECTORIES // 2,
model_kind="ProbabilisticEnsemble",
model_learn_num_iter=50,
model_opt_lr=1e-3,
seed=1,
)
args = parser.parse_args()
params = DotMap(vars(args))
environment, agent = get_agent_and_environment(params, "mbmpo")
set_figure_params(serif=True, fontsize=9)
train_and_evaluate(
agent, environment, params, plot_callbacks=[plot_pendulum_trajectories]
)
| [
"[email protected]"
] | |
0b2e693e5580b814554653d9ffdd9871c366fd33 | 82b728e805d887102c0b8c415731b353877690cd | /samples/generated_samples/aiplatform_generated_aiplatform_v1_featurestore_service_batch_read_feature_values_sync.py | fdf813f6f78ca224219d688d99fd770c3fbc9267 | [
"Apache-2.0"
] | permissive | geraint0923/python-aiplatform | 90c7742c9bdbde05b9688b117e8e59c0406d6f85 | 7ab05d5e127636d96365b7ea408974ccd6c2f0fe | refs/heads/main | 2023-08-24T05:30:38.519239 | 2021-10-27T20:38:25 | 2021-10-27T20:38:25 | 370,803,114 | 0 | 0 | Apache-2.0 | 2021-05-25T19:15:47 | 2021-05-25T19:15:46 | null | UTF-8 | Python | false | false | 2,280 | py | # -*- coding: utf-8 -*-
# Copyright 2020 Google LLC
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
#
# Generated code. DO NOT EDIT!
#
# Snippet for BatchReadFeatureValues
# NOTE: This snippet has been automatically generated for illustrative purposes only.
# It may require modifications to work in your environment.
# To install the latest published package dependency, execute the following:
# python3 -m pip install google-cloud-aiplatform
# [START aiplatform_generated_aiplatform_v1_FeaturestoreService_BatchReadFeatureValues_sync]
from google.cloud import aiplatform_v1
def sample_batch_read_feature_values():
"""Snippet for batch_read_feature_values"""
# Create a client
client = aiplatform_v1.FeaturestoreServiceClient()
# Initialize request argument(s)
csv_read_instances = aiplatform_v1.CsvSource()
csv_read_instances.gcs_source.uris = ['uris_value']
destination = aiplatform_v1.FeatureValueDestination()
destination.bigquery_destination.output_uri = "output_uri_value"
entity_type_specs = aiplatform_v1.EntityTypeSpec()
entity_type_specs.entity_type_id = "entity_type_id_value"
entity_type_specs.feature_selector.id_matcher.ids = ['ids_value']
request = aiplatform_v1.BatchReadFeatureValuesRequest(
csv_read_instances=csv_read_instances,
featurestore="projects/{project}/locations/{location}/featurestores/{featurestore}",
destination=destination,
entity_type_specs=entity_type_specs,
)
# Make the request
operation = client.batch_read_feature_values(request=request)
print("Waiting for operation to complete...")
response = operation.result()
print(response)
# [END aiplatform_generated_aiplatform_v1_FeaturestoreService_BatchReadFeatureValues_sync]
| [
"[email protected]"
] | |
67e01004501971d37fce799ec2e4c98ba5c2c2cd | efe1546fa1f057cbbbe974bd8478309b6176d641 | /waf/tests/preproc/wscript | 8b6a5c1d28eb03a8d92149cdc9dbd61bd15a6fee | [
"Apache-2.0"
] | permissive | yankee14/reflow-oven-atmega328p | 2df323aba16ac4f3eac446abc633a5d79a1a55cb | e6792143576f13f0a3a49edfd54dbb2ef851d95a | refs/heads/master | 2022-12-02T21:32:39.513878 | 2019-05-30T06:25:12 | 2019-05-30T06:25:12 | 188,760,664 | 0 | 1 | Apache-2.0 | 2022-11-15T18:22:50 | 2019-05-27T02:52:18 | Python | UTF-8 | Python | false | false | 4,441 | #! /usr/bin/env python
# encoding: utf-8
# Thomas Nagy, 2012 (ita)
VERSION='0.0.1'
APPNAME='preproc_test'
top = '.'
out = 'build'
from waflib import Utils
from waflib.Tools import c_preproc
from waflib.Tools.c_preproc import NUM, OP, IDENT
from waflib.Logs import pprint
def configure(conf):
pass
def build(bld):
bld.failure = 0
def disp(color, result):
pprint(color, result)
if color == 'RED':
bld.failure=1
def stop_status(bld):
if bld.failure:
bld.fatal('One or several test failed, check the outputs above')
bld.add_post_fun(stop_status)
defs = {
'm1' : "m1 9 + 9",
'fun0' : "fun0(x, y) x y",
'fun1' : "fun1(x, y) x ## y",
'fun2' : "fun2(x) #x",
'fun3' : "fun3(x, y) x * y",
'fun4' : "fun4(x) fun2(x)",
'fun5' : "fun5(x, y, z) x ## y ## z",
'fun6' : "fun6(x, y) <x.y>",
'fun7' : "fun() 7",
}
def test(x, result, fun=c_preproc.reduce_tokens):
toks = c_preproc.tokenize(x)
c_preproc.reduce_tokens(toks, defs, [])
ret = c_preproc.stringize(toks)
if ret == result:
color = "GREEN"
else:
color = "RED"
disp(color, "%s\t\t%r" % (ret, toks))
test("1 + m1 + 1", "1+9+9+1")
test("1 + fun0(1, +) 1", "1+1+1")
test("fun2(mmm)", "mmm")
test("m1", "9+9")
test("fun2(m1)", "m1")
test("fun4(m1)", "9+9")
test("fun1(m, m)", "mm")
test("fun5(a, b, c)", "abc")
test("fun1(>, =)", ">=")
test("fun1(a, 12)", "a12")
test("fun5(a, _, 12)", "a_12")
test("fun6(math, h)", "<math.h>")
def test(x, result):
ret = c_preproc.extract_include(x, defs)
if ret == result:
color = "GREEN"
else:
color = "RED"
disp(color, "%s" % str(ret))
test("fun6(math, h)", ("<", "math.h"))
def test(x, result):
toks = c_preproc.tokenize(x)
c_preproc.reduce_tokens(toks, defs, [])
(_, ret) = c_preproc.reduce_eval(toks)
if int(ret) == result:
color = "GREEN"
else:
color = "RED"
disp(color, "%s\t\t%r" % (ret, toks))
test("1+1", 2)
test("1-1", 0)
test("1?77:0", 77)
test("0?0:88", 88)
test("1+2*3", 7)
test("1*2+3", 5)
test("7*m1*3", 90)
test("m1*3", 36)
test("defined m1", 1)
test("defined(m1)", 1)
test("defined inex", 0)
test("defined(inex)", 0)
test("fun7()", 7)
test("0&&2<3", 0)
test("(5>1)*6", 6)
test("1,2,3*9,9", 9)
test("0x52 > 02", 1)
# lazy evaluation
test("defined(foo) && foo > 2", 0)
test("defined(m1) && m1 > 20", 0)
test("defined(m1) || m1 > 20", 1)
# undefined macros -> 0
test("not_possibly_defined || another", 0)
test("1+2+((3+4)+5)+6==(6*7)/2==1*-1*-1", 1)
def add_defs(a, b, c, expected):
main = bld.path.find_resource('src/main.c')
bld.env.DEFINES = ['A=%s' % str(a), 'B=%s' % str(b), 'C=%s' % str(c)]
gruik = c_preproc.c_parser([main.parent])
gruik.start(main, bld.env)
if len(gruik.nodes) == 1 and gruik.nodes[0].name == expected:
color = "GREEN"
else:
color = "RED"
disp(color, "%r %r %r -> header %s (got %r)" % (a, b, c, expected, gruik.nodes))
add_defs(1, 1, 1, 'a.h')
add_defs(1, 1, 0, 'b.h')
add_defs(1, 0, 1, 'c.h')
add_defs(1, 0, 0, 'd.h')
add_defs(0, 1, 1, 'e.h')
add_defs(0, 1, 0, 'f.h')
add_defs(0, 0, 1, 'g.h')
add_defs(0, 0, 0, 'h.h')
defs = {
'a' : 'a 0',
'b' : 'b 1',
'c' : 'c 1',
'd' : 'd 0',
'e' : 'e a || b || c || d'
}
def test_pasting():
main = bld.path.find_resource('src/pasting.c')
bld.env.DEFINES = ['PREFIX_VAL=', 'SUFFIX_VAL=']
gruik = c_preproc.c_parser([main.parent])
gruik.start(main, bld.env)
if len(gruik.nodes) == 1 and gruik.nodes[0].name == 'a.h':
color = "GREEN"
else:
color = "RED"
disp(color, "token pasting -> %r (expected a.h)" % gruik.nodes)
test_pasting()
def test(x, result):
toks = c_preproc.tokenize(x)
c_preproc.reduce_tokens(toks, defs, [])
(_, ret) = c_preproc.reduce_eval(toks)
if int(ret) == result:
color = "GREEN"
else:
color = "RED"
disp(color, "%s\t\t%r" % (ret, toks))
test('a||b||c||d', 1)
test('a&&b&&c&&d', 0)
test('e', 1)
def test_rec(defines, expected):
main = bld.path.find_resource('recursion/a.c')
bld.env.DEFINES = defines.split()
gruik = c_preproc.c_parser([main.parent])
gruik.start(main, bld.env)
result = "".join([x.name[0] for x in gruik.nodes])
if result == expected:
color = "GREEN"
else:
color = "RED"
disp(color, "%s\t\t%r" % (expected, gruik.nodes))
test_rec("", "a")
test_rec("FOO=1", "ac")
test_rec("BAR=1", "abc")
test_rec("FOO=1 BAR=1", "ac")
return
test("1?1,(0?5:9):3,4", 0) # <- invalid expression
| [
"[email protected]"
] | ||
05a269f38e872abaf687b447a962c6e69d2948d4 | 68cd659b44f57adf266dd37789bd1da31f61670d | /swea/뱀.py | 020110d76f3e7ac5fc7f1bcce168de785b3bfe14 | [] | no_license | 01090841589/solved_problem | c0c6f5a46e4d48860dccb3b0288aa5b56868fbca | bbea2f31e5fe36cad100bc514eacd83545fb25b1 | refs/heads/master | 2023-07-02T23:55:51.631478 | 2021-08-04T13:57:00 | 2021-08-04T13:57:00 | 197,157,830 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 983 | py | import sys
sys.stdin = open('뱀.txt')
DIR = [[0, 1], [1, 0], [0, -1], [-1, 0]]
N = int(input())
a = int(input())
apple = [list(map(int, input().split())) for _ in range(a)]
s = int(input())
snake = [list(map(str, input().split())) for _ in range(s)]
snake.append([-1])
MAP = [[0]*N for _ in range(N)]
for i in apple:
MAP[i[0]-1][i[1]-1] = 9
MAP[0][0] = 1
stack = [[0, 0, 0, 0]]
long = [[0, 0]]
while True:
[y, x, t, c] = stack.pop(0)
t += 1
y += DIR[c][0]
x += DIR[c][1]
if t == int(snake[0][0]):
if snake[0][1] == 'L':
c = (c + 3) % 4
else:
c = (c + 1) % 4
snake.pop(0)
if 0 <= y < N and 0 <= x < N and MAP[y][x] != 1:
if MAP[y][x] == 9:
MAP[y][x] = 1
long.append([y, x])
else:
Y, X = long.pop(0)
MAP[Y][X] = 0
MAP[y][x] = 1
long.append([y, x])
stack.append([y, x, t, c])
else:
break
print(t) | [
"[email protected]"
] | |
7f00baf0660b125281470373c8031d79cc956bf0 | 6ff939cd2ce1d860642ea56515f8339f6740715e | /rcsb/db/tests-validate/testSchemaDataPrepValidate.py | 3bc76940a64e990b8691d90d857b3d936d83fa70 | [
"Apache-2.0"
] | permissive | Global-localhost/py-rcsb_db | 44a1bc9a99c0388965d8a70f19585ed9a1382fe6 | 35e3c09548220dbf90fea74a9c6bebce50e33154 | refs/heads/master | 2023-01-13T20:10:59.617606 | 2020-11-21T14:06:38 | 2020-11-21T14:06:38 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 14,222 | py | ##
# File: SchemaDataPrepValidateTests.py
# Author: J. Westbrook
# Date: 9-Jun-2018
# Version: 0.001
#
# Update:
# 7-Sep-2018 jdw add multi-level (strict/min) validation tests
# 29-Sep-2018 jdw add plugin for extended checks of JSON Schema formats.
# 31-Mar-2019 jdw add option to validate 'addParentRefs'
#
##
"""
Tests for utilities employed to construct local schema and json schema defintions from
dictionary metadata and user preference data, and to further apply these schema to
validate instance data.
"""
__docformat__ = "restructuredtext en"
__author__ = "John Westbrook"
__email__ = "[email protected]"
__license__ = "Apache 2.0"
import glob
import logging
import os
import time
import unittest
from jsonschema import Draft4Validator
from jsonschema import FormatChecker
from mmcif.api.DictMethodRunner import DictMethodRunner
from rcsb.db.define.DictionaryApiProviderWrapper import DictionaryApiProviderWrapper
from rcsb.db.helpers.DictMethodResourceProvider import DictMethodResourceProvider
from rcsb.db.processors.DataTransformFactory import DataTransformFactory
from rcsb.db.processors.SchemaDefDataPrep import SchemaDefDataPrep
from rcsb.db.utils.RepositoryProvider import RepositoryProvider
from rcsb.db.utils.SchemaProvider import SchemaProvider
from rcsb.utils.config.ConfigUtil import ConfigUtil
from rcsb.utils.io.MarshalUtil import MarshalUtil
logging.basicConfig(level=logging.INFO, format="%(asctime)s [%(levelname)s]-%(module)s.%(funcName)s: %(message)s")
logger = logging.getLogger()
logger.setLevel(logging.INFO)
HERE = os.path.abspath(os.path.dirname(__file__))
TOPDIR = os.path.dirname(os.path.dirname(os.path.dirname(HERE)))
def chunkList(seq, size):
return (seq[i::size] for i in range(size))
class SchemaDataPrepValidateTests(unittest.TestCase):
def setUp(self):
self.__numProc = 2
# self.__fileLimit = 200
self.__fileLimit = None
self.__mockTopPath = os.path.join(TOPDIR, "rcsb", "mock-data")
self.__cachePath = os.path.join(TOPDIR, "CACHE")
self.__configPath = os.path.join(TOPDIR, "rcsb", "db", "config", "exdb-config-example.yml")
configName = "site_info_configuration"
self.__configName = configName
self.__cfgOb = ConfigUtil(configPath=self.__configPath, defaultSectionName=configName, mockTopPath=self.__mockTopPath)
self.__mU = MarshalUtil(workPath=self.__cachePath)
self.__schP = SchemaProvider(self.__cfgOb, self.__cachePath, useCache=True)
self.__rpP = RepositoryProvider(cfgOb=self.__cfgOb, numProc=self.__numProc, fileLimit=self.__fileLimit, cachePath=self.__cachePath)
#
self.__birdRepoPath = self.__cfgOb.getPath("BIRD_REPO_PATH", sectionName=configName)
#
self.__fTypeRow = "drop-empty-attributes|drop-empty-tables|skip-max-width|convert-iterables|normalize-enums|translateXMLCharRefs"
self.__fTypeCol = "drop-empty-tables|skip-max-width|convert-iterables|normalize-enums|translateXMLCharRefs"
self.__verbose = False
#
self.__modulePathMap = self.__cfgOb.get("DICT_METHOD_HELPER_MODULE_PATH_MAP", sectionName=configName)
self.__testDirPath = os.path.join(HERE, "test-output", "pdbx-fails")
self.__testIhmDirPath = os.path.join(HERE, "test-output", "ihm-files")
self.__export = False
#
self.__extraOpts = None
# The following for extended parent/child info -
# self.__extraOpts = 'addParentRefs|addPrimaryKey'
#
self.__alldatabaseNameD = {
"ihm_dev": ["ihm_dev"],
"pdbx": ["pdbx", "pdbx_ext"],
"pdbx_core": [
"pdbx_core_entity",
"pdbx_core_entry",
"pdbx_core_assembly",
"pdbx_core_polymer_entity_instance",
"pdbx_core_nonpolymer_entity_instance",
"pdbx_core_branched_entity_instance",
"pdbx_core_polymer_entity_instance",
"pdbx_core_nonpolymer_entity_instance",
"pdbx_core_branched_entity_instance",
],
"bird": ["bird"],
"bird_family": ["family"],
"chem_comp": ["chem_comp"],
"bird_chem_comp": ["bird_chem_comp"],
"bird_chem_comp_core": ["bird_chem_comp_core"],
}
self.__databaseNameD = {
"bird_chem_comp_core": ["bird_chem_comp_core"],
"pdbx_core": [
"pdbx_core_polymer_entity",
"pdbx_core_entry",
"pdbx_core_assembly",
"pdbx_core_nonpolymer_entity",
"pdbx_core_branched_entity",
"pdbx_core_polymer_entity_instance",
"pdbx_core_nonpolymer_entity_instance",
"pdbx_core_branched_entity_instance",
],
}
self.__mergeContentTypeD = {"pdbx_core": ["vrpt"]}
# self.__databaseNameD = {"chem_comp_core": ["chem_comp_core"], "bird_chem_comp_core": ["bird_chem_comp_core"]}
# self.__databaseNameD = {"ihm_dev_full": ["ihm_dev_full"]}
# self.__databaseNameD = {"pdbx_core": ["pdbx_core_entity_instance_validation"]}
# self.__databaseNameD = {"pdbx_core": ["pdbx_core_entity_monomer"]}
self.__startTime = time.time()
logger.debug("Starting %s at %s", self.id(), time.strftime("%Y %m %d %H:%M:%S", time.localtime()))
def tearDown(self):
endTime = time.time()
logger.debug("Completed %s at %s (%.4f seconds)", self.id(), time.strftime("%Y %m %d %H:%M:%S", time.localtime()), endTime - self.__startTime)
def testValidateOptsRepo(self):
# schemaLevel = "min"
schemaLevel = "full"
inputPathList = None
eCount = self.__testValidateOpts(databaseNameD=self.__databaseNameD, inputPathList=inputPathList, schemaLevel=schemaLevel, mergeContentTypeD=self.__mergeContentTypeD)
logger.info("Total validation errors schema level %s : %d", schemaLevel, eCount)
# expected errors
# pdbx_core_entry (3JWB) path deque(['reflns_shell', 0, 'Rmerge_I_obs']) error: 33.9 is greater than or equal to the maximum of 10.0
self.assertLessEqual(eCount, 2)
@unittest.skip("Disable troubleshooting test")
def testValidateOptsList(self):
schemaLevel = "min"
inputPathList = self.__mU.doImport(os.path.join(HERE, "test-output", "failed-path.list"), "list")
# inputPathList = glob.glob(self.__testDirPath + "/*.cif")
if not inputPathList:
return True
databaseNameD = {"pdbx_core": ["pdbx_core_entity", "pdbx_core_entry", "pdbx_core_entity_instance", "pdbx_core_entity_instance_validation"]}
for ii, subList in enumerate(chunkList(inputPathList[::-1], 40)):
if ii < 5:
continue
eCount = self.__testValidateOpts(databaseNameD=databaseNameD, inputPathList=subList, schemaLevel=schemaLevel, mergeContentTypeD=self.__mergeContentTypeD)
logger.info("Chunk %d total validation errors schema level %s : %d", ii, schemaLevel, eCount)
# self.assertGreaterEqual(eCount, 20)
@unittest.skip("Disable IHM troubleshooting test")
def testValidateOptsIhmRepo(self):
schemaLevel = "min"
inputPathList = None
self.__export = False
databaseNameD = {"ihm_dev_full": ["ihm_dev_full"]}
databaseNameD = {"ihm_dev": ["ihm_dev"]}
eCount = self.__testValidateOpts(databaseNameD=databaseNameD, inputPathList=inputPathList, schemaLevel=schemaLevel, mergeContentTypeD=self.__mergeContentTypeD)
logger.info("Total validation errors schema level %s : %d", schemaLevel, eCount)
# self.assertGreaterEqual(eCount, 20)
#
@unittest.skip("Disable IHM troubleshooting test")
def testValidateOptsIhmList(self):
schemaLevel = "full"
inputPathList = glob.glob(self.__testIhmDirPath + "/*.cif")
if not inputPathList:
return True
databaseNameD = {"ihm_dev_full": ["ihm_dev_full"]}
eCount = self.__testValidateOpts(databaseNameD=databaseNameD, inputPathList=inputPathList, schemaLevel=schemaLevel, mergeContentTypeD=self.__mergeContentTypeD)
logger.info("Total validation errors schema level %s : %d", schemaLevel, eCount)
# self.assertGreaterEqual(eCount, 20)
#
def __testValidateOpts(self, databaseNameD, inputPathList=None, schemaLevel="full", mergeContentTypeD=None):
#
eCount = 0
for databaseName in databaseNameD:
mergeContentTypes = mergeContentTypeD[databaseName] if databaseName in mergeContentTypeD else None
_ = self.__schP.makeSchemaDef(databaseName, dataTyping="ANY", saveSchema=True)
pthList = inputPathList if inputPathList else self.__rpP.getLocatorObjList(databaseName, mergeContentTypes=mergeContentTypes)
for collectionName in databaseNameD[databaseName]:
cD = self.__schP.makeSchema(databaseName, collectionName, encodingType="JSON", level=schemaLevel, saveSchema=True, extraOpts=None)
#
dL, cnL = self.__testPrepDocumentsFromContainers(
pthList, databaseName, collectionName, styleType="rowwise_by_name_with_cardinality", mergeContentTypes=mergeContentTypes
)
# Raises exceptions for schema compliance.
try:
Draft4Validator.check_schema(cD)
except Exception as e:
logger.error("%s %s schema validation fails with %s", databaseName, collectionName, str(e))
#
valInfo = Draft4Validator(cD, format_checker=FormatChecker())
logger.info("Validating %d documents from %s %s", len(dL), databaseName, collectionName)
for ii, dD in enumerate(dL):
logger.debug("Schema %s collection %s document %d", databaseName, collectionName, ii)
try:
cCount = 0
for error in sorted(valInfo.iter_errors(dD), key=str):
logger.info("schema %s collection %s (%s) path %s error: %s", databaseName, collectionName, cnL[ii], error.path, error.message)
logger.debug("Failing document %d : %r", ii, list(dD.items()))
eCount += 1
cCount += 1
if cCount > 0:
logger.info("schema %s collection %s container %s error count %d", databaseName, collectionName, cnL[ii], cCount)
except Exception as e:
logger.exception("Validation processing error %s", str(e))
return eCount
def __testPrepDocumentsFromContainers(self, inputPathList, databaseName, collectionName, styleType="rowwise_by_name_with_cardinality", mergeContentTypes=None):
"""Test case - create loadable PDBx data from repository files"""
try:
sd, _, _, _ = self.__schP.getSchemaInfo(databaseName)
#
dP = DictionaryApiProviderWrapper(self.__cfgOb, self.__cachePath, useCache=True)
dictApi = dP.getApiByName(databaseName)
rP = DictMethodResourceProvider(self.__cfgOb, configName=self.__configName, cachePath=self.__cachePath, siftsAbbreviated="TEST")
dmh = DictMethodRunner(dictApi, modulePathMap=self.__modulePathMap, resourceProvider=rP)
#
dtf = DataTransformFactory(schemaDefAccessObj=sd, filterType=self.__fTypeRow)
sdp = SchemaDefDataPrep(schemaDefAccessObj=sd, dtObj=dtf, workPath=self.__cachePath, verbose=self.__verbose)
containerList = self.__rpP.getContainerList(inputPathList)
for container in containerList:
cName = container.getName()
logger.debug("Processing container %s", cName)
dmh.apply(container)
if self.__export:
savePath = os.path.join(HERE, "test-output", cName + "-with-method.cif")
self.__mU.doExport(savePath, [container], fmt="mmcif")
#
tableIdExcludeList = sd.getCollectionExcluded(collectionName)
tableIdIncludeList = sd.getCollectionSelected(collectionName)
sliceFilter = sd.getCollectionSliceFilter(collectionName)
sdp.setSchemaIdExcludeList(tableIdExcludeList)
sdp.setSchemaIdIncludeList(tableIdIncludeList)
#
docList, containerNameList, _ = sdp.processDocuments(
containerList, styleType=styleType, filterType=self.__fTypeRow, dataSelectors=["PUBLIC_RELEASE"], sliceFilter=sliceFilter, collectionName=collectionName
)
docList = sdp.addDocumentPrivateAttributes(docList, collectionName)
docList = sdp.addDocumentSubCategoryAggregates(docList, collectionName)
#
mergeS = "-".join(mergeContentTypes) if mergeContentTypes else ""
if self.__export and docList:
fp = os.path.join(HERE, "test-output", "prep-%s-%s-%s.json" % (databaseName, collectionName, mergeS))
self.__mU.doExport(fp, docList, fmt="json", indent=3)
logger.debug("Exported %r", fp)
#
return docList, containerNameList
except Exception as e:
logger.exception("Failing with %s", str(e))
self.fail()
def schemaValidateSuite():
suiteSelect = unittest.TestSuite()
suiteSelect.addTest(SchemaDataPrepValidateTests("testValidateOptsRepo"))
# suiteSelect.addTest(SchemaDataPrepValidateTests("testValidateOptsList"))
return suiteSelect
def schemaIhmValidateSuite():
suiteSelect = unittest.TestSuite()
suiteSelect.addTest(SchemaDataPrepValidateTests("testValidateOptsIhmList"))
suiteSelect.addTest(SchemaDataPrepValidateTests("testValidateOptsIhmRepo"))
return suiteSelect
if __name__ == "__main__":
mySuite = schemaValidateSuite()
unittest.TextTestRunner(verbosity=2).run(mySuite)
mySuite = schemaIhmValidateSuite()
unittest.TextTestRunner(verbosity=2).run(mySuite)
| [
"[email protected]"
] | |
9c359467fb4335e915ad157c12c5bd309f190f2b | de24f83a5e3768a2638ebcf13cbe717e75740168 | /moodledata/vpl_data/63/usersdata/231/28019/submittedfiles/swamee.py | eb9d48ac7aaed3c447136497d9b7cecec1da9701 | [] | no_license | rafaelperazzo/programacao-web | 95643423a35c44613b0f64bed05bd34780fe2436 | 170dd5440afb9ee68a973f3de13a99aa4c735d79 | refs/heads/master | 2021-01-12T14:06:25.773146 | 2017-12-22T16:05:45 | 2017-12-22T16:05:45 | 69,566,344 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 376 | py | # -*- coding: utf-8 -*-
import math
f=float(input('digite f:'))
l=float(input('digite l:'))
q=float(input('digite q:'))
deltah=float(input('digite deltah:'))
v=float(input('digite v:'))
g=9.81
e=0.000002
d=((8*f*l*q**2)/(math.pi**2*g*deltah))**0.5
rey=(4*q)/(math.pi*d*v)
k=0.25/((math.log10)((e/3.7*d)*((5.74)/rey**0.9)))**2
print('%.4f'%d)
print('%.4f'%rey)
print('%.4f'%k)
| [
"[email protected]"
] | |
872c7d1c16524b5eddeea502ff3b870793cbb11f | 82bfa33b108b2ae37f42719d50571af4ec232c0d | /Memo2/Memo2/urls.py | 3e16a8733dc4a3e2a97d2d48b0106789384037a8 | [] | no_license | cyndereN/Memo | 85422af8a5c3b260a073ea232198518e334da902 | 67e71010728ada52cbc1f99e520375e3825dfa39 | refs/heads/master | 2023-08-16T00:44:52.534544 | 2021-10-24T06:37:25 | 2021-10-24T06:37:25 | 290,249,889 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 821 | py | """Memo2 URL Configuration
The `urlpatterns` list routes URLs to views. For more information please see:
https://docs.djangoproject.com/en/3.1/topics/http/urls/
Examples:
Function views
1. Add an import: from my_app import views
2. Add a URL to urlpatterns: path('', views.home, name='home')
Class-based views
1. Add an import: from other_app.views import Home
2. Add a URL to urlpatterns: path('', Home.as_view(), name='home')
Including another URLconf
1. Import the include() function: from django.urls import include, path
2. Add a URL to urlpatterns: path('blog/', include('blog.urls'))
"""
from django.contrib import admin
from django.urls import path, include
urlpatterns = [
path('admin/', admin.site.urls),
path('To_do/', include("To_do.urls")),
]
| [
"[email protected]"
] | |
bb470609f40ef27273543ec7bd2e2e208db58786 | f58e6240965d2d3148e124dcbdcd617df879bb84 | /tensorflow_datasets/core/features/tensor_feature_test.py | a460f0f1e351b087b58721d917bc0ccd4c37c48d | [
"Apache-2.0"
] | permissive | suvarnak/datasets | b3f5913cece5c3fe41ec0dde6401a6f37bfd9303 | 3a46548d0c8c83b2256e5abeb483137bd549a4c1 | refs/heads/master | 2022-09-27T03:38:20.430405 | 2022-07-22T15:21:33 | 2022-07-22T15:27:07 | 176,061,377 | 0 | 0 | Apache-2.0 | 2019-03-17T05:45:33 | 2019-03-17T05:45:32 | null | UTF-8 | Python | false | false | 11,494 | py | # coding=utf-8
# Copyright 2022 The TensorFlow Datasets Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
# coding=utf-8
"""Tests for tensorflow_datasets.core.features.tensor_feature."""
from absl.testing import parameterized
import numpy as np
import pytest
import tensorflow as tf
from tensorflow_datasets import testing
from tensorflow_datasets.core import features as features_lib
class FeatureTensorTest(
testing.FeatureExpectationsTestCase,
parameterized.TestCase,
):
@parameterized.parameters([
(features_lib.Encoding.NONE,),
(features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_shape_static(self, encoding: features_lib.Encoding):
np_input = np.random.rand(2, 3).astype(np.float32)
array_input = [
[1, 2, 3],
[4, 5, 6],
]
self.assertFeature(
feature=features_lib.Tensor(
shape=(2, 3),
dtype=tf.float32,
encoding=encoding,
),
dtype=tf.float32,
shape=(2, 3),
tests=[
# Np array
testing.FeatureExpectationItem(
value=np_input,
expected=np_input,
),
# Python array
testing.FeatureExpectationItem(
value=array_input,
expected=array_input,
),
# Invalid dtype
testing.FeatureExpectationItem(
# On Windows, np default dtype is `int32`
value=np.random.randint(256, size=(2, 3), dtype=np.int64),
raise_cls=ValueError,
raise_msg='int64 do not match',
),
# Invalid shape
testing.FeatureExpectationItem(
value=np.random.rand(2, 4).astype(np.float32),
raise_cls=ValueError,
raise_msg='are incompatible',
),
],
test_attributes={
'_encoding': encoding,
},
)
@parameterized.parameters([
(features_lib.Encoding.NONE,),
(features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_shape_dynamic(self, encoding: features_lib.Encoding):
np_input_dynamic_1 = np.random.randint(256, size=(2, 3, 2), dtype=np.int32)
np_input_dynamic_2 = np.random.randint(256, size=(5, 3, 2), dtype=np.int32)
self.assertFeature(
feature=features_lib.Tensor(
shape=(None, 3, 2),
dtype=tf.int32,
encoding=encoding,
),
dtype=tf.int32,
shape=(None, 3, 2),
tests=[
testing.FeatureExpectationItem(
value=np_input_dynamic_1,
expected=np_input_dynamic_1,
),
testing.FeatureExpectationItem(
value=np_input_dynamic_2,
expected=np_input_dynamic_2,
),
# Invalid shape
testing.FeatureExpectationItem(
value=np.random.randint(256, size=(2, 3, 1), dtype=np.int32),
raise_cls=ValueError,
raise_msg='are incompatible',
),
])
@parameterized.parameters([
(features_lib.Encoding.NONE,),
(features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_shape_dynamic_none_second(self, encoding: features_lib.Encoding):
np_input_dynamic_1 = np.random.randint(256, size=(3, 2, 2), dtype=np.int32)
np_input_dynamic_2 = np.random.randint(256, size=(3, 5, 2), dtype=np.int32)
self.assertFeature(
feature=features_lib.Tensor(
shape=(3, None, 2), # None not at the first position.
dtype=tf.int32,
encoding=encoding,
),
dtype=tf.int32,
shape=(3, None, 2),
tests=[
testing.FeatureExpectationItem(
value=np_input_dynamic_1,
expected=np_input_dynamic_1,
),
testing.FeatureExpectationItem(
value=np_input_dynamic_2,
expected=np_input_dynamic_2,
),
# Invalid shape
testing.FeatureExpectationItem(
value=np.random.randint(256, size=(2, 3, 1), dtype=np.int32),
raise_cls=ValueError,
raise_msg='are incompatible',
),
])
@parameterized.parameters([
# (features_lib.Encoding.NONE,), # Multiple unknown dims requires bytes
(
features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_features_shape_dynamic_multi_none(self,
encoding: features_lib.Encoding):
x = np.random.randint(256, size=(2, 3, 1), dtype=np.uint8)
x_other_shape = np.random.randint(256, size=(4, 4, 1), dtype=np.uint8)
wrong_shape = np.random.randint(256, size=(2, 3, 2), dtype=np.uint8)
self.assertFeature(
feature=features_lib.Tensor(
shape=(None, None, 1),
dtype=tf.uint8,
encoding=encoding,
),
shape=(None, None, 1),
dtype=tf.uint8,
tests=[
testing.FeatureExpectationItem(
value=x,
expected=x,
),
testing.FeatureExpectationItem(
value=x_other_shape,
expected=x_other_shape,
),
testing.FeatureExpectationItem(
value=wrong_shape, # Wrong shape
raise_cls=ValueError,
raise_msg='are incompatible',
),
],
)
@parameterized.parameters([
# NONE only support single unknown dim, not 2.
(features_lib.Encoding.BYTES, (2, None, 1)),
(features_lib.Encoding.ZLIB, (None, None, 1)),
(features_lib.Encoding.BYTES, (None, None, 1)),
])
def test_features_multi_none_sequence(
self,
encoding: features_lib.Encoding,
shape,
):
x = np.random.randint(256, size=(3, 2, 3, 1), dtype=np.uint8)
x_other_shape = np.random.randint(256, size=(3, 2, 2, 1), dtype=np.uint8)
self.assertFeature(
feature=features_lib.Sequence(
features_lib.Tensor(
shape=shape,
dtype=tf.uint8,
encoding=encoding,
),),
shape=(None,) + shape,
dtype=tf.uint8,
tests=[
testing.FeatureExpectationItem(
value=x,
expected=x,
),
testing.FeatureExpectationItem(
value=x_other_shape,
expected=x_other_shape,
),
# TODO(epot): Is there a way to catch if the user try to encode
# tensors with different shapes ?
],
)
@parameterized.parameters([
(features_lib.Encoding.NONE,),
(features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_bool_flat(self, encoding: features_lib.Encoding):
self.assertFeature(
feature=features_lib.Tensor(
shape=(),
dtype=tf.bool,
encoding=encoding,
),
dtype=tf.bool,
shape=(),
tests=[
testing.FeatureExpectationItem(
value=np.array(True),
expected=True,
),
testing.FeatureExpectationItem(
value=np.array(False),
expected=False,
),
testing.FeatureExpectationItem(
value=True,
expected=True,
),
testing.FeatureExpectationItem(
value=False,
expected=False,
),
])
@parameterized.parameters([
(features_lib.Encoding.NONE,),
(features_lib.Encoding.ZLIB,),
(features_lib.Encoding.BYTES,),
])
def test_bool_array(self, encoding: features_lib.Encoding):
self.assertFeature(
feature=features_lib.Tensor(
shape=(3,),
dtype=tf.bool,
encoding=encoding,
),
dtype=tf.bool,
shape=(3,),
tests=[
testing.FeatureExpectationItem(
value=np.array([True, True, False]),
expected=[True, True, False],
),
testing.FeatureExpectationItem(
value=[True, False, True],
expected=[True, False, True],
),
])
@parameterized.parameters([
(features_lib.Encoding.NONE,),
# Bytes encoding not supported for tf.string
])
def test_string(self, encoding: features_lib.Encoding):
nonunicode_text = 'hello world'
unicode_text = u'你好'
self.assertFeature(
feature=features_lib.Tensor(
shape=(),
dtype=tf.string,
encoding=encoding,
),
shape=(),
dtype=tf.string,
tests=[
# Non-unicode
testing.FeatureExpectationItem(
value=nonunicode_text,
expected=tf.compat.as_bytes(nonunicode_text),
),
# Unicode
testing.FeatureExpectationItem(
value=unicode_text,
expected=tf.compat.as_bytes(unicode_text),
),
# Empty string
testing.FeatureExpectationItem(
value='',
expected=b'',
),
# Trailing zeros
testing.FeatureExpectationItem(
value=b'abc\x00\x00',
expected=b'abc\x00\x00',
),
],
)
self.assertFeature(
feature=features_lib.Tensor(
shape=(2, 1),
dtype=tf.string,
encoding=encoding,
),
shape=(2, 1),
dtype=tf.string,
tests=[
testing.FeatureExpectationItem(
value=[[nonunicode_text], [unicode_text]],
expected=[
[tf.compat.as_bytes(nonunicode_text)],
[tf.compat.as_bytes(unicode_text)],
],
),
testing.FeatureExpectationItem(
value=[nonunicode_text, unicode_text], # Wrong shape
raise_cls=ValueError,
raise_msg='(2,) and (2, 1) must have the same rank',
),
testing.FeatureExpectationItem(
value=[['some text'], [123]], # Wrong dtype
raise_cls=TypeError,
raise_msg='Expected binary or unicode string, got 123',
),
],
)
def test_invalid_input():
with pytest.raises(ValueError, match='Multiple unknown dimensions'):
features_lib.Tensor(
shape=(2, None, None),
dtype=tf.uint8,
).encode_example(None)
with pytest.raises(
NotImplementedError,
match='does not support `encoding=` when dtype=tf.string'):
features_lib.Tensor(
shape=(2, 1),
dtype=tf.string,
encoding=features_lib.Encoding.BYTES,
)
| [
"[email protected]"
] | |
a79fb5c1a81166b1a3b1ce3af402698df246bace | ca7aa979e7059467e158830b76673f5b77a0f5a3 | /Python_codes/p03138/s242505224.py | 5340460e00db7847047a31b2e818dc0725314dd4 | [] | no_license | Aasthaengg/IBMdataset | 7abb6cbcc4fb03ef5ca68ac64ba460c4a64f8901 | f33f1c5c3b16d0ea8d1f5a7d479ad288bb3f48d8 | refs/heads/main | 2023-04-22T10:22:44.763102 | 2021-05-13T17:27:22 | 2021-05-13T17:27:22 | 367,112,348 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 258 | py | n,k = map(int,input().split())
a = list(map(int,input().split()))
t,ans =2**40,0
while t:
c = sum([(a[i]&t)//t for i in range(n)]) #a[i]のある桁における1の数
if c>=n-c or k<t: ans += t*c
else: ans += t*(n-c);k-=t
t = t>>1
print(ans) | [
"[email protected]"
] | |
2623877e3f99911ed39c4d01307f8420d2a1b535 | fccc9acd62447941a49313c01fcf324cd07e832a | /Função/testefuncao.py | aff1ed7ba584e2b052a263e21cf54c5626d1febc | [] | no_license | paulovictor1997/Python | fba884ea19ed996c6f884f3fcd3d49c5a34cfd3d | 671d381673796919a19582bed9d0ee70ec5a8bea | refs/heads/master | 2023-04-29T18:01:55.451258 | 2021-05-19T15:12:09 | 2021-05-19T15:12:09 | 354,154,332 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,247 | py | #def soma(a =0,b =0,c = 0):
#s = a + b + c
#return s
#s1 = soma(1,2,1)
#s2 = soma(3,1,1)
#print(f'A soma vale : {s1} e {s2}')
#def contador(*num):
#tam = len(num)
#print(f'Valores : {num}. E tem {tam} número(s) em cada')
#contador(1 , 3, 5, 7)
#contador(1 , 5 , 7)
#def dobra(lista):
#pos = 0
#while pos < len(lista):
#lista[pos] *= 2
#pos += 1
#valores = [2,5,4,3]
#dobra(valores)
#print(valores)
#from random import shuffle
#def sorteio(lista):
# lista = [grupo1, grupo2, grupo3]
# shuffle(lista)
# print(f'A ordem da apresetação é : {lista}')
#programa principal
#lista = []
#print('Sorteio')
#grupo1 = str(input('1º Grupo : '))
#grupo2 = str(input('2º Grupo : '))
#grupo3 = str(input('3º Grupo : '))
#sorteio(lista)
#def função():
#n1 = 4
#print(f'n1 dentro vale {n1}')
#n1 = 2
#função()
#print(f'n1 fora vale {n1}')
#def teste():
#x = 8
#print(f'Na função teste X ele vale {x}')
#PRINCIPAL
#n = 2
#print(f'Na variável N ele vale {n}')
#teste()
def par(n=0):
if n % 2 == 0:
return True
else:
return False
num = int(input('Digite um número : '))
if par(num):
print('Número par !')
else:
print('Número ímpar !') | [
"[email protected]"
] | |
44d5c97995747aa07393a15f51ed50bc5bae7f0a | eccbb87eefe632a1aa4eafb1e5581420ccf2224a | /network/nn.py | fe56be268b4051085e83df4e53349562c717d4fe | [] | no_license | jianjunyue/python-learn-ml | 4191fc675d79830308fd06a62f16a23295a48d32 | 195df28b0b8b8b7dc78c57dd1a6a4505e48e499f | refs/heads/master | 2018-11-09T15:31:50.360084 | 2018-08-25T07:47:20 | 2018-08-25T07:47:20 | 102,184,768 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,036 | py | import numpy as np
def nonlin(x,deriv=False):
if(deriv==True):
return x*(1-x)
return 1/(1+np.exp(-x))
X = np.array([[0,0,1],
[0,1,1],
[1,0,1],
[1,1,1]])
print(X.shape)
y = np.array([[0],
[1],
[1],
[0]])
print(y.shape)
np.random.seed(1)
# randomly initialize our weights with mean 0
w0 = 2*np.random.random((3,4)) - 1
w1 = 2*np.random.random((4,1)) - 1
print(w0)
print(w1)
print(w0.shape)
print(w1.shape)
for j in range(60000):
l0 = X
l1 = nonlin(np.dot(l0,w0))
l2 = nonlin(np.dot(l1,w1))
l2_error = y - l2
if (j% 10000) == 0:
print("Error:" + str(np.mean(np.abs(l2_error))) )
l2_delta = l2_error*nonlin(l2,deriv=True)
l1_error = l2_delta.dot(w1.T)
l1_delta = l1_error * nonlin(l1,deriv=True)
w1 += l1.T.dot(l2_delta)
w0 += l0.T.dot(l1_delta) | [
"[email protected]"
] | |
494edcb6a321c1c2a75f534f196e8e3761d09887 | 8afb5afd38548c631f6f9536846039ef6cb297b9 | /MY_REPOS/web-dev-notes-resource-site/2-content/Python/automate-the-boring/Automate_the_Boring_Stuff_onlinematerials_(1)/automate_online-materials/mapIt.py | 962b6c390846e4270f16c8a7480e072327a7dc3f | [
"MIT"
] | permissive | bgoonz/UsefulResourceRepo2.0 | d87588ffd668bb498f7787b896cc7b20d83ce0ad | 2cb4b45dd14a230aa0e800042e893f8dfb23beda | refs/heads/master | 2023-03-17T01:22:05.254751 | 2022-08-11T03:18:22 | 2022-08-11T03:18:22 | 382,628,698 | 10 | 12 | MIT | 2022-10-10T14:13:54 | 2021-07-03T13:58:52 | null | UTF-8 | Python | false | false | 378 | py | #! python3
# mapIt.py - Launches a map in the browser using an address from the
# command line or clipboard.
import webbrowser, sys, pyperclip
if len(sys.argv) > 1:
# Get address from command line.
address = " ".join(sys.argv[1:])
else:
# Get address from clipboard.
address = pyperclip.paste()
webbrowser.open("https://www.google.com/maps/place/" + address)
| [
"[email protected]"
] | |
26457ac8cdae452935fadc9e69e29f8750810bd3 | 1d61057dab56fddd1edba78ce10b3a5f96c18c60 | /diskinventory/build_database.py | d6819fa75fa4a82dc2e130fe3e97ee0927cb2b0b | [] | no_license | phaustin/pythonlibs | f4f1f450d3e9bb8ebac5ffdb834d3750d80ee38e | 35ed2675a734c9c63da15faf5386dc46c52c87c6 | refs/heads/master | 2022-04-29T00:45:34.428514 | 2022-03-06T17:16:30 | 2022-03-06T17:16:30 | 96,244,588 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 3,456 | py | #!/home/phil/usr243_Fc3/bin/python
#ls -R -l -Q --time-style=full-iso --time=status /home/phil/* > listing.txt
#-rw-r--r-- 1 phil users 0 2005-10-06 12:28:09.000000000 -0700 "/home/phil/eosc211_fall2005.txt~"
#du /home/phil/* > ~/philprojects/disk_inventory/dulist.txt
import MySQLdb, MySQLdb.cursors
import glob, os.path
diskInfoDir='/home/phil/philprojects/diskInfoInventory-trunk'
# Jordan's diskInfoDir
#diskInfoDir='/home/jdawe/diskinfo/'
def create_ls(filesDB):
"""
Sets up the ls table in the given database object.
"""
cursor = filesDB.cursor()
thecols = """server varchar(255) DEFAULT ' ' NOT NULL,
partition varchar(255) DEFAULT ' ' NOT NULL,
permission char(10) DEFAULT ' ' NOT NULL,
links varchar(255) DEFAULT ' ' NOT NULL,
owner varchar(255) DEFAULT ' ' NOT NULL,
theGroup varchar(255) DEFAULT ' ' NOT NULL,
size int DEFAULT '-999' NOT NULL,
date date DEFAULT ' ' NOT NULL,
time time DEFAULT ' ' NOT NULL,
directory varchar(255) DEFAULT ' ' NOT NULL,
name varchar(255) DEFAULT ' ' NOT NULL"""
command = """CREATE TABLE ls (%s)""" % thecols
cursor.execute(command)
cursor.close()
##############
def create_lsowner(filesDB, owner):
"""
Sets up an lsowner table in the given database object.
"""
cursor = filesDB.cursor()
cursor.execute("drop table IF EXISTS ls%s;" % owner)
command = """create table ls%s
select server, partition, size, date, time, directory, name
from ls
where owner = "%s";""" % (owner, owner)
cursor.execute(command)
cursor.close()
##############
def create_du(filesDB):
"""
Sets up the du table in the given database object.
"""
cursor = filesDB.cursor()
thecols = """server varchar(255) DEFAULT ' ' NOT NULL,
partition varchar(255) DEFAULT ' ' NOT NULL,
size int unsigned DEFAULT ' ' NOT NULL,
name varchar(255) DEFAULT ' ' NOT NULL,
level tinyint unsigned DEFAULT ' ' NOT NULL"""
command = "CREATE TABLE du (%s)" % thecols
cursor.execute(command)
cursor.close()
#################
if __name__ == '__main__':
filesDB = MySQLdb.Connect(db = 'filecensus',
user = 'phil',
passwd = 'jeanluc')
cursor = filesDB.cursor()
cursor.execute("drop table IF EXISTS ls;")
cursor.execute("drop table IF EXISTS du;")
create_ls(filesDB)
create_du(filesDB)
ls_glob = glob.glob('%s/*_ls.csv' % diskInfoDir)
for filename in ls_glob:
print filename
cursor.execute("load data local infile '%s' into table ls fields terminated by ';';" % (filename))
# Get list of owners
cursor.execute("select owner from ls group by owner;")
owners = cursor.fetchall()
#for each owner, make a sub-database
for owner in owners:
# Testing code to not fill up /home partition.
if owner[0] == 'phil':
create_lsowner(filesDB, owner[0])
du_glob = glob.glob('%s/*_ls.csv' % diskInfoDir)
for filename in du_glob:
print filename
cursor.execute("load data local infile '%s' into table du fields terminated by ';';" % (filename))
cursor.close()
filesDB.close()
| [
"[email protected]"
] | |
7b9f607962a9ad7be9ffd32f81187cb4fffda709 | d2d3ebfbf293fa96c95a29648f70774d310494d3 | /app/storage/__init__.py | 6e6201c1147b2dcca6c6f1008edee57cf2a9a6e3 | [] | no_license | sysdeep/DNote | 092b01c38f7b1a266a59bddb327cee2d52ae01d2 | 6d933e3f487c5a03a4984a2bbcbc48ac38d4dc3c | refs/heads/master | 2021-01-13T13:46:34.365021 | 2018-07-11T13:46:13 | 2018-07-11T13:46:13 | 76,347,379 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,001 | py | #!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
2018.08.11 - новая реализация хранилища - singleton
"""
import os.path
import shutil
# from app.rc import DIR_PROJECT
from .Manager import Manager
from .Storage import Storage
from .nodes.Nodes import NODE_TYPES
from app.rc import DIR_DEFAULTS
storage = Storage()
#
#
# from .loader import get_storage, load_default_project, open_storage
#
#
#
# smanager = Manager()
# # smanager.open_storage(DIR_PROJECT)
#
#
# # set_up()
def create_storage(name, path):
"""
Создать новое хранилище
"""
# log.info("SManager - create new store: {} in {}".format(name, path))
# self.storage_path = path
# sevents.storage_created()
new_storage_path = os.path.join(path, name)
DIR_DEFAULT_STORAGE_1 = os.path.join(DIR_DEFAULTS, "sdir1")
shutil.copytree(DIR_DEFAULT_STORAGE_1, new_storage_path)
# self.open_storage(new_storage_path)
storage.close_storage()
storage.open_storage(new_storage_path) | [
"[email protected]"
] | |
b7878405a799077723e9ef10a02c1c9f638fa925 | 49e8edf6cefd68aea18d2799147b6f44ec44d7f1 | /robot_learning/scripts/convert_odom.py | 66d2ab337d1cc726811b24759145667e0127ac61 | [] | no_license | yycho0108/robot_learning | 815a805bfbcf0ebd93164fa132780e03d7d0075b | b5ed0c13679c4ba3a569c020734308d3618ec57a | refs/heads/master | 2020-04-01T22:37:37.211389 | 2018-12-18T08:59:44 | 2018-12-18T08:59:44 | 153,718,297 | 0 | 0 | null | 2018-10-19T02:55:43 | 2018-10-19T02:55:43 | null | UTF-8 | Python | false | false | 2,690 | py | import rospy
import tf
import numpy as np
from nav_msgs.msg import Odometry
from tf_conversions import posemath as pm
class ConvertOdom(object):
def __init__(self):
self.method_ = rospy.get_param('~method', default='tf')
self.pub_tf_ = rospy.get_param('~pub_tf', default=False)
# data
self.odom_ = None
self.recv_ = False
self.T_ = None
self.cvt_msg_ = Odometry()
# create ROS handles
self.tfl_ = tf.TransformListener()
self.tfb_ = tf.TransformBroadcaster()
self.sub_ = rospy.Subscriber('/android/odom', Odometry, self.odom_cb)
self.pub_ = rospy.Publisher('cvt_odom', Odometry, queue_size=10)
self.init_tf()
def init_tf(self):
# obtain base_link -> android transform
try:
rospy.loginfo_throttle(1.0, 'Attempting to obtain static transform ...')
#self.tfl_.waitForTransform('base_link', 'android', rospy.Duration(0.5))
txn, qxn = self.tfl_.lookupTransform('base_link', 'android', rospy.Time(0))
self.T_ = self.tfl_.fromTranslationRotation(txn,qxn)
self.Ti_ = tf.transformations.inverse_matrix(self.T_)
except tf.Exception as e:
rospy.logerr_throttle(1.0, 'Obtaining Fixed Transform Failed : {}'.format(e))
def odom_cb(self, msg):
self.odom_ = msg
self.recv_ = True
def step(self):
if self.T_ is None:
self.init_tf()
return
if self.recv_:
self.recv_ = False
pose = self.odom_.pose.pose
T0 = pm.toMatrix(pm.fromMsg(pose)) # android_odom --> android
# send odom -> base_link transform
T = tf.transformations.concatenate_matrices(self.T_,T0,self.Ti_)
frame = pm.fromMatrix(T)
if self.pub_tf_:
txn, qxn = pm.toTf(frame)
self.tfb_.sendTransform(txn, qxn, self.odom_.header.stamp,
'odom',
'base_link'
)
# send as msg
# TODO : does not deal with twist/covariance information
msg = pm.toMsg(frame)
self.cvt_msg_.pose.pose = pm.toMsg(frame)
self.cvt_msg_.header.frame_id = 'map' # experimental
self.cvt_msg_.header.stamp = self.odom_.header.stamp
self.pub_.publish(self.cvt_msg_)
def run(self):
rate = rospy.Rate(50)
while not rospy.is_shutdown():
self.step()
rate.sleep()
def main():
rospy.init_node('convert_odom')
node = ConvertOdom()
node.run()
if __name__ == "__main__":
main()
| [
"[email protected]"
] | |
7ae6a828f59509f2a877757873e9e0e15f838175 | c88e895ae9a08842987513d339cd98de735ee614 | /tests/test_utils.py | 631a24645c84d45814cf5874daefa65d94f256de | [
"Apache-2.0"
] | permissive | tardyp/ramlfications | 32cf25c4d5093424f7b71180c390bca777848dd8 | cdc0d43d5e70a5f53fed9f25bff3529e89fff1af | refs/heads/master | 2021-01-24T20:02:59.237045 | 2015-12-25T03:30:20 | 2015-12-25T03:30:20 | 49,712,338 | 0 | 0 | null | 2016-01-15T10:24:49 | 2016-01-15T10:24:48 | null | UTF-8 | Python | false | false | 5,683 | py | # -*- coding: utf-8 -*-
# Copyright (c) 2015 Spotify AB
import sys
if sys.version_info[0] == 2:
from io import open
import json
import os
import tempfile
from mock import Mock, patch
import pytest
import xmltodict
from ramlfications import utils
from .base import UPDATE
@pytest.fixture(scope="session")
def downloaded_xml():
return os.path.join(UPDATE, "iana_mime_media_types.xml")
@pytest.fixture(scope="session")
def invalid_xml():
return os.path.join(UPDATE, "invalid_iana_download.xml")
@pytest.fixture(scope="session")
def no_data_xml():
return os.path.join(UPDATE, "no_data.xml")
@pytest.fixture(scope="session")
def expected_data():
expected_json = os.path.join(UPDATE, "expected_mime_types.json")
with open(expected_json, "r", encoding="UTF-8") as f:
return json.load(f)
@pytest.fixture(scope="session")
def parsed_xml(downloaded_xml):
with open(downloaded_xml, "r", encoding="UTF-8") as f:
data = f.read()
return xmltodict.parse(data)
def test_xml_to_dict(downloaded_xml):
with open(downloaded_xml, "r", encoding="UTF-8") as f:
data = f.read()
xml_data = utils._xml_to_dict(data)
assert xml_data is not None
assert isinstance(xml_data, dict)
def test_xml_to_dict_no_data(no_data_xml):
with pytest.raises(utils.MediaTypeError) as e:
with open(no_data_xml, "r", encoding="UTF-8") as f:
data = f.read()
utils._xml_to_dict(data)
msg = "Error parsing XML: "
assert msg in e.value.args[0]
def test_xml_to_dict_invalid(invalid_xml):
with pytest.raises(utils.MediaTypeError) as e:
with open(invalid_xml, "r", encoding="UTF-8") as f:
data = f.read()
utils._xml_to_dict(data)
msg = "Error parsing XML: "
assert msg in e.value.args[0]
def test_parse_xml_data(parsed_xml, expected_data):
result = utils._parse_xml_data(parsed_xml)
assert result == expected_data
assert len(result) == len(expected_data)
@pytest.fixture(scope="session")
def incorrect_registry_count():
xml_file = os.path.join(UPDATE, "unexpected_registry_count.xml")
with open(xml_file, "r", encoding="UTF-8") as f:
data = f.read()
return xmltodict.parse(data)
def test_parse_xml_data_incorrect_reg(incorrect_registry_count):
with pytest.raises(utils.MediaTypeError) as e:
utils._parse_xml_data(incorrect_registry_count)
msg = ("Expected 9 registries but parsed 2",)
assert e.value.args == msg
@pytest.fixture(scope="session")
def no_registries():
xml_file = os.path.join(UPDATE, "no_registries.xml")
with open(xml_file, "r", encoding="UTF-8") as f:
data = f.read()
return xmltodict.parse(data)
def test_parse_xml_data_no_reg(no_registries):
with pytest.raises(utils.MediaTypeError) as e:
utils._parse_xml_data(no_registries)
msg = ("No registries found to parse.",)
assert e.value.args == msg
def test_requests_download_xml(downloaded_xml):
utils.requests = Mock()
with open(downloaded_xml, "r", encoding="UTF-8") as xml:
expected = xml.read()
utils.requests.get.return_value.text = expected
results = utils._requests_download(utils.IANA_URL)
assert results == expected
def test_urllib_download(downloaded_xml):
utils.urllib = Mock()
with open(downloaded_xml, "r", encoding="UTF-8") as xml:
utils.urllib.urlopen.return_value = xml
results = utils._urllib_download(utils.IANA_URL)
with open(downloaded_xml, "r", encoding="UTF-8") as xml:
assert results == xml.read()
@patch("ramlfications.utils._parse_xml_data")
@patch("ramlfications.utils._xml_to_dict")
@patch("ramlfications.utils._save_updated_mime_types")
def test_insecure_download_urllib_flag(_a, _b, _c, mocker, monkeypatch):
monkeypatch.setattr(utils, "SECURE_DOWNLOAD", False)
monkeypatch.setattr(utils, "URLLIB", True)
utils.requests = Mock()
mocker.patch("ramlfications.utils._urllib_download")
utils.update_mime_types()
utils._urllib_download.assert_called_once()
mocker.stopall()
@patch("ramlfications.utils._xml_to_dict")
@patch("ramlfications.utils._parse_xml_data")
@patch("ramlfications.utils._save_updated_mime_types")
def test_secure_download_requests_flag(_a, _b_, _c, mocker, monkeypatch):
monkeypatch.setattr(utils, "SECURE_DOWNLOAD", True)
monkeypatch.setattr(utils, "URLLIB", False)
utils.urllib = Mock()
mocker.patch("ramlfications.utils._requests_download")
utils.update_mime_types()
utils._requests_download.assert_called_once()
mocker.stopall()
@patch("ramlfications.utils._xml_to_dict")
@patch("ramlfications.utils._parse_xml_data")
@patch("ramlfications.utils._requests_download")
@patch("ramlfications.utils._urllib_download")
@patch("ramlfications.utils._save_updated_mime_types")
def test_update_mime_types(_a, _b, _c, _d, _e, downloaded_xml):
utils.requests = Mock()
with open(downloaded_xml, "r", encoding="UTF-8") as raw_data:
utils.update_mime_types()
utils._requests_download.assert_called_once()
utils._requests_download.return_value = raw_data.read()
utils._xml_to_dict.assert_called_once()
utils._parse_xml_data.assert_called_once()
utils._save_updated_mime_types.assert_called_once()
def test_save_updated_mime_types():
content = ["foo/bar", "bar/baz"]
temp_output = tempfile.mkstemp()[1]
utils._save_updated_mime_types(temp_output, content)
result = open(temp_output, "r", encoding="UTF-8").read()
result = json.loads(result)
assert result == content
os.remove(temp_output)
| [
"[email protected]"
] | |
9bee7b08f46de36e23ae891f4c9864f8e80a81f6 | 865f33817e8989160b1d396ae96554134dc8c01a | /slack_bolt/workflows/step/utilities/__init__.py | eedc9c85efae340228b286a9ed898fdf72758dbf | [
"MIT"
] | permissive | xocliwtb/bolt-python | 4f075b945ef5b51e6e1e54f7b7afc36bd7894a91 | 11e202a14d6196585312e2d456e45267be9dd465 | refs/heads/main | 2023-03-23T21:26:50.256141 | 2021-03-24T12:22:50 | 2021-03-24T12:38:25 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 626 | py | """Utilities specific to workflow steps from apps.
In workflow step listeners, you can use a few specific listener/middleware arguments.
### `edit` listener
* `slack_bolt.workflows.step.utilities.configure` for building a modal view
### `save` listener
* `slack_bolt.workflows.step.utilities.update` for updating the step metadata
### `execute` listener
* `slack_bolt.workflows.step.utilities.fail` for notifying the execution failure to Slack
* `slack_bolt.workflows.step.utilities.complete` for notifying the execution completion to Slack
For asyncio-based apps, refer to the corresponding `async` prefixed ones.
""" | [
"[email protected]"
] | |
dd49ab2283fcd7331e36188957f09dffafcce446 | 359cbc4e41d2321dbcaa610fb51132d5013514e5 | /django_project/celery.py | 893a0aa658718cef20b58ea05544cfd34ef59f12 | [
"MIT"
] | permissive | runmosta/product-database | 780ff9d8dcf64af5fd191d1cb0ace94dd4c18d0e | 1b46d6d0464a5196cf9f70c060fe9e9ae614f8ea | refs/heads/master | 2021-01-22T23:44:35.711366 | 2017-03-16T12:12:49 | 2017-03-16T12:12:49 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,136 | py | from __future__ import absolute_import
import logging
import os
import celery
import raven
from celery import states
from django.conf import settings
from django.core.cache import cache
from raven.contrib.celery import register_signal, register_logger_signal
class Celery(celery.Celery):
def on_configure(self):
if settings.PDB_ENABLE_SENTRY: # ignore for coverage
client = raven.Client(settings.PDB_SENTRY_DSN)
client.release = raven.fetch_git_sha(os.path.dirname(os.pardir))
# register a custom filter to filter out duplicate logs
register_logger_signal(client)
# hook into the Celery error handler
register_signal(client)
# set the default Django settings module for the 'celery' program.
os.environ.setdefault('DJANGO_SETTINGS_MODULE', 'django_project.settings')
app = Celery('product_db')
app.config_from_object('django.conf:settings')
app.autodiscover_tasks(lambda: settings.INSTALLED_APPS)
class TaskState(object):
"""
states used for celery tasks
"""
SUCCESS = states.SUCCESS
FAILED = states.FAILURE
STARTED = states.STARTED
PROCESSING = "processing"
PENDING = states.PENDING
def is_worker_active():
try:
i = app.control.inspect()
if i.registered():
return True
except:
pass
logging.error("Celery Worker process not available")
return False
def get_meta_data_for_task(task_id):
try:
meta_data = cache.get("task_meta_%s" % task_id, {})
except Exception: # catch any exception
logging.debug("no meta information for task '%s' found" % task_id, exc_info=True)
meta_data = {}
return meta_data
def set_meta_data_for_task(task_id, title, redirect_to=None, auto_redirect=True):
meta_data = {
"title": title,
"auto_redirect": auto_redirect
}
if redirect_to:
meta_data["redirect_to"] = redirect_to
cache.set("task_meta_%s" % task_id, meta_data, 60 * 60 * 8)
@app.task
def hello_task():
logging.info("Hello Task called")
return {
"hello": "task"
}
| [
"[email protected]"
] | |
69ecbbe5bd9581d8746ddf7181facf1f676c361b | 1bf9f6b0ef85b6ccad8cb029703f89039f74cedc | /src/fleet/azext_fleet/vendored_sdks/v2022_07_02_preview/operations/_fleet_members_operations.py | 442135df4c5adfd90a0d482ad4647e5aaaded26b | [
"MIT",
"LicenseRef-scancode-generic-cla"
] | permissive | VSChina/azure-cli-extensions | a1f4bf2ea4dc1b507618617e299263ad45213add | 10b7bfef62cb080c74b1d59aadc4286bd9406841 | refs/heads/master | 2022-11-14T03:40:26.009692 | 2022-11-09T01:09:53 | 2022-11-09T01:09:53 | 199,810,654 | 4 | 2 | MIT | 2020-07-13T05:51:27 | 2019-07-31T08:10:50 | Python | UTF-8 | Python | false | false | 36,981 | py | # pylint: disable=too-many-lines
# coding=utf-8
# --------------------------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# Licensed under the MIT License. See License.txt in the project root for license information.
# Code generated by Microsoft (R) AutoRest Code Generator.
# Changes may cause incorrect behavior and will be lost if the code is regenerated.
# --------------------------------------------------------------------------
from typing import Any, Callable, Dict, IO, Iterable, Optional, TypeVar, Union, cast, overload
from urllib.parse import parse_qs, urljoin, urlparse
from azure.core.exceptions import (
ClientAuthenticationError,
HttpResponseError,
ResourceExistsError,
ResourceNotFoundError,
ResourceNotModifiedError,
map_error,
)
from azure.core.paging import ItemPaged
from azure.core.pipeline import PipelineResponse
from azure.core.pipeline.transport import HttpResponse
from azure.core.polling import LROPoller, NoPolling, PollingMethod
from azure.core.rest import HttpRequest
from azure.core.tracing.decorator import distributed_trace
from azure.core.utils import case_insensitive_dict
from azure.mgmt.core.exceptions import ARMErrorFormat
from azure.mgmt.core.polling.arm_polling import ARMPolling
from .. import models as _models
from ..._serialization import Serializer
from .._vendor import _convert_request, _format_url_section
T = TypeVar("T")
ClsType = Optional[Callable[[PipelineResponse[HttpRequest, HttpResponse], T, Dict[str, Any]], Any]]
_SERIALIZER = Serializer()
_SERIALIZER.client_side_validation = False
def build_create_or_update_request(
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
subscription_id: str,
*,
if_match: Optional[str] = None,
if_none_match: Optional[str] = None,
**kwargs: Any
) -> HttpRequest:
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
content_type = kwargs.pop("content_type", _headers.pop("Content-Type", None)) # type: Optional[str]
accept = _headers.pop("Accept", "application/json")
# Construct URL
_url = kwargs.pop(
"template_url",
"/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}",
) # pylint: disable=line-too-long
path_format_arguments = {
"subscriptionId": _SERIALIZER.url("subscription_id", subscription_id, "str", min_length=1),
"resourceGroupName": _SERIALIZER.url(
"resource_group_name", resource_group_name, "str", max_length=90, min_length=1
),
"fleetName": _SERIALIZER.url(
"fleet_name", fleet_name, "str", max_length=63, min_length=1, pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$"
),
"fleetMemberName": _SERIALIZER.url(
"fleet_member_name",
fleet_member_name,
"str",
max_length=50,
min_length=1,
pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$",
),
}
_url = _format_url_section(_url, **path_format_arguments)
# Construct parameters
_params["api-version"] = _SERIALIZER.query("api_version", api_version, "str")
# Construct headers
if if_match is not None:
_headers["If-Match"] = _SERIALIZER.header("if_match", if_match, "str")
if if_none_match is not None:
_headers["If-None-Match"] = _SERIALIZER.header("if_none_match", if_none_match, "str")
if content_type is not None:
_headers["Content-Type"] = _SERIALIZER.header("content_type", content_type, "str")
_headers["Accept"] = _SERIALIZER.header("accept", accept, "str")
return HttpRequest(method="PUT", url=_url, params=_params, headers=_headers, **kwargs)
def build_get_request(
resource_group_name: str, fleet_name: str, fleet_member_name: str, subscription_id: str, **kwargs: Any
) -> HttpRequest:
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
accept = _headers.pop("Accept", "application/json")
# Construct URL
_url = kwargs.pop(
"template_url",
"/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}",
) # pylint: disable=line-too-long
path_format_arguments = {
"subscriptionId": _SERIALIZER.url("subscription_id", subscription_id, "str", min_length=1),
"resourceGroupName": _SERIALIZER.url(
"resource_group_name", resource_group_name, "str", max_length=90, min_length=1
),
"fleetName": _SERIALIZER.url(
"fleet_name", fleet_name, "str", max_length=63, min_length=1, pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$"
),
"fleetMemberName": _SERIALIZER.url(
"fleet_member_name",
fleet_member_name,
"str",
max_length=50,
min_length=1,
pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$",
),
}
_url = _format_url_section(_url, **path_format_arguments)
# Construct parameters
_params["api-version"] = _SERIALIZER.query("api_version", api_version, "str")
# Construct headers
_headers["Accept"] = _SERIALIZER.header("accept", accept, "str")
return HttpRequest(method="GET", url=_url, params=_params, headers=_headers, **kwargs)
def build_delete_request(
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
subscription_id: str,
*,
if_match: Optional[str] = None,
**kwargs: Any
) -> HttpRequest:
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
accept = _headers.pop("Accept", "application/json")
# Construct URL
_url = kwargs.pop(
"template_url",
"/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}",
) # pylint: disable=line-too-long
path_format_arguments = {
"subscriptionId": _SERIALIZER.url("subscription_id", subscription_id, "str", min_length=1),
"resourceGroupName": _SERIALIZER.url(
"resource_group_name", resource_group_name, "str", max_length=90, min_length=1
),
"fleetName": _SERIALIZER.url(
"fleet_name", fleet_name, "str", max_length=63, min_length=1, pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$"
),
"fleetMemberName": _SERIALIZER.url(
"fleet_member_name",
fleet_member_name,
"str",
max_length=50,
min_length=1,
pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$",
),
}
_url = _format_url_section(_url, **path_format_arguments)
# Construct parameters
_params["api-version"] = _SERIALIZER.query("api_version", api_version, "str")
# Construct headers
if if_match is not None:
_headers["If-Match"] = _SERIALIZER.header("if_match", if_match, "str")
_headers["Accept"] = _SERIALIZER.header("accept", accept, "str")
return HttpRequest(method="DELETE", url=_url, params=_params, headers=_headers, **kwargs)
def build_list_by_fleet_request(
resource_group_name: str, fleet_name: str, subscription_id: str, **kwargs: Any
) -> HttpRequest:
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
accept = _headers.pop("Accept", "application/json")
# Construct URL
_url = kwargs.pop(
"template_url",
"/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members",
) # pylint: disable=line-too-long
path_format_arguments = {
"subscriptionId": _SERIALIZER.url("subscription_id", subscription_id, "str", min_length=1),
"resourceGroupName": _SERIALIZER.url(
"resource_group_name", resource_group_name, "str", max_length=90, min_length=1
),
"fleetName": _SERIALIZER.url(
"fleet_name", fleet_name, "str", max_length=63, min_length=1, pattern=r"^[a-z0-9]([-a-z0-9]*[a-z0-9])?$"
),
}
_url = _format_url_section(_url, **path_format_arguments)
# Construct parameters
_params["api-version"] = _SERIALIZER.query("api_version", api_version, "str")
# Construct headers
_headers["Accept"] = _SERIALIZER.header("accept", accept, "str")
return HttpRequest(method="GET", url=_url, params=_params, headers=_headers, **kwargs)
class FleetMembersOperations:
"""
.. warning::
**DO NOT** instantiate this class directly.
Instead, you should access the following operations through
:class:`~azure.mgmt.containerservice.v2022_07_02_preview.ContainerServiceClient`'s
:attr:`fleet_members` attribute.
"""
models = _models
def __init__(self, *args, **kwargs):
input_args = list(args)
self._client = input_args.pop(0) if input_args else kwargs.pop("client")
self._config = input_args.pop(0) if input_args else kwargs.pop("config")
self._serialize = input_args.pop(0) if input_args else kwargs.pop("serializer")
self._deserialize = input_args.pop(0) if input_args else kwargs.pop("deserializer")
def _create_or_update_initial(
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
parameters: Union[_models.FleetMember, IO],
if_match: Optional[str] = None,
if_none_match: Optional[str] = None,
**kwargs: Any
) -> _models.FleetMember:
error_map = {
401: ClientAuthenticationError,
404: ResourceNotFoundError,
409: ResourceExistsError,
304: ResourceNotModifiedError,
}
error_map.update(kwargs.pop("error_map", {}) or {})
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
content_type = kwargs.pop("content_type", _headers.pop("Content-Type", None)) # type: Optional[str]
cls = kwargs.pop("cls", None) # type: ClsType[_models.FleetMember]
content_type = content_type or "application/json"
_json = None
_content = None
if isinstance(parameters, (IO, bytes)):
_content = parameters
else:
_json = self._serialize.body(parameters, "FleetMember")
request = build_create_or_update_request(
resource_group_name=resource_group_name,
fleet_name=fleet_name,
fleet_member_name=fleet_member_name,
subscription_id=self._config.subscription_id,
if_match=if_match,
if_none_match=if_none_match,
api_version=api_version,
content_type=content_type,
json=_json,
content=_content,
template_url=self._create_or_update_initial.metadata["url"],
headers=_headers,
params=_params,
)
request = _convert_request(request)
request.url = self._client.format_url(request.url) # type: ignore
pipeline_response = self._client._pipeline.run( # type: ignore # pylint: disable=protected-access
request, stream=False, **kwargs
)
response = pipeline_response.http_response
if response.status_code not in [200, 201]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
error = self._deserialize.failsafe_deserialize(_models.ErrorResponse, pipeline_response)
raise HttpResponseError(response=response, model=error, error_format=ARMErrorFormat)
if response.status_code == 200:
deserialized = self._deserialize("FleetMember", pipeline_response)
if response.status_code == 201:
deserialized = self._deserialize("FleetMember", pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
_create_or_update_initial.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}"} # type: ignore
@overload
def begin_create_or_update(
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
parameters: _models.FleetMember,
if_match: Optional[str] = None,
if_none_match: Optional[str] = None,
*,
content_type: str = "application/json",
**kwargs: Any
) -> LROPoller[_models.FleetMember]:
"""Creates or updates a fleet member.
A member contains a reference to an existing Kubernetes cluster. Creating a member makes the
referenced cluster join the Fleet.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:param fleet_member_name: The name of the Fleet member resource. Required.
:type fleet_member_name: str
:param parameters: The Fleet member to create or update. Required.
:type parameters: ~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember
:param if_match: Omit this value to always overwrite the current resource. Specify the
last-seen ETag value to prevent accidentally overwriting concurrent changes. Default value is
None.
:type if_match: str
:param if_none_match: Set to '*' to allow a new resource to be created and prevent updating an
existing resource. Other values will result in a 412 Pre-condition Failed response. Default
value is None.
:type if_none_match: str
:keyword content_type: Body Parameter content-type. Content type parameter for JSON body.
Default value is "application/json".
:paramtype content_type: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: By default, your polling method will be ARMPolling. Pass in False for this
operation to not poll, or pass in your own initialized polling object for a personal polling
strategy.
:paramtype polling: bool or ~azure.core.polling.PollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no
Retry-After header is present.
:return: An instance of LROPoller that returns either FleetMember or the result of
cls(response)
:rtype:
~azure.core.polling.LROPoller[~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember]
:raises ~azure.core.exceptions.HttpResponseError:
"""
@overload
def begin_create_or_update(
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
parameters: IO,
if_match: Optional[str] = None,
if_none_match: Optional[str] = None,
*,
content_type: str = "application/json",
**kwargs: Any
) -> LROPoller[_models.FleetMember]:
"""Creates or updates a fleet member.
A member contains a reference to an existing Kubernetes cluster. Creating a member makes the
referenced cluster join the Fleet.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:param fleet_member_name: The name of the Fleet member resource. Required.
:type fleet_member_name: str
:param parameters: The Fleet member to create or update. Required.
:type parameters: IO
:param if_match: Omit this value to always overwrite the current resource. Specify the
last-seen ETag value to prevent accidentally overwriting concurrent changes. Default value is
None.
:type if_match: str
:param if_none_match: Set to '*' to allow a new resource to be created and prevent updating an
existing resource. Other values will result in a 412 Pre-condition Failed response. Default
value is None.
:type if_none_match: str
:keyword content_type: Body Parameter content-type. Content type parameter for binary body.
Default value is "application/json".
:paramtype content_type: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: By default, your polling method will be ARMPolling. Pass in False for this
operation to not poll, or pass in your own initialized polling object for a personal polling
strategy.
:paramtype polling: bool or ~azure.core.polling.PollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no
Retry-After header is present.
:return: An instance of LROPoller that returns either FleetMember or the result of
cls(response)
:rtype:
~azure.core.polling.LROPoller[~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember]
:raises ~azure.core.exceptions.HttpResponseError:
"""
@distributed_trace
def begin_create_or_update(
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
parameters: Union[_models.FleetMember, IO],
if_match: Optional[str] = None,
if_none_match: Optional[str] = None,
**kwargs: Any
) -> LROPoller[_models.FleetMember]:
"""Creates or updates a fleet member.
A member contains a reference to an existing Kubernetes cluster. Creating a member makes the
referenced cluster join the Fleet.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:param fleet_member_name: The name of the Fleet member resource. Required.
:type fleet_member_name: str
:param parameters: The Fleet member to create or update. Is either a model type or a IO type.
Required.
:type parameters: ~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember or IO
:param if_match: Omit this value to always overwrite the current resource. Specify the
last-seen ETag value to prevent accidentally overwriting concurrent changes. Default value is
None.
:type if_match: str
:param if_none_match: Set to '*' to allow a new resource to be created and prevent updating an
existing resource. Other values will result in a 412 Pre-condition Failed response. Default
value is None.
:type if_none_match: str
:keyword content_type: Body Parameter content-type. Known values are: 'application/json'.
Default value is None.
:paramtype content_type: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: By default, your polling method will be ARMPolling. Pass in False for this
operation to not poll, or pass in your own initialized polling object for a personal polling
strategy.
:paramtype polling: bool or ~azure.core.polling.PollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no
Retry-After header is present.
:return: An instance of LROPoller that returns either FleetMember or the result of
cls(response)
:rtype:
~azure.core.polling.LROPoller[~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember]
:raises ~azure.core.exceptions.HttpResponseError:
"""
_headers = case_insensitive_dict(kwargs.pop("headers", {}) or {})
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
content_type = kwargs.pop("content_type", _headers.pop("Content-Type", None)) # type: Optional[str]
cls = kwargs.pop("cls", None) # type: ClsType[_models.FleetMember]
polling = kwargs.pop("polling", True) # type: Union[bool, PollingMethod]
lro_delay = kwargs.pop("polling_interval", self._config.polling_interval)
cont_token = kwargs.pop("continuation_token", None) # type: Optional[str]
if cont_token is None:
raw_result = self._create_or_update_initial( # type: ignore
resource_group_name=resource_group_name,
fleet_name=fleet_name,
fleet_member_name=fleet_member_name,
parameters=parameters,
if_match=if_match,
if_none_match=if_none_match,
api_version=api_version,
content_type=content_type,
cls=lambda x, y, z: x,
headers=_headers,
params=_params,
**kwargs
)
kwargs.pop("error_map", None)
def get_long_running_output(pipeline_response):
deserialized = self._deserialize("FleetMember", pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
if polling is True:
polling_method = cast(PollingMethod, ARMPolling(lro_delay, **kwargs)) # type: PollingMethod
elif polling is False:
polling_method = cast(PollingMethod, NoPolling())
else:
polling_method = polling
if cont_token:
return LROPoller.from_continuation_token(
polling_method=polling_method,
continuation_token=cont_token,
client=self._client,
deserialization_callback=get_long_running_output,
)
return LROPoller(self._client, raw_result, get_long_running_output, polling_method)
begin_create_or_update.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}"} # type: ignore
@distributed_trace
def get(
self, resource_group_name: str, fleet_name: str, fleet_member_name: str, **kwargs: Any
) -> _models.FleetMember:
"""Gets a Fleet member.
Gets a Fleet member.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:param fleet_member_name: The name of the Fleet member resource. Required.
:type fleet_member_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: FleetMember or the result of cls(response)
:rtype: ~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember
:raises ~azure.core.exceptions.HttpResponseError:
"""
error_map = {
401: ClientAuthenticationError,
404: ResourceNotFoundError,
409: ResourceExistsError,
304: ResourceNotModifiedError,
}
error_map.update(kwargs.pop("error_map", {}) or {})
_headers = kwargs.pop("headers", {}) or {}
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
cls = kwargs.pop("cls", None) # type: ClsType[_models.FleetMember]
request = build_get_request(
resource_group_name=resource_group_name,
fleet_name=fleet_name,
fleet_member_name=fleet_member_name,
subscription_id=self._config.subscription_id,
api_version=api_version,
template_url=self.get.metadata["url"],
headers=_headers,
params=_params,
)
request = _convert_request(request)
request.url = self._client.format_url(request.url) # type: ignore
pipeline_response = self._client._pipeline.run( # type: ignore # pylint: disable=protected-access
request, stream=False, **kwargs
)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
error = self._deserialize.failsafe_deserialize(_models.ErrorResponse, pipeline_response)
raise HttpResponseError(response=response, model=error, error_format=ARMErrorFormat)
deserialized = self._deserialize("FleetMember", pipeline_response)
if cls:
return cls(pipeline_response, deserialized, {})
return deserialized
get.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}"} # type: ignore
def _delete_initial( # pylint: disable=inconsistent-return-statements
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
if_match: Optional[str] = None,
**kwargs: Any
) -> None:
error_map = {
401: ClientAuthenticationError,
404: ResourceNotFoundError,
409: ResourceExistsError,
304: ResourceNotModifiedError,
}
error_map.update(kwargs.pop("error_map", {}) or {})
_headers = kwargs.pop("headers", {}) or {}
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
cls = kwargs.pop("cls", None) # type: ClsType[None]
request = build_delete_request(
resource_group_name=resource_group_name,
fleet_name=fleet_name,
fleet_member_name=fleet_member_name,
subscription_id=self._config.subscription_id,
if_match=if_match,
api_version=api_version,
template_url=self._delete_initial.metadata["url"],
headers=_headers,
params=_params,
)
request = _convert_request(request)
request.url = self._client.format_url(request.url) # type: ignore
pipeline_response = self._client._pipeline.run( # type: ignore # pylint: disable=protected-access
request, stream=False, **kwargs
)
response = pipeline_response.http_response
if response.status_code not in [200, 202, 204]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
error = self._deserialize.failsafe_deserialize(_models.ErrorResponse, pipeline_response)
raise HttpResponseError(response=response, model=error, error_format=ARMErrorFormat)
if cls:
return cls(pipeline_response, None, {})
_delete_initial.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}"} # type: ignore
@distributed_trace
def begin_delete(
self,
resource_group_name: str,
fleet_name: str,
fleet_member_name: str,
if_match: Optional[str] = None,
**kwargs: Any
) -> LROPoller[None]:
"""Deletes a fleet member.
Deleting a Fleet member results in the member cluster leaving fleet. The Member azure resource
is deleted upon success. The underlying cluster is not deleted.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:param fleet_member_name: The name of the Fleet member resource. Required.
:type fleet_member_name: str
:param if_match: Omit this value to always overwrite the current resource. Specify the
last-seen ETag value to prevent accidentally overwriting concurrent changes. Default value is
None.
:type if_match: str
:keyword callable cls: A custom type or function that will be passed the direct response
:keyword str continuation_token: A continuation token to restart a poller from a saved state.
:keyword polling: By default, your polling method will be ARMPolling. Pass in False for this
operation to not poll, or pass in your own initialized polling object for a personal polling
strategy.
:paramtype polling: bool or ~azure.core.polling.PollingMethod
:keyword int polling_interval: Default waiting time between two polls for LRO operations if no
Retry-After header is present.
:return: An instance of LROPoller that returns either None or the result of cls(response)
:rtype: ~azure.core.polling.LROPoller[None]
:raises ~azure.core.exceptions.HttpResponseError:
"""
_headers = kwargs.pop("headers", {}) or {}
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
cls = kwargs.pop("cls", None) # type: ClsType[None]
polling = kwargs.pop("polling", True) # type: Union[bool, PollingMethod]
lro_delay = kwargs.pop("polling_interval", self._config.polling_interval)
cont_token = kwargs.pop("continuation_token", None) # type: Optional[str]
if cont_token is None:
raw_result = self._delete_initial( # type: ignore
resource_group_name=resource_group_name,
fleet_name=fleet_name,
fleet_member_name=fleet_member_name,
if_match=if_match,
api_version=api_version,
cls=lambda x, y, z: x,
headers=_headers,
params=_params,
**kwargs
)
kwargs.pop("error_map", None)
def get_long_running_output(pipeline_response): # pylint: disable=inconsistent-return-statements
if cls:
return cls(pipeline_response, None, {})
if polling is True:
polling_method = cast(
PollingMethod, ARMPolling(lro_delay, lro_options={"final-state-via": "location"}, **kwargs)
) # type: PollingMethod
elif polling is False:
polling_method = cast(PollingMethod, NoPolling())
else:
polling_method = polling
if cont_token:
return LROPoller.from_continuation_token(
polling_method=polling_method,
continuation_token=cont_token,
client=self._client,
deserialization_callback=get_long_running_output,
)
return LROPoller(self._client, raw_result, get_long_running_output, polling_method)
begin_delete.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members/{fleetMemberName}"} # type: ignore
@distributed_trace
def list_by_fleet(
self, resource_group_name: str, fleet_name: str, **kwargs: Any
) -> Iterable["_models.FleetMember"]:
"""Lists the members of a fleet.
Lists the members of a fleet.
:param resource_group_name: The name of the resource group. The name is case insensitive.
Required.
:type resource_group_name: str
:param fleet_name: The name of the Fleet resource. Required.
:type fleet_name: str
:keyword callable cls: A custom type or function that will be passed the direct response
:return: An iterator like instance of either FleetMember or the result of cls(response)
:rtype:
~azure.core.paging.ItemPaged[~azure.mgmt.containerservice.v2022_07_02_preview.models.FleetMember]
:raises ~azure.core.exceptions.HttpResponseError:
"""
_headers = kwargs.pop("headers", {}) or {}
_params = case_insensitive_dict(kwargs.pop("params", {}) or {})
api_version = kwargs.pop("api_version", _params.pop("api-version", "2022-07-02-preview")) # type: str
cls = kwargs.pop("cls", None) # type: ClsType[_models.FleetMembersListResult]
error_map = {
401: ClientAuthenticationError,
404: ResourceNotFoundError,
409: ResourceExistsError,
304: ResourceNotModifiedError,
}
error_map.update(kwargs.pop("error_map", {}) or {})
def prepare_request(next_link=None):
if not next_link:
request = build_list_by_fleet_request(
resource_group_name=resource_group_name,
fleet_name=fleet_name,
subscription_id=self._config.subscription_id,
api_version=api_version,
template_url=self.list_by_fleet.metadata["url"],
headers=_headers,
params=_params,
)
request = _convert_request(request)
request.url = self._client.format_url(request.url) # type: ignore
else:
# make call to next link with the client's api-version
_parsed_next_link = urlparse(next_link)
_next_request_params = case_insensitive_dict(parse_qs(_parsed_next_link.query))
_next_request_params["api-version"] = self._config.api_version
request = HttpRequest("GET", urljoin(next_link, _parsed_next_link.path), params=_next_request_params)
request = _convert_request(request)
request.url = self._client.format_url(request.url) # type: ignore
request.method = "GET"
return request
def extract_data(pipeline_response):
deserialized = self._deserialize("FleetMembersListResult", pipeline_response)
list_of_elem = deserialized.value
if cls:
list_of_elem = cls(list_of_elem)
return deserialized.next_link or None, iter(list_of_elem)
def get_next(next_link=None):
request = prepare_request(next_link)
pipeline_response = self._client._pipeline.run( # type: ignore # pylint: disable=protected-access
request, stream=False, **kwargs
)
response = pipeline_response.http_response
if response.status_code not in [200]:
map_error(status_code=response.status_code, response=response, error_map=error_map)
error = self._deserialize.failsafe_deserialize(_models.ErrorResponse, pipeline_response)
raise HttpResponseError(response=response, model=error, error_format=ARMErrorFormat)
return pipeline_response
return ItemPaged(get_next, extract_data)
list_by_fleet.metadata = {"url": "/subscriptions/{subscriptionId}/resourceGroups/{resourceGroupName}/providers/Microsoft.ContainerService/fleets/{fleetName}/members"} # type: ignore
| [
"[email protected]"
] | |
0ff06ec8d28402aab70bef401caaea5fd2e432f8 | 6ceea2578be0cbc1543be3649d0ad01dd55072aa | /src/fipy/viewers/matplotlibViewer/matplotlib1DViewer.py | a7697b5974aec5a137e5dbbf43f731801af8300d | [
"LicenseRef-scancode-public-domain"
] | permissive | regmi/fipy | 57972add2cc8e6c04fda09ff2faca9a2c45ad19d | eb4aacf5a8e35cdb0e41beb0d79a93e7c8aacbad | refs/heads/master | 2020-04-27T13:51:45.095692 | 2010-04-09T07:32:42 | 2010-04-09T07:32:42 | 602,099 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,954 | py | #!/usr/bin/env python
## -*-Pyth-*-
# ###################################################################
# FiPy - Python-based finite volume PDE solver
#
# FILE: "matplotlib1DViewer.py"
#
# Author: Jonathan Guyer <[email protected]>
# Author: Daniel Wheeler <[email protected]>
# Author: James Warren <[email protected]>
# mail: NIST
# www: http://www.ctcms.nist.gov/fipy/
#
# ========================================================================
# This software was developed at the National Institute of Standards
# and Technology by employees of the Federal Government in the course
# of their official duties. Pursuant to title 17 Section 105 of the
# United States Code this software is not subject to copyright
# protection and is in the public domain. FiPy is an experimental
# system. NIST assumes no responsibility whatsoever for its use by
# other parties, and makes no guarantees, expressed or implied, about
# its quality, reliability, or any other characteristic. We would
# appreciate acknowledgement if the software is used.
#
# This software can be redistributed and/or modified freely
# provided that any derivative works bear some notice that they are
# derived from it, and any modified versions bear some notice that
# they have been modified.
# ========================================================================
# See the file "license.terms" for information on usage and redistribution
# of this file, and for a DISCLAIMER OF ALL WARRANTIES.
#
# ###################################################################
##
__docformat__ = 'restructuredtext'
from matplotlibViewer import _MatplotlibViewer
class Matplotlib1DViewer(_MatplotlibViewer):
"""
Displays a y vs. x plot of one or more 1D `CellVariable` objects using
Matplotlib_.
.. _Matplotlib: http://matplotlib.sourceforge.net/
"""
__doc__ += _MatplotlibViewer._test1D(viewer="Matplotlib1DViewer")
def __init__(self, vars, title=None, xlog=False, ylog=False, limits={}, **kwlimits):
"""
:Parameters:
vars
a `CellVariable` or tuple of `CellVariable` objects to plot
title
displayed at the top of the `Viewer` window
xlog
log scaling of x axis if `True`
ylog
log scaling of y axis if `True`
limits : dict
a (deprecated) alternative to limit keyword arguments
xmin, xmax, datamin, datamax
displayed range of data. Any limit set to
a (default) value of `None` will autoscale.
(*ymin* and *ymax* are synonyms for *datamin* and *datamax*).
"""
kwlimits.update(limits)
_MatplotlibViewer.__init__(self, vars=vars, title=title, **kwlimits)
import pylab
if xlog and ylog:
self.lines = [pylab.loglog(*datum) for datum in self._getData()]
elif xlog:
self.lines = [pylab.semilogx(*datum) for datum in self._getData()]
elif ylog:
self.lines = [pylab.semilogy(*datum) for datum in self._getData()]
else:
self.lines = [pylab.plot(*datum) for datum in self._getData()]
pylab.legend([var.getName() for var in self.vars])
pylab.xlim(xmin = self._getLimit('xmin'),
xmax = self._getLimit('xmax'))
ymin = self._getLimit(('datamin', 'ymin'))
ymax = self._getLimit(('datamax', 'ymax'))
pylab.ylim(ymin=ymin, ymax=ymax)
if ymax is None or ymin is None:
import warnings
warnings.warn("Matplotlib1DViewer efficiency is improved by setting the 'datamax' and 'datamin' keys", UserWarning, stacklevel=2)
def _getData(self):
from fipy.tools.numerix import array
return [[array(var.getMesh().getCellCenters()[0]), array(var)] for var in self.vars]
def _getSuitableVars(self, vars):
vars = [var for var in _MatplotlibViewer._getSuitableVars(self, vars) if var.getMesh().getDim() == 1]
if len(vars) > 1:
vars = [var for var in vars if var.getMesh() is vars[0].getMesh()]
if len(vars) == 0:
from fipy.viewers import MeshDimensionError
raise MeshDimensionError, "Can only plot 1D data"
return vars
def _plot(self):
ymin, ymax = self._autoscale(vars=self.vars,
datamin=self._getLimit(('datamin', 'ymin')),
datamax=self._getLimit(('datamax', 'ymax')))
import pylab
pylab.ylim(ymin=ymin, ymax=ymax)
for line, datum in zip(self.lines, self._getData()):
line[0].set_xdata(datum[0])
line[0].set_ydata(datum[1])
if __name__ == "__main__":
import fipy.tests.doctestPlus
fipy.tests.doctestPlus.execButNoTest() | [
"[email protected]"
] | |
c162564e63d337faa2310cc9b68779b5b5f871c7 | 45f75e4ec6a8880d12707c1887d3b6f0c1630546 | /howtolens/chapter_1_introduction/scripts/tutorial_4_planes.py | 27ec1483fc9378c05fd2919c22b363723218315b | [
"MIT"
] | permissive | carlosRmelo/PyAutoLens | 45861eb31f5b9cd50d133a29f279ed0b3c4eaaf3 | 8c3d59cb990d8a1ddc6ed4008893ab312bd07b97 | refs/heads/master | 2022-12-07T23:31:07.618110 | 2020-08-25T18:10:31 | 2020-08-25T18:10:31 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 11,759 | py | # %%
"""
Tutorial 4: Planes
==================
We've learnt how to make galaxy objects out of _LightProfile_'s and _MassProfile_'s. Now, we'll use these galaxies to
make a strong-gravitational lens.
For newcomers to lensing, a strong gravitational lens is a system where two (or more) galaxies align perfectly down our
line of sight, such that the foreground _Galaxy_'s mass (represented as _MassProfile_'s) deflects the light (represented
as _LightProfile_'s) of the background source galaxy(s).
When the alignment is just right and the lens is just massive enough, the background source galaxy appears multiple
times. The schematic below shows a crude drawing of such a system, where two light-rays from the source are bending
around the lens galaxy and into the observer (light should bend 'smoothly', but drawing this on a keyboard wasn't
possible - so just pretend the diagonal lines coming from the observer and source are less jagged)
"""
# %%
"""
Observer Image-Plane Source-Plane
(z=0, Earth) (z = 0.5) (z = 1.0)
----------------------------------------------
/ \ <---- This is one of the source's light-rays
/ __ \
p / / \ __
| / / \ / \
/\ \ \ / \__/
\ \__/ Source Galaxy (s)
\ Lens Galaxy(s) /
\ / <----- And this is its other light-ray
------------------------------------------/
"""
# %%
"""
As an observer, we don't see the source's true appearance (e.g. a round blob of light). Instead, we only observe its
light after it is deflected and lensed by the foreground _Galaxy_'s mass. In this exercise, we'll make a source galaxy
image whose light has been deflected by a lens galaxy.
In the schematic above, we used the terms 'Image-Plane' and 'Source-Plane'. In lensing speak, a 'plane' is a
collection of galaxies at the same redshift (that is, parallel to one another down our line-of-sight). Therefore:
- If two or more lens galaxies are at the same redshift in the image-plane, they deflect light in the same way.
This means we can sum the convergences, potentials and deflection angles of their _MassProfile_'s.
- If two or more source galaxies are at the same redshift in the source-plane, their light is ray-traced in the same
way. Therefore, when determining their lensed images, we can sum the lensed images of each _Galaxy_'s _LightProfile_'s.
So, lets do it - lets use the 'plane' module in AutoLens to create a strong lensing system like the one pictured above.
For simplicity, we'll assume 1 lens galaxy and 1 source galaxy.
"""
# %%
#%matplotlib inline
import autolens as al
import autolens.plot as aplt
# %%
"""
As always, we need a _Grid_, where our _Grid_ is the coordinates we 'trace' from the image-plane to the source-plane in
the lensing configuration above. Our _Grid_ is therefore no longer just a 'grid', but an image-plane _Grid_ representing
our image-plane coordinates. Thus, lets name as such.
"""
# %%
image_plane_grid = al.Grid.uniform(shape_2d=(100, 100), pixel_scales=0.05, sub_size=1)
# %%
"""
Whereas before we called our _Galaxy_'s things like 'galaxy_with_light_profile', lets now refer to them by their role
in lensing, e.g. 'lens_galaxy' and 'source_galaxy'.
"""
# %%
mass_profile = al.mp.SphericalIsothermal(centre=(0.0, 0.0), einstein_radius=1.6)
lens_galaxy = al.Galaxy(redshift=0.5, mass=mass_profile)
light_profile = al.lp.SphericalSersic(
centre=(0.0, 0.0), intensity=1.0, effective_radius=1.0, sersic_index=1.0
)
source_galaxy = al.Galaxy(redshift=1.0, light=light_profile)
# %%
"""
Lets setup our image-plane using a _Plane_ object. This _Plane_ takes the lens galaxy we made above.
"""
# %%
image_plane = al.Plane(galaxies=[lens_galaxy])
# %%
"""
Just like we did with _Galaxy_'s we can compute quantities from the _Plane_ by passing it a _Grid_.
"""
# %%
deflections = image_plane.deflections_from_grid(grid=image_plane_grid)
print("deflection-angles of _Plane_'s _Grid_ pixel 0:")
print(deflections.in_2d[0, 0, 0])
print(deflections.in_2d[0, 0, 0])
print("deflection-angles of _Plane_'s _Grid_ pixel 1:")
print(deflections.in_2d[0, 1, 1])
print(deflections.in_2d[0, 1, 1])
# %%
"""
_Plane_ plotters exist, which work analogously to _Profile_ plotters and _Galaxy_ plotters.
"""
# %%
aplt.Plane.deflections_y(plane=image_plane, grid=image_plane_grid)
aplt.Plane.deflections_x(plane=image_plane, grid=image_plane_grid)
# %%
"""
Throughout this chapter, we plotted lots of deflection angles. However, if you are not familiar with strong lensing,
you probably weren't entirely sure what they are actually used for.
The deflection angles tell us how light is 'lensed' by a lens galaxy. By taking the image-plane coordinates and
deflection angles, we can subtract the two to determine the source-plane's lensed coordinates, e.g.
source_plane_coordinates = image_plane_coordinates - image_plane_deflection_angles
Therefore, we can use our image_plane to 'trace' its _Grid_ to the source-plane...
"""
# %%
source_plane_grid = image_plane.traced_grid_from_grid(grid=image_plane_grid)
print("Traced source-plane coordinates of _Grid_ pixel 0:")
print(source_plane_grid.in_2d[0, 0, :])
print("Traced source-plane coordinates of _Grid_ pixel 1:")
print(source_plane_grid.in_2d[0, 1, :])
# %%
"""
... and use this _Grid_ to setup the source-plane
"""
# %%
source_plane = al.Plane(galaxies=[source_galaxy])
# %%
"""
Lets inspect our _Grid_'s - I bet our source-plane isn't the boring uniform _Grid_ we plotted in the first tutorial!
"""
# %%
aplt.Plane.plane_grid(
plane=image_plane,
grid=image_plane_grid,
plotter=aplt.Plotter(labels=aplt.Labels(title="Image-plane Grid")),
)
aplt.Plane.plane_grid(
plane=source_plane,
grid=source_plane_grid,
plotter=aplt.Plotter(labels=aplt.Labels(title="Source-plane Grid")),
)
# %%
"""
We can zoom in on the 'centre' of the source-plane (remembering the lens galaxy was centred at (0.1", 0.1")).
"""
# %%
aplt.Plane.plane_grid(
plane=source_plane,
grid=source_plane_grid,
axis_limits=[-0.1, 0.1, -0.1, 0.1],
plotter=aplt.Plotter(labels=aplt.Labels(title="Source-plane Grid")),
)
# %%
"""
We can also plot both _Plane_'s next to one another, and highlight specific points. This means we can see how different
image pixels map to the source-plane (and visa versa).
(We are inputting the indexes of the _Grid_ into 'indexes' - the first set of indexes go from 0 -> 50, which is the top
row of the image-grid running from the left - as we said it would!)
"""
# %%
aplt.Plane.image_and_source_plane_subplot(
image_plane=image_plane,
source_plane=source_plane,
grid=image_plane_grid,
indexes=[
range(0, 50),
range(500, 550),
[1350, 1450, 1550, 1650, 1750, 1850, 1950, 2050, 2150, 2250],
[6250, 8550, 8450, 8350, 8250, 8150, 8050, 7950, 7850, 7750],
],
)
# %%
"""
Clearly, the source-plane's _Grid_ is very different to the image-planes! It's not uniform and its certranly not boring!
We can now ask the question - 'what does our source-galaxy look like in the image-plane'? That is, to us, the observer
on Earth, how does the source-galaxy appear after lensing?. To do this, we simple trace the source-galaxy's light
'back' from the source-plane grid.
"""
# %%
aplt.Plane.image(plane=source_plane, grid=source_plane_grid)
# %%
"""
It's a rather spectacular ring of light, but why is it a ring? Well:
- Our lens galaxy was centred at (0.0", 0.0").
- Our source-galaxy was centred at (0.0", 0.0").
- Our lens galaxy had a spherical _MassProfile_.
- Our source-galaxy a spherical _LightProfile_.
Given the perfect symmetry of the system, every path the source's light takes around the lens galaxy is radially
identical. Thus, nothing else but a ring of light can form!
This is called an 'Einstein Ring' and its radius is called the 'Einstein Radius', which are both named after the man
who famously used gravitational lensing to prove his theory of general relativity.
Finally, because we know our source-galaxy's _LightProfile_, we can also plot its 'plane-image'. This image is how the
source intrinsically appears in the source-plane (e.g. without lensing). This is a useful thing to know, because the
source-s light is highly magnified, meaning astronomers can study it in a lot more detail than would otherwise be
possible!
"""
# %%
aplt.Plane.plane_image(
plane=source_plane, grid=source_plane_grid, include=aplt.Include(grid=True)
)
# %%
"""
Plotting the _Grid_ over the plane image obscures its appearance, which isn't ideal. We can of course tell __PyAutoLens__
not to plot the grid.
"""
# %%
aplt.Plane.plane_image(
plane=source_plane, grid=source_plane_grid, include=aplt.Include(grid=False)
)
# %%
"""
For _MassProfile_'s, you can also plot their 'critical curve' and 'caustics', which for those unfamiliar with lensing
are defined as follows:
__Critical Curve__
Lines of infinite magnification where the _MassProfile_ perfectly 'focuses' light rays. Source light near a
critical curve appears much brighter than its true luminosity!
__Caustic**__
Given the deflection angles of the _MassProfile_ at the critical curves, the caustic is where the
critical curve 'maps' too.
You may be surprised that the inner critical curve does not appear symmetric, but instead is a non-circular jagged
shape. As a result of this, the correspnding caustic in the source plane also appears jaggedy.
This is a numerical issue with the way that __PyAutoLens__ computes the critical curves and caustics - without this issue
both would appear perfect symmetric and smooth! Implementing a more robust calculation of these quantities is on the
__PyAutoLens__ featre list, but for now you'll just have to accept this aspect of the visualization is sub-optimal!
"""
# %%
aplt.Plane.image_and_source_plane_subplot(
image_plane=image_plane,
source_plane=source_plane,
grid=image_plane_grid,
include=aplt.Include(critical_curves=True, caustics=True),
)
aplt.Plane.image_and_source_plane_subplot(
image_plane=image_plane,
source_plane=source_plane,
grid=image_plane_grid,
include=aplt.Include(critical_curves=False, caustics=False),
)
# %%
"""
And, we're done. This is the first tutorial covering strong-lensing and I highly recommend you take a moment to really
mess about with the code above to see what sort of lensed images you can form. Pay attention to the source-plane _Grid_ -
its appearance can change a lot!
In particular, try:
1) Changing the lens galaxy's einstein radius - what happens to the source-plane's image?
2) Change the SphericalIsothermal _MassProfile_ to an _EllipticalIsothermal_ _MassProfile_ and set its axis_ratio to 0.8.
What happens to the number of source images?
3) As discussed at the beginning, _Plane_'s can be composed of multiple galaxies. Make an the image-plane with two
galaxies and see how multi-galaxy lensing leads to crazy source images. Also try making a source-plane with two
galaxies!
Finally, if you are a newcomer to strong lensing, it might be worth reading briefly about some strong lensing theory.
Don't worry about maths, and equations, and anything scary, but you should at least go to Wikipedia to figure out:
- What a critical line is.
- What a caustic is.
- What determines the image multiplicity of the lensed source.
"""
| [
"[email protected]"
] | |
85733af4934ff26db65465a68b19151ee18182f5 | 57f773d5e0e942335e1445428a9ac42b75db03a9 | /venv/Lib/site-packages/pysnmp_mibs/APPN-DLUR-MIB.py | 262cef21c80769f2caa20e707963fc4f4ac7c8ed | [] | no_license | Therealdanjo/SNMP_Tool | 2b8b9bb295f2084a9bfcbb0688f750a5632b0f87 | 9e0126fe716479adea6ba65502ae12cf9953741e | refs/heads/master | 2023-02-20T21:07:17.441050 | 2021-01-23T14:29:31 | 2021-01-23T14:29:31 | 318,448,639 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 24,256 | py | #
# PySNMP MIB module APPN-DLUR-MIB (http://pysnmp.sf.net)
# ASN.1 source http://mibs.snmplabs.com:80/asn1/APPN-DLUR-MIB
# Produced by pysmi-0.0.7 at Sun Feb 14 00:05:25 2016
# On host bldfarm platform Linux version 4.1.13-100.fc21.x86_64 by user goose
# Using Python version 3.5.0 (default, Jan 5 2016, 17:11:52)
#
( SnaControlPointName, ) = mibBuilder.importSymbols("APPN-MIB", "SnaControlPointName")
( OctetString, ObjectIdentifier, Integer, ) = mibBuilder.importSymbols("ASN1", "OctetString", "ObjectIdentifier", "Integer")
( NamedValues, ) = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
( ValueRangeConstraint, ConstraintsUnion, SingleValueConstraint, ValueSizeConstraint, ConstraintsIntersection, ) = mibBuilder.importSymbols("ASN1-REFINEMENT", "ValueRangeConstraint", "ConstraintsUnion", "SingleValueConstraint", "ValueSizeConstraint", "ConstraintsIntersection")
( snanauMIB, ) = mibBuilder.importSymbols("SNA-NAU-MIB", "snanauMIB")
( NotificationGroup, ObjectGroup, ModuleCompliance, ) = mibBuilder.importSymbols("SNMPv2-CONF", "NotificationGroup", "ObjectGroup", "ModuleCompliance")
( Gauge32, Unsigned32, TimeTicks, Bits, Counter32, Counter64, MibScalar, MibTable, MibTableRow, MibTableColumn, IpAddress, iso, NotificationType, ObjectIdentity, Integer32, MibIdentifier, ModuleIdentity, ) = mibBuilder.importSymbols("SNMPv2-SMI", "Gauge32", "Unsigned32", "TimeTicks", "Bits", "Counter32", "Counter64", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "IpAddress", "iso", "NotificationType", "ObjectIdentity", "Integer32", "MibIdentifier", "ModuleIdentity")
( TruthValue, DisplayString, TextualConvention, ) = mibBuilder.importSymbols("SNMPv2-TC", "TruthValue", "DisplayString", "TextualConvention")
dlurMIB = ModuleIdentity((1, 3, 6, 1, 2, 1, 34, 5))
if mibBuilder.loadTexts: dlurMIB.setLastUpdated('9705101500Z')
if mibBuilder.loadTexts: dlurMIB.setOrganization('IETF SNA NAU MIB WG / AIW APPN/HPR MIBs SIG')
if mibBuilder.loadTexts: dlurMIB.setContactInfo('\n Bob Clouston\n Cisco Systems\n 7025 Kit Creek Road\n P.O. Box 14987\n Research Triangle Park, NC 27709, USA\n Tel: 1 919 472 2333\n E-mail: [email protected]\n\n Bob Moore\n IBM Corporation\n 800 Park Offices Drive\n RHJA/664\n P.O. Box 12195\n Research Triangle Park, NC 27709, USA\n Tel: 1 919 254 4436\n E-mail: [email protected]\n ')
if mibBuilder.loadTexts: dlurMIB.setDescription('This is the MIB module for objects used to manage\n network devices with DLUR capabilities. This MIB\n contains information that is useful for managing an APPN\n product that implements a DLUR (Dependent Logical Unit\n Requester). The DLUR product has a client/server\n relationship with an APPN product that implements a DLUS\n (Dependent Logical Unit Server).')
dlurObjects = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 1))
dlurNodeInfo = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 1, 1))
dlurNodeCapabilities = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1))
dlurNodeCpName = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 1), SnaControlPointName()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurNodeCpName.setDescription('Administratively assigned network name for the APPN node where\n this DLUR implementation resides. If this object has the same\n value as the appnNodeCpName object in the APPN MIB, then the\n two objects are referring to the same APPN node.')
dlurReleaseLevel = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(2,2)).setFixedLength(2)).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurReleaseLevel.setDescription("The DLUR release level of this implementation. This is the\n value that is encoded in the DLUR/DLUS Capabilites (CV 51).\n To insure consistent display, this one-byte value is encoded\n here as two displayable characters that are equivalent to a\n hexadecimal display. For example, if the one-byte value as\n encoded in CV51 is X'01', this object will contain the\n displayable string '01'.")
dlurAnsSupport = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2,))).clone(namedValues=NamedValues(("continueOrStop", 1), ("stopOnly", 2),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurAnsSupport.setDescription("Automatic Network Shutdown (ANS) capability of this node.\n\n - 'continueOrStop' indicates that the DLUR implementation\n supports either ANS value (continue or stop) as\n specified by the DLUS on ACTPU for each PU.\n\n - 'stopOnly' indicates that the DLUR implementation only\n supports the ANS value of stop.\n\n ANS = continue means that the DLUR node will keep LU-LU\n sessions active even if SSCP-PU and SSCP-LU control sessions\n are interrupted.\n\n ANS = stop means that LU-LU sessions will be interrupted when\n the SSCP-PU and SSCP-LU sessions are interrupted.")
dlurMultiSubnetSupport = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 4), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurMultiSubnetSupport.setDescription('Indication of whether this DLUR implementation can support\n CPSVRMGR sessions that cross NetId boundaries.')
dlurDefaultDefPrimDlusName = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 5), SnaControlPointName()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurDefaultDefPrimDlusName.setDescription('The SNA name of the defined default primary DLUS for all of\n the PUs served by this DLUR. This can be overridden for a\n particular PU by a defined primary DLUS for that PU,\n represented by the dlurPuDefPrimDlusName object.')
dlurNetworkNameForwardingSupport = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 6), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurNetworkNameForwardingSupport.setDescription('Indication of whether this DLUR implementation supports\n forwarding of Network Name control vectors on ACTPUs and\n ACTLUs to DLUR-served PUs and their associated LUs.\n\n This object corresponds to byte 9. bit 3 of cv51.')
dlurNondisDlusDlurSessDeactSup = MibScalar((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 1, 7), TruthValue()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurNondisDlusDlurSessDeactSup.setDescription("Indication of whether this DLUR implementation supports\n nondisruptive deactivation of its DLUR-DLUS sessions.\n Upon receiving from a DLUS an UNBIND for the CPSVRMGR pipe\n with sense data X'08A0 000B', a DLUR that supports this\n option immediately begins attempting to activate a CPSVRMGR\n pipe with a DLUS other than the one that sent the UNBIND.\n\n This object corresponds to byte 9. bit 4 of cv51.")
dlurDefaultDefBackupDlusTable = MibTable((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 2), )
if mibBuilder.loadTexts: dlurDefaultDefBackupDlusTable.setDescription('This table contains an ordered list of defined backup DLUSs\n for all of the PUs served by this DLUR. These can be\n overridden for a particular PU by a list of defined backup\n DLUSs for that PU, represented by the\n dlurPuDefBackupDlusNameTable. Entries in this table are\n ordered from most preferred default backup DLUS to least\n preferred.')
dlurDefaultDefBackupDlusEntry = MibTableRow((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 2, 1), ).setIndexNames((0, "APPN-DLUR-MIB", "dlurDefaultDefBackupDlusIndex"))
if mibBuilder.loadTexts: dlurDefaultDefBackupDlusEntry.setDescription('This table is indexed by an integer-valued index, which\n orders the entries from most preferred default backup DLUS\n to least preferred.')
dlurDefaultDefBackupDlusIndex = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 2, 1, 1), Unsigned32().subtype(subtypeSpec=ValueRangeConstraint(1,4294967295)))
if mibBuilder.loadTexts: dlurDefaultDefBackupDlusIndex.setDescription('Index for this table. The index values start at 1,\n which identifies the most preferred default backup DLUS.')
dlurDefaultDefBackupDlusName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 1, 2, 1, 2), SnaControlPointName()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurDefaultDefBackupDlusName.setDescription('Fully qualified name of a default backup DLUS for PUs served\n by this DLUR.')
dlurPuInfo = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 1, 2))
dlurPuTable = MibTable((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1), )
if mibBuilder.loadTexts: dlurPuTable.setDescription('Information about the PUs supported by this DLUR.')
dlurPuEntry = MibTableRow((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1), ).setIndexNames((0, "APPN-DLUR-MIB", "dlurPuName"))
if mibBuilder.loadTexts: dlurPuEntry.setDescription('Entry in a table of PU information, indexed by PU name.')
dlurPuName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 1), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1,17)))
if mibBuilder.loadTexts: dlurPuName.setDescription('Locally administered name of the PU.')
dlurPuSscpSuppliedName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0,17))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuSscpSuppliedName.setDescription('The SNA name of the PU. This value is supplied to a PU by the\n SSCP that activated it. If a value has not been supplied, a\n zero-length string is returned.')
dlurPuStatus = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9,))).clone(namedValues=NamedValues(("reset", 1), ("pendReqActpuRsp", 2), ("pendActpu", 3), ("pendActpuRsp", 4), ("active", 5), ("pendLinkact", 6), ("pendDactpuRsp", 7), ("pendInop", 8), ("pendInopActpu", 9),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuStatus.setDescription('Status of the DLUR-supported PU. The following values are\n defined:\n\n reset(1) - reset\n pendReqActpuRsp(2) - pending a response from the DLUS\n to a Request ACTPU\n pendActpu(3) - pending an ACTPU from the DLUS\n pendActpuRsp(4) - pending an ACTPU response from the PU\n active(5) - active\n pendLinkact(6) - pending activation of the link to a\n downstream PU\n pendDactpuRsp(7) - pending a DACTPU response from the PU\n pendInop(8) - the CPSVRMGR pipe became inoperative\n while the DLUR was pending an ACTPU\n response from the PU\n pendInopActpu(9) - when the DLUR was in the pendInop\n state, a CPSVRMGR pipe became active\n and a new ACTPU was received over it,\n before a response to the previous\n ACTPU was received from the PU.')
dlurPuAnsSupport = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2,))).clone(namedValues=NamedValues(("continue", 1), ("stop", 2),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuAnsSupport.setDescription("The Automatic Network Shutdown (ANS) support configured for\n this PU. This value (as configured by the network\n administrator) is sent by DLUS with ACTPU for each PU.\n\n - 'continue' means that the DLUR node will attempt to keep\n LU-LU sessions active even if SSCP-PU and SSCP-LU\n control sessions are interrupted.\n\n - 'stop' means that LU-LU sessions will be interrupted\n when the SSCP-PU and SSCP-LU sessions are interrupted.")
dlurPuLocation = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2,))).clone(namedValues=NamedValues(("internal", 1), ("downstream", 2),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuLocation.setDescription('Location of the DLUR-support PU:\n internal(1) - internal to the APPN node itself (no link)\n downstream(2) - downstream of the APPN node (connected via\n a link).')
dlurPuLsName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 6), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0,10))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuLsName.setDescription('Administratively assigned name of the link station through\n which a downstream PU is connected to this DLUR. A zero-length\n string is returned for internal PUs. If this object has the\n same value as the appnLsName object in the APPN MIB, then the\n two are identifying the same link station.')
dlurPuDlusSessnStatus = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4,))).clone(namedValues=NamedValues(("reset", 1), ("pendingActive", 2), ("active", 3), ("pendingInactive", 4),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuDlusSessnStatus.setDescription("Status of the control session to the DLUS identified in\n dlurPuActiveDlusName. This is a combination of the separate\n states for the contention-winner and contention-loser sessions:\n\n reset(1) - none of the cases below\n pendingActive(2) - either contention-winner session or\n contention-loser session is pending active\n active(3) - contention-winner and contention-loser\n sessions are both active\n pendingInactive(4) - either contention-winner session or\n contention-loser session is pending\n inactive - this test is made AFTER the\n 'pendingActive' test.\n\n The following matrix provides a different representation of\n how the values of this object are related to the individual\n states of the contention-winner and contention-loser sessions:\n\n Conwinner\n | pA | pI | A | X = !(pA | pI | A)\n C ++++++++++++++++++++++++++++++++++\n o pA | 2 | 2 | 2 | 2\n n ++++++++++++++++++++++++++++++++++\n l pI | 2 | 4 | 4 | 4\n o ++++++++++++++++++++++++++++++++++\n s A | 2 | 4 | 3 | 1\n e ++++++++++++++++++++++++++++++++++\n r X | 2 | 4 | 1 | 1\n ++++++++++++++++++++++++++++++++++\n ")
dlurPuActiveDlusName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 8), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0,17))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuActiveDlusName.setDescription('The SNA name of the active DLUS for this PU. If its length\n is not zero, this name follows the SnaControlPointName textual\n convention. A zero-length string indicates that the PU does\n not currently have an active DLUS.')
dlurPuDefPrimDlusName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 1, 1, 9), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0,17))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuDefPrimDlusName.setDescription('The SNA name of the defined primary DLUS for this PU, if one\n has been defined. If present, this name follows the\n SnaControlPointName textual convention. A zero-length string\n indicates that no primary DLUS has been defined for this PU, in\n which case the global default represented by the\n dlurDefaultDefPrimDlusName object is used.')
dlurPuDefBackupDlusTable = MibTable((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 2), )
if mibBuilder.loadTexts: dlurPuDefBackupDlusTable.setDescription('This table contains an ordered list of defined backup DLUSs\n for those PUs served by this DLUR that have their own defined\n backup DLUSs. PUs that have no entries in this table use the\n global default backup DLUSs for the DLUR, represented by the\n dlurDefaultDefBackupDlusNameTable. Entries in this table are\n ordered from most preferred backup DLUS to least preferred for\n each PU.')
dlurPuDefBackupDlusEntry = MibTableRow((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 2, 1), ).setIndexNames((0, "APPN-DLUR-MIB", "dlurPuDefBackupDlusPuName"), (0, "APPN-DLUR-MIB", "dlurPuDefBackupDlusIndex"))
if mibBuilder.loadTexts: dlurPuDefBackupDlusEntry.setDescription('This table is indexed by PU name and by an integer-valued\n index, which orders the entries from most preferred backup DLUS\n for the PU to least preferred.')
dlurPuDefBackupDlusPuName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 2, 1, 1), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1,17)))
if mibBuilder.loadTexts: dlurPuDefBackupDlusPuName.setDescription('Locally administered name of the PU. If this object has the\n same value as the dlurPuName object, then the two are\n identifying the same PU.')
dlurPuDefBackupDlusIndex = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 2, 1, 2), Unsigned32().subtype(subtypeSpec=ValueRangeConstraint(1,4294967295)))
if mibBuilder.loadTexts: dlurPuDefBackupDlusIndex.setDescription('Secondary index for this table. The index values start at 1,\n which identifies the most preferred backup DLUS for the PU.')
dlurPuDefBackupDlusName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 2, 2, 1, 3), SnaControlPointName()).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurPuDefBackupDlusName.setDescription('Fully qualified name of a backup DLUS for this PU.')
dlurDlusInfo = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 1, 3))
dlurDlusTable = MibTable((1, 3, 6, 1, 2, 1, 34, 5, 1, 3, 1), )
if mibBuilder.loadTexts: dlurDlusTable.setDescription('Information about DLUS control sessions.')
dlurDlusEntry = MibTableRow((1, 3, 6, 1, 2, 1, 34, 5, 1, 3, 1, 1), ).setIndexNames((0, "APPN-DLUR-MIB", "dlurDlusName"))
if mibBuilder.loadTexts: dlurDlusEntry.setDescription('This entry is indexed by the name of the DLUS.')
dlurDlusName = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 3, 1, 1, 1), SnaControlPointName())
if mibBuilder.loadTexts: dlurDlusName.setDescription('The SNA name of a DLUS with which this DLUR currently has a\n CPSVRMGR pipe established.')
dlurDlusSessnStatus = MibTableColumn((1, 3, 6, 1, 2, 1, 34, 5, 1, 3, 1, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4,))).clone(namedValues=NamedValues(("reset", 1), ("pendingActive", 2), ("active", 3), ("pendingInactive", 4),))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dlurDlusSessnStatus.setDescription("Status of the CPSVRMGR pipe between the DLUR and this DLUS.\n This is a combination of the separate states for the\n contention-winner and contention-loser sessions:\n\n reset(1) - none of the cases below\n pendingActive(2) - either contention-winner session or\n contention-loser session is pending active\n active(3) - contention-winner and contention-loser\n sessions are both active\n pendingInactive(4) - either contention-winner session or\n contention-loser session is pending\n inactive - this test is made AFTER the\n 'pendingActive' test.\n\n The following matrix provides a different representation of\n how the values of this object are related to the individual\n states of the contention-winner and contention-loser sessions:\n\n Conwinner\n | pA | pI | A | X = !(pA | pI | A)\n C ++++++++++++++++++++++++++++++++++\n o pA | 2 | 2 | 2 | 2\n n ++++++++++++++++++++++++++++++++++\n l pI | 2 | 4 | 4 | 4\n o ++++++++++++++++++++++++++++++++++\n s A | 2 | 4 | 3 | 1\n e ++++++++++++++++++++++++++++++++++\n r X | 2 | 4 | 1 | 1\n ++++++++++++++++++++++++++++++++++\n ")
dlurConformance = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 2))
dlurCompliances = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 2, 1))
dlurGroups = MibIdentifier((1, 3, 6, 1, 2, 1, 34, 5, 2, 2))
dlurCompliance = ModuleCompliance((1, 3, 6, 1, 2, 1, 34, 5, 2, 1, 1)).setObjects(*(("APPN-DLUR-MIB", "dlurConfGroup"),))
if mibBuilder.loadTexts: dlurCompliance.setDescription('The compliance statement for the SNMPv2 entities which\n implement the DLUR MIB.')
dlurConfGroup = ObjectGroup((1, 3, 6, 1, 2, 1, 34, 5, 2, 2, 1)).setObjects(*(("APPN-DLUR-MIB", "dlurNodeCpName"), ("APPN-DLUR-MIB", "dlurReleaseLevel"), ("APPN-DLUR-MIB", "dlurAnsSupport"), ("APPN-DLUR-MIB", "dlurMultiSubnetSupport"), ("APPN-DLUR-MIB", "dlurNetworkNameForwardingSupport"), ("APPN-DLUR-MIB", "dlurNondisDlusDlurSessDeactSup"), ("APPN-DLUR-MIB", "dlurDefaultDefPrimDlusName"), ("APPN-DLUR-MIB", "dlurDefaultDefBackupDlusName"), ("APPN-DLUR-MIB", "dlurPuSscpSuppliedName"), ("APPN-DLUR-MIB", "dlurPuStatus"), ("APPN-DLUR-MIB", "dlurPuAnsSupport"), ("APPN-DLUR-MIB", "dlurPuLocation"), ("APPN-DLUR-MIB", "dlurPuLsName"), ("APPN-DLUR-MIB", "dlurPuDlusSessnStatus"), ("APPN-DLUR-MIB", "dlurPuActiveDlusName"), ("APPN-DLUR-MIB", "dlurPuDefPrimDlusName"), ("APPN-DLUR-MIB", "dlurPuDefBackupDlusName"), ("APPN-DLUR-MIB", "dlurDlusSessnStatus"),))
if mibBuilder.loadTexts: dlurConfGroup.setDescription('A collection of objects providing information on an\n implementation of APPN DLUR.')
mibBuilder.exportSymbols("APPN-DLUR-MIB", dlurDefaultDefBackupDlusName=dlurDefaultDefBackupDlusName, dlurPuSscpSuppliedName=dlurPuSscpSuppliedName, dlurCompliance=dlurCompliance, dlurPuEntry=dlurPuEntry, dlurNodeCpName=dlurNodeCpName, dlurPuLsName=dlurPuLsName, dlurPuName=dlurPuName, dlurPuAnsSupport=dlurPuAnsSupport, dlurDlusSessnStatus=dlurDlusSessnStatus, dlurAnsSupport=dlurAnsSupport, dlurNodeCapabilities=dlurNodeCapabilities, dlurConformance=dlurConformance, dlurDlusEntry=dlurDlusEntry, dlurPuDlusSessnStatus=dlurPuDlusSessnStatus, dlurNodeInfo=dlurNodeInfo, dlurDefaultDefPrimDlusName=dlurDefaultDefPrimDlusName, dlurPuTable=dlurPuTable, dlurNondisDlusDlurSessDeactSup=dlurNondisDlusDlurSessDeactSup, dlurDlusInfo=dlurDlusInfo, dlurDefaultDefBackupDlusIndex=dlurDefaultDefBackupDlusIndex, dlurPuDefBackupDlusTable=dlurPuDefBackupDlusTable, dlurPuDefBackupDlusEntry=dlurPuDefBackupDlusEntry, dlurDlusTable=dlurDlusTable, dlurPuInfo=dlurPuInfo, dlurPuDefPrimDlusName=dlurPuDefPrimDlusName, dlurCompliances=dlurCompliances, dlurMultiSubnetSupport=dlurMultiSubnetSupport, PYSNMP_MODULE_ID=dlurMIB, dlurReleaseLevel=dlurReleaseLevel, dlurObjects=dlurObjects, dlurPuDefBackupDlusIndex=dlurPuDefBackupDlusIndex, dlurConfGroup=dlurConfGroup, dlurDefaultDefBackupDlusEntry=dlurDefaultDefBackupDlusEntry, dlurPuActiveDlusName=dlurPuActiveDlusName, dlurPuDefBackupDlusPuName=dlurPuDefBackupDlusPuName, dlurDefaultDefBackupDlusTable=dlurDefaultDefBackupDlusTable, dlurNetworkNameForwardingSupport=dlurNetworkNameForwardingSupport, dlurPuStatus=dlurPuStatus, dlurGroups=dlurGroups, dlurPuDefBackupDlusName=dlurPuDefBackupDlusName, dlurDlusName=dlurDlusName, dlurMIB=dlurMIB, dlurPuLocation=dlurPuLocation)
| [
"[email protected]"
] | |
98da77c4e00f8af57fb0f7401c7164edec898362 | 09e57dd1374713f06b70d7b37a580130d9bbab0d | /benchmark/startPyquil3397.py | 755036f7e7971cea85acc259f8c84b03de4679f6 | [
"BSD-3-Clause"
] | permissive | UCLA-SEAL/QDiff | ad53650034897abb5941e74539e3aee8edb600ab | d968cbc47fe926b7f88b4adf10490f1edd6f8819 | refs/heads/main | 2023-08-05T04:52:24.961998 | 2021-09-19T02:56:16 | 2021-09-19T02:56:16 | 405,159,939 | 2 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,022 | py | # qubit number=4
# total number=46
import pyquil
from pyquil.api import local_forest_runtime, QVMConnection
from pyquil import Program, get_qc
from pyquil.gates import *
import numpy as np
conn = QVMConnection()
def make_circuit()-> Program:
prog = Program() # circuit begin
prog += H(3) # number=20
prog += CZ(0,3) # number=21
prog += H(3) # number=22
prog += X(3) # number=13
prog += H(3) # number=23
prog += CZ(0,3) # number=24
prog += H(3) # number=25
prog += H(1) # number=2
prog += H(2) # number=3
prog += H(3) # number=4
prog += H(0) # number=5
prog += Y(2) # number=18
prog += CNOT(3,0) # number=40
prog += Z(3) # number=41
prog += H(0) # number=43
prog += CZ(3,0) # number=44
prog += H(0) # number=45
prog += H(1) # number=6
prog += H(2) # number=7
prog += H(3) # number=8
prog += H(0) # number=9
prog += H(0) # number=33
prog += CZ(2,0) # number=34
prog += H(0) # number=35
prog += H(1) # number=19
prog += H(0) # number=15
prog += CZ(2,0) # number=16
prog += H(0) # number=17
prog += RX(1.6838936623241292,2) # number=36
prog += Y(1) # number=26
prog += Y(1) # number=27
prog += SWAP(1,0) # number=29
prog += SWAP(1,0) # number=30
prog += X(0) # number=31
prog += CNOT(1,0) # number=37
prog += X(0) # number=38
prog += CNOT(1,0) # number=39
# circuit end
return prog
def summrise_results(bitstrings) -> dict:
d = {}
for l in bitstrings:
if d.get(l) is None:
d[l] = 1
else:
d[l] = d[l] + 1
return d
if __name__ == '__main__':
prog = make_circuit()
qvm = get_qc('4q-qvm')
results = qvm.run_and_measure(prog,1024)
bitstrings = np.vstack([results[i] for i in qvm.qubits()]).T
bitstrings = [''.join(map(str, l)) for l in bitstrings]
writefile = open("../data/startPyquil3397.csv","w")
print(summrise_results(bitstrings),file=writefile)
writefile.close()
| [
"[email protected]"
] | |
0d26c8c18a0c57b0fef625f11d847b87fef5a932 | 3fd8958283dc1f0f3619b2835efb0c735eecb3db | /slixmpp/plugins/xep_0428/stanza.py | eb3c3daebf218a4437687b4360e7085aef660b7d | [
"MIT",
"BSD-3-Clause"
] | permissive | poezio/slixmpp | 0e8ea7a5c12180f7806889a3a1d0c1136116c416 | 7a0fb970833c778ed50dcb49c5b7b4043d57b1e5 | refs/heads/master | 2023-08-13T15:05:51.996989 | 2022-10-03T08:20:19 | 2022-10-03T08:20:19 | 26,556,621 | 97 | 51 | NOASSERTION | 2023-08-01T08:20:03 | 2014-11-12T21:17:50 | Python | UTF-8 | Python | false | false | 491 | py |
# Slixmpp: The Slick XMPP Library
# Copyright (C) 2020 Mathieu Pasquet <[email protected]>
# This file is part of Slixmpp.
# See the file LICENSE for copying permissio
from slixmpp.stanza import Message
from slixmpp.xmlstream import (
ElementBase,
register_stanza_plugin,
)
NS = 'urn:xmpp:fallback:0'
class Fallback(ElementBase):
namespace = NS
name = 'fallback'
plugin_attrib = 'fallback'
def register_plugins():
register_stanza_plugin(Message, Fallback)
| [
"[email protected]"
] | |
3b51948f1918b55d1e39c110991ffe7fe8740878 | 244189d49a3967b4b002af73f40ca8e8064c4771 | /modules/payloads/stages/windows/x64/vncinject.rb | 8f466c207cac07f11e4e57704d91a5b147ecb2c1 | [
"MIT"
] | permissive | darkcode357/thg-framework | 7540609fb79619bdc12bd98664976d51c79816aa | c1c3bd748aac85a8c75e52486ae608981a69d93a | refs/heads/master | 2023-03-01T05:06:51.399919 | 2021-06-01T14:00:32 | 2021-06-01T14:00:32 | 262,925,227 | 11 | 6 | NOASSERTION | 2023-02-10T23:11:02 | 2020-05-11T03:04:05 | Python | UTF-8 | Python | false | false | 932 | rb | ##
# This module requires Metasploit: https://metasploit.com/download
# Current source: https://github.com/rapid7/metasploit-framework
##
require 'msf/core/payload/windows/x64/reflectivedllinject'
require 'msf/base/sessions/vncinject'
require 'msf/base/sessions/vncinject_options'
###
#
# Injects the VNC server DLL (via Reflective Dll Injection) and runs it over the established connection.
#
###
module MetasploitModule
include Msf::Payload::Windows::ReflectiveDllInject_x64
include Msf::Sessions::VncInjectOptions
def initialize(info = {})
super(update_info(info,
'Name' => 'Windows x64 VNC Server (Reflective Injection)',
'Description' => 'Inject a VNC Dll via a reflective loader (Windows x64) (staged)',
'Author' => [ 'sf' ],
'Session' => Msf::Sessions::VncInject ))
end
def library_path
File.join(Msf::Config.data_directory, "vncdll.x64.dll")
end
end
| [
"[email protected]"
] | |
95ca5345a8e610b9a95855f36668531f02c28e8c | fab39aa4d1317bb43bc11ce39a3bb53295ad92da | /examples/torch/object_detection/layers/extensions/__init__.py | 17620e92e9100990a5186deae8331de1fc7e059b | [
"Apache-2.0"
] | permissive | dupeljan/nncf | 8cdce27f25f01ce8e611f15e1dc3036fb8548d6e | 0abfd7103ca212888a946ba4d0fbdb9d436fdaff | refs/heads/develop | 2023-06-22T00:10:46.611884 | 2021-07-22T10:32:11 | 2021-07-22T10:32:11 | 388,719,455 | 0 | 0 | Apache-2.0 | 2021-07-23T07:46:15 | 2021-07-23T07:43:43 | null | UTF-8 | Python | false | false | 516 | py | import os.path
import torch
from torch.utils.cpp_extension import load
from nncf.torch.extensions import CudaNotAvailableStub
ext_dir = os.path.join(os.path.dirname(os.path.abspath(__file__)))
if torch.cuda.is_available():
EXTENSIONS = load(
'extensions', [
os.path.join(ext_dir, 'extensions.cpp'),
os.path.join(ext_dir, 'nms/nms.cpp'),
os.path.join(ext_dir, 'nms/nms_kernel.cu'),
],
verbose=False
)
else:
EXTENSIONS = CudaNotAvailableStub
| [
"[email protected]"
] | |
d76f494dd6a71b2112a8888bb41eff64b231b4da | e02806138dfef3763f1f93bf8cb4990bd7502c06 | /misc/convert_to_bilou.py | 89959771d0c74c0a23220a553aec22203eeaaf4a | [
"Apache-2.0"
] | permissive | ELS-RD/anonymisation | b40a809865d943d4abdceb74cc49ac03209373a9 | 0b02b4e3069729673e0397a1dbbc50ae9612d90f | refs/heads/master | 2021-06-22T07:14:26.082920 | 2020-11-28T20:52:50 | 2020-11-28T20:52:50 | 139,612,256 | 87 | 21 | Apache-2.0 | 2020-10-29T17:23:18 | 2018-07-03T16:48:23 | Python | UTF-8 | Python | false | false | 2,862 | py | # Licensed to the Apache Software Foundation (ASF) under one
# or more contributor license agreements. See the NOTICE file
# distributed with this work for additional information
# regarding copyright ownership. The ASF licenses this file
# to you under the Apache License, Version 2.0 (the
# "License"); you may not use this file except in compliance
# with the License. You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing,
# software distributed under the License is distributed on an
# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
# KIND, either express or implied. See the License for the
# specific language governing permissions and limitations
# under the License.
from typing import List, Optional, Tuple
from spacy.gold import GoldParse, biluo_tags_from_offsets
from spacy.tokens.doc import Doc
from xml_extractions.extract_node_values import Offset
no_action_bilou = None
unknown_type_name = "UNKNOWN"
def convert_bilou_with_missing_action(doc: Doc, offsets: List[Tuple[int, int, str]]) -> List[Optional[str]]:
"""
Convert unknown type token to missing value for NER
Therefore no Loss will be applied to these tokens
https://spacy.io/api/goldparse#biluo_tags_from_offsets
:param doc: text tokenized by Spacy
:param offsets: original offsets
:return: list of BILOU types
"""
result = biluo_tags_from_offsets(doc, offsets)
return [no_action_bilou if unknown_type_name in action_bilou else action_bilou for action_bilou in result]
def convert_unknown_bilou(doc: Doc, offsets: List[Offset]) -> GoldParse:
"""
Convert entity offsets to list of BILOU annotations
and convert UNKNOWN label to Spacy missing values
https://spacy.io/api/goldparse#biluo_tags_from_offsets
:param doc: spacy tokenized text
:param offsets: discovered offsets
:return: tuple of docs and BILOU annotations
"""
tupple_offset = [offset.to_tuple() for offset in offsets]
bilou_annotations = convert_bilou_with_missing_action(doc=doc, offsets=tupple_offset)
return GoldParse(doc, entities=bilou_annotations)
def convert_unknown_bilou_bulk(docs: List[Doc], offsets: List[List[Offset]]) -> List[GoldParse]:
"""
Convert list of entity offsets to list of BILOU annotations
and convert UNKNOWN label to Spacy missing values
https://spacy.io/api/goldparse#biluo_tags_from_offsets
:param docs: spacy tokenized text
:param offsets: discovered offsets
:return: tuple of docs and GoldParse
"""
list_of_gold_parse = list()
for doc, current_offsets in zip(docs, offsets):
bilou_annotations = convert_unknown_bilou(doc=doc, offsets=current_offsets)
list_of_gold_parse.append(bilou_annotations)
return list_of_gold_parse
| [
"[email protected]"
] | |
ac2a955bb3b15a542b3ea4cc42c726a3a191c310 | beb3ee10276cbbb9c3b32bcebc38427816d7302a | /cmc/conf/prod.py | b0ab32587a9624ce29e6a918b6951a43066fc745 | [
"MIT"
] | permissive | einsfr/cmc | df147ebc06b23801cb0f9982f49a1837a31dd2ff | 3735c0182b552757171f4e38af2463a9059a60da | refs/heads/master | 2021-01-12T09:29:17.865237 | 2016-12-14T14:36:07 | 2016-12-14T14:36:07 | 76,158,113 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 681 | py | ALLOWED_HOSTS = []
# SECURITY WARNING: don't run with debug turned on in production!
DEBUG = False
REST_FRAMEWORK = {
'DEFAULT_RENDERER_CLASSES': (
'rest_framework.renderers.JSONRenderer',
)
}
MIDDLEWARE = [
'debug_toolbar.middleware.DebugToolbarMiddleware',
'django.middleware.security.SecurityMiddleware',
'django.contrib.sessions.middleware.SessionMiddleware',
'django.middleware.common.CommonMiddleware',
'django.middleware.csrf.CsrfViewMiddleware',
'django.contrib.auth.middleware.AuthenticationMiddleware',
'django.contrib.messages.middleware.MessageMiddleware',
'django.middleware.clickjacking.XFrameOptionsMiddleware',
]
| [
"[email protected]"
] | |
c1b3eed09a9e40c8dd977b55adb93eb45df42db9 | 0cdeba10a9e29fb6abc324a80605770edf887cd1 | /代理/11111.py | d121342e3f0b6238a2d3b6dd44dc5e7d9b0407cf | [] | no_license | snailuncle/spider01 | 721e655771f17cbbb47fac8fa7771325a6f86770 | 49c83be01cbd3ef8ebabb83fb6409ef2c10692bc | refs/heads/master | 2021-04-12T08:22:25.337779 | 2018-04-30T05:34:55 | 2018-04-30T05:34:55 | 126,051,990 | 5 | 3 | null | null | null | null | UTF-8 | Python | false | false | 4,580 | py | # -*- coding:UTF-8 -*-
from bs4 import BeautifulSoup
# from selenium import webdriver
import subprocess as sp
from lxml import etree
import requests
import random
import re
"""
函数说明:获取IP代理
Parameters:
page - 高匿代理页数,默认获取第一页
Returns:
proxys_list - 代理列表
Modify:
2017-05-27
"""
def get_proxys(page = 1):
#requests的Session可以自动保持cookie,不需要自己维护cookie内容
S = requests.Session()
#西祠代理高匿IP地址
target_url = 'http://www.xicidaili.com/nn/%d' % page
#完善的headers
target_headers = {
'Accept':'*/*'
'Accept-Encoding':'gzip, deflate'
'Accept-Language':'zh-CN,zh;q=0.9'
'Connection':'keep-alive'
'Host':'60.221.213.24'
'Origin':'null'
'Referer':'http://www.iqiyi.com/v_19rroheauw.html'
'User-Agent':'Mozilla/5.0 (Windows NT 6.1) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/65.0.3325.32 Safari/537.36'
}
#get请求
target_response = S.get(url=target_url, headers = target_headers)
#utf-8编码
target_response.encoding = 'utf-8'
#获取网页信息
target_html = target_response.text
#获取id为ip_list的table
bf1_ip_list = BeautifulSoup(target_html, 'lxml')
bf2_ip_list = BeautifulSoup(str(bf1_ip_list.find_all(id = 'ip_list')), 'lxml')
ip_list_info = bf2_ip_list.table.contents
#存储代理的列表
proxys_list = []
#爬取每个代理信息
for index in range(len(ip_list_info)):
if index % 2 == 1 and index != 1:
dom = etree.HTML(str(ip_list_info[index]))
ip = dom.xpath('//td[2]')
port = dom.xpath('//td[3]')
protocol = dom.xpath('//td[6]')
proxys_list.append(protocol[0].text.lower() + '#' + ip[0].text + '#' + port[0].text)
#返回代理列表
return proxys_list
"""
函数说明:检查代理IP的连通性
Parameters:
ip - 代理的ip地址
lose_time - 匹配丢包数
waste_time - 匹配平均时间
Returns:
average_time - 代理ip平均耗时
Modify:
2017-05-27
"""
def check_ip(ip, lose_time, waste_time):
#命令 -n 要发送的回显请求数 -w 等待每次回复的超时时间(毫秒)
cmd = "ping -n 3 -w 3 %s"
#执行命令
p = sp.Popen(cmd % ip, stdin=sp.PIPE, stdout=sp.PIPE, stderr=sp.PIPE, shell=True)
#获得返回结果并解码
out = p.stdout.read().decode("gbk")
#丢包数
lose_time = lose_time.findall(out)
#当匹配到丢失包信息失败,默认为三次请求全部丢包,丢包数lose赋值为3
if len(lose_time) == 0:
lose = 3
else:
lose = int(lose_time[0])
#如果丢包数目大于2个,则认为连接超时,返回平均耗时1000ms
if lose > 2:
#返回False
return 1000
#如果丢包数目小于等于2个,获取平均耗时的时间
else:
#平均时间
average = waste_time.findall(out)
#当匹配耗时时间信息失败,默认三次请求严重超时,返回平均好使1000ms
if len(average) == 0:
return 1000
else:
#
average_time = int(average[0])
#返回平均耗时
return average_time
"""
函数说明:初始化正则表达式
Parameters:
无
Returns:
lose_time - 匹配丢包数
waste_time - 匹配平均时间
Modify:
2017-05-27
"""
def initpattern():
#匹配丢包数
lose_time = re.compile(r"丢失 = (\d+)", re.IGNORECASE)
#匹配平均时间
waste_time = re.compile(r"平均 = (\d+)ms", re.IGNORECASE)
return lose_time, waste_time
def proxy_get():
# if __name__ == '__main__':
#初始化正则表达式
lose_time, waste_time = initpattern()
#获取IP代理
proxys_list = get_proxys(1)
#如果平均时间超过200ms重新选取ip
while True:
#从100个IP中随机选取一个IP作为代理进行访问
proxy = random.choice(proxys_list)
split_proxy = proxy.split('#')
#获取IP
ip = split_proxy[1]
#检查ip
average_time = check_ip(ip, lose_time, waste_time)
if average_time > 200:
#去掉不能使用的IP
proxys_list.remove(proxy)
print("ip连接超时, 重新获取中!")
if average_time < 200:
break
#去掉已经使用的IP
proxys_list.remove(proxy)
proxy_dict = {split_proxy[0]:split_proxy[1] + ':' + split_proxy[2]}
# print("使用代理:", proxy_dict)
# {'https': '117.25.189.249:20814'}
return proxy_dict
| [
"[email protected]"
] | |
05e0ad0c9844453bca4fa2dedf0a25e400f0c2ab | 463087b1f650928385c711390fb8ead19e63cc76 | /rooms/views.py | b904a80e7905eb776412a64a4cfc97f8527b2032 | [] | no_license | sbtiffanykim/awesome-api | 81a81b45c793b393512fd1b1a01085fd96c8af51 | b1f4c8ef0caf32f3fe2522d3011f68dcfd34065b | refs/heads/master | 2023-02-05T19:50:48.990059 | 2020-12-21T14:14:29 | 2020-12-21T14:14:29 | 319,961,409 | 1 | 0 | null | null | null | null | UTF-8 | Python | false | false | 2,406 | py | from rest_framework.views import APIView
from rest_framework.response import Response
from rest_framework import status
from .models import Room
from .serializers import RoomSerializer
class RoomsView(APIView):
def get(self, request):
rooms = Room.objects.all()
serializer = RoomSerializer(rooms, many=True).data
return Response(serializer)
def post(self, request):
if not request.user.is_authenticated:
return Response(status=status.HTTP_401_UNAUTHORIZED)
serializer = RoomSerializer(data=request.data)
if serializer.is_valid():
room = serializer.save(user=request.user)
room_serializer = RoomSerializer(room).data
return Response(data=room_serializer, status=status.HTTP_200_OK)
else:
return Response(data=serializer.errors, status=status.HTTP_400_BAD_REQUEST)
class RoomView(APIView):
def get_room(self, pk):
try:
room = Room.objects.get(pk=pk)
return room
except Room.DoesNotExist:
return None
def get(self, request, pk):
room = self.get_room(pk)
if room is not None:
serializer = RoomSerializer(room).data
return Response(serializer)
else:
return Response(status=status.HTTP_404_NOT_FOUND)
# to update the room
def put(self, request, pk):
room = self.get_room(pk)
# instance == room & data == request.data
if room is not None:
if room.user != request.user:
return Response(status=status.HTTP_403_FORBIDDEN)
serializer = RoomSerializer(room, data=request.data, partial=True)
if serializer.is_valid():
serializer.save()
return Response(RoomSerializer(room).data)
else:
return Response(serializer.errors, status=status.HTTP_400_BAD_REQUEST)
return Response()
else:
return Response(status=status.HTTP_404_NOT_FOUND)
def delete(self, request, pk):
room = self.get_room(pk)
if room is not None:
if room.user != request.user:
return Response(status=status.HTTP_403_FORBIDDEN)
room.delete()
return Response(status=status.HTTP_200_OK)
else:
return Response(status=status.HTTP_404_NOT_FOUND) | [
"[email protected]"
] | |
6a501f24bce4742b2280fbad8b6f066b1a1cd36b | 02863fb122e736e1d1193c01270a3731dd114f79 | /venv/Lib/site-packages/tensorflow/keras/applications/xception/__init__.py | 9427a25842edb2883be8696835bd990586d9ae2a | [] | no_license | umedsondoniyor/PredictiveMaintenance | ee9dd4fe8d3366be4c5b192b4275f23903dbd285 | 88d8184cc2a958aa5feb9b55a0d5d9b6de36c22e | refs/heads/master | 2021-06-18T23:42:24.901395 | 2021-03-03T15:36:55 | 2021-03-03T15:36:55 | 142,778,437 | 3 | 0 | null | null | null | null | UTF-8 | Python | false | false | 1,003 | py | # This file is MACHINE GENERATED! Do not edit.
# Generated by: tensorflow/tools/api/generator/create_python_api.py script.
"""Xception V1 model for Keras.
On ImageNet, this model gets to a top-1 validation accuracy of 0.790
and a top-5 validation accuracy of 0.945.
Do note that the input image format for this model is different than for
the VGG16 and ResNet models (299x299 instead of 224x224),
and that the input preprocessing function
is also different (same as Inception V3).
Also do note that this model is only available for the TensorFlow backend,
due to its reliance on `SeparableConvolution` layers.
# Reference
- [Xception: Deep Learning with Depthwise Separable
Convolutions](https://arxiv.org/abs/1610.02357)
"""
from __future__ import print_function
from tensorflow.python.keras.applications import Xception
from tensorflow.python.keras.applications.densenet import decode_predictions
from tensorflow.python.keras.applications.xception import preprocess_input
del print_function
| [
"[email protected]"
] | |
af8fe2f47bb526cbdc6867a4f95b7d42e1af9a5a | 05e61f3db737b7327849d1301b1ed3ba38028a9a | /seata/sqlparser/mysql/antlr4/value/table.py.txt | 40d03cc824fd8557e349c784ce853ac5a45ad43c | [] | no_license | JoshYuJump/seata-python | d56b2d27593ce92c39640c45b6a5ef1b27d0ce84 | 9fe12dd3ddea0903db7c52bd6810df2da8012417 | refs/heads/master | 2023-07-14T16:06:59.165247 | 2021-08-20T01:16:06 | 2021-08-22T13:19:43 | null | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 4,808 | txt | #!/usr/bin/env python3
# -*- coding:utf-8 -*-
# @author jsbxyyx
# @since 1.0
"""
from seata.sqlparser.mysql.antlr4.value.value import IdentifierValue
class OwnerSegment:
def __init__(self, start_index: int, stop_index: int, identifier: IdentifierValue):
self.start_index = start_index
self.stop_index = stop_index
self.identifier = identifier
class AliasSegment:
def __init__(self, start_index: int, stop_index: int, identifier: IdentifierValue):
self.start_index = start_index
self.stop_index = stop_index
self.identifier = identifier
class TableNameSegment:
def __init__(self, start_index: int, stop_index: int, identifier: IdentifierValue):
self.start_index = start_index
self.stop_index = stop_index
self.identifier = identifier
class SimpleTableSegment:
def __init__(self, table_name: TableNameSegment, owner: OwnerSegment = None, alias: AliasSegment = None):
self.table_name = table_name
self.owner = owner
self.alias = alias
def get_start_index(self):
if self.owner is None:
return self.table_name.start_index
else:
return self.owner.stop_index
def get_stop_index(self):
if self.alias is None:
return self.table_name.stop_index
else:
return self.alias.stop_index
def get_alias(self):
if self.alias is None:
return ""
else:
self.alias.identifier.value
class ColumnSegment:
def __init__(self, start_index: int, stop_index: int, identifier: IdentifierValue, owner: OwnerSegment = None):
self.start_index = start_index
self.stop_index = stop_index
self.identifier = identifier
self.owner = owner
class IndexSegment:
def __init__(self, start_index: int, stop_index: int, identifier: IdentifierValue, owner: OwnerSegment = None):
self.start_index = start_index
self.stop_index = stop_index
self.identifier = identifier
self.owner = owner
class Interval:
def __init__(self, start_index: int, stop_index: int):
self.start_index = start_index
self.stop_index = stop_index
class ExpressionSegment:
pass
class SubquerySegment:
pass
class MySQLSelectStatement:
def __init__(self):
self.order_by = None
self.limit = None
class ListExpression:
pass
class InExpression:
def __init__(self, start_index: int, stop_index: int, left: ExpressionSegment, right: ListExpression, not_):
self.start_index = start_index
self.stop_index = stop_index
self.left = left
self.right = right
self.not_ = not_
class BetweenExpression:
def __init__(self, start_index: int, stop_index: int, left: ExpressionSegment, between: ExpressionSegment, and_,
not_):
self.start_index = start_index
self.stop_index = stop_index
self.left = left
self.between = between
self.and_ = and_
self.not_ = not_
class ExistsSubqueryExpression:
def __init__(self, start_index: int, stop_index: int, subquery_segment: SubquerySegment):
self.start_index = start_index
self.stop_index = stop_index
self.subquery_segment = subquery_segment
class ParameterMarkerExpressionSegment:
def __init__(self, start_index: int, stop_index: int, value: str):
self.start_index = start_index
self.stop_index = stop_index
self.value = value
class CommonExpressionSegment:
def __init__(self, start_index: int, stop_index: int, text: str):
self.start_index = start_index
self.stop_index = stop_index
self.text = text
class LiteralExpressionSegment:
def __init__(self, start_index: int, stop_index: int, value: str):
self.start_index = start_index
self.stop_index = stop_index
self.value = value
class SubqueryExpressionSegment:
pass
class LockSegment:
def __init__(self, start_index: int, stop_index: int):
self.start_index = start_index
self.stop_index = stop_index
self.table = []
class NotExpression:
def __init__(self, start_index: int, stop_index: int, expression: ExpressionSegment):
self.start_index = start_index
self.stop_index = stop_index
self.expression = expression
class BinaryOperationExpression:
def __init__(self, start_index: int, stop_index: int,
left: ExpressionSegment, right: ExpressionSegment,
operator: str, text: str):
self.start_index = start_index
self.stop_index = stop_index
self.left = left
self.right = right
self.operator = operator
self.text = text
""" | [
"[email protected]"
] | |
e3f687bcd124488b172bd73651a8d9237a9fccea | 1c790b0adc648ff466913cf4aed28ace905357ff | /python/lbann/modules/graph/sparse/NNConv.py | 8a8e61aeea88d0cbab3e6c1be5a8f9e717a03a80 | [
"Apache-2.0"
] | permissive | LLNL/lbann | 04d5fdf443d6b467be4fa91446d40b620eade765 | e8cf85eed2acbd3383892bf7cb2d88b44c194f4f | refs/heads/develop | 2023-08-23T18:59:29.075981 | 2023-08-22T22:16:48 | 2023-08-22T22:16:48 | 58,576,874 | 225 | 87 | NOASSERTION | 2023-09-11T22:43:32 | 2016-05-11T20:04:20 | C++ | UTF-8 | Python | false | false | 7,203 | py | import lbann
from lbann.modules import Module, ChannelwiseFullyConnectedModule
class NNConv(Module):
"""Details of the kernel is available at:
"Neural Message Passing for Quantum Chemistry"
https://arxiv.org/abs/1704.01212
"""
global_count = 0
def __init__(self,
sequential_nn,
num_nodes,
num_edges,
input_channels,
output_channels,
edge_input_channels,
activation=lbann.Relu,
name=None,
parallel_strategy={}):
"""Inititalize the edge conditioned graph kernel with edge data
represented with pseudo-COO format. The reduction over edge
features are performed via the scatter layer
The update function of the kernel is:
.. math::
X^{\prime}_{i} = \Theta x_i + \sum_{j \in \mathcal{N(i)}}x_j \cdot h_{\Theta}(e_{i,j})
where :math:`h_{\mathbf{\Theta}}` denotes a channel-wise NN module
Args:
sequential_nn ([Module] or (Module)): A list or tuple of layer
modules for updating the
edge feature matrix
num_nodes (int): Number of vertices of each graph
(max number in the batch padded by 0)
num_edges (int): Number of edges of each graph
(max in the batch padded by 0)
output_channels (int): The output size of each node feature after
transformed with learnable weights
activation (type): The activation function of the node features
name (str): Default name of the layer is NN_{number}
parallel_strategy (dict): Data partitioning scheme.
"""
NNConv.global_count += 1
self.name = (name
if name
else 'NNConv_{}'.format(NNConv.global_count))
self.output_channels = output_channels
self.input_channels = input_channels
self.num_nodes = num_nodes
self.num_edges = num_edges
self.edge_input_channels = edge_input_channels
self.node_activation = activation
self.parallel_strategy = parallel_strategy
self.node_nn = \
ChannelwiseFullyConnectedModule(self.output_channels,
bias=False,
activation=self.node_activation,
name=self.name+"_node_weights",
parallel_strategy=self.parallel_strategy)
self.edge_nn = sequential_nn
def message(self,
node_features,
neighbor_features,
edge_features):
"""Update node features and edge features. The Message stage of the
convolution.
Args:
node_features (Layer); A 2D layer of node features of
shape (num_nodes, input_channels)
neighbor_features (Layer): A 3D layer of node features of
shape (num_edges, 1, input_channels)
edge_features (Layer): A 2D layer of edge features of
shape (num_edges, edge_features)
Returns:
(Layer, Layer): Returns the updated node features and the messages
for each node.
"""
## These reshapes do not change the nn output but enables channelwise partitioning
## for distconv channelwiseFC natively
node_features = lbann.Reshape(node_features, dims=[self.num_nodes, 1, self.input_channels])
edge_features = lbann.Reshape(edge_features, dims=[self.num_edges, 1, self.edge_input_channels])
updated_node_features = self.node_nn(node_features)
edge_update = None
for layer in self.edge_nn:
if edge_update:
edge_update = layer(edge_update)
else:
edge_update = layer(edge_features)
edge_values = \
lbann.Reshape(edge_update,
dims=[self.num_edges,
self.input_channels,
self.output_channels],
name=self.name+"_edge_mat_reshape")
edge_values = \
lbann.MatMul(neighbor_features, edge_values)
return updated_node_features, edge_values
def aggregate(self,
edge_values,
edge_indices):
"""Aggregate the messages from the neighbors of the nodes
Args:
edge_values (Layer): A layer of edge features of
shape (num_edges, edge_features)
edge_indices (Layer): A 1D layer of node features of
shape (num_edges).
The indices used for reduction
Returns:
(Layer): A 2D layer of updated node features
"""
node_feature_dims = [self.num_nodes , self.output_channels]
edge_feature_dims = [self.num_edges , self.output_channels]
edge_values = lbann.Reshape(edge_values,
dims=edge_feature_dims,
name=self.name+"_neighbor_features")
edge_reduce = lbann.Scatter(edge_values,
edge_indices,
dims=node_feature_dims,
axis=0,
name=self.name+"_aggregate")
return edge_reduce
def forward(self,
node_features,
neighbor_features,
edge_features,
edge_index):
"""Apply NNConv layer.
Args:
node_features (Layer): A 2D layer of node features of
shape (num_nodes, input_channels)
neighbor_features (Layer): A 3D layer of node features of
shape (num_edges, 1, input_channels)
edge_features (Layer): A 2D layer of edge features of
shape (num_edges, edge_features)
edge_index (Layer): A 1D layer of node features of
shape (num_edges * output_channels).
The indices used for reduction
Returns:
(Layer): The output after NNConv. The output layer has the shape
(num_nodes, self.output_channels)
"""
updated_node_fts, neighbor_vals = self.message(node_features,
neighbor_features,
edge_features)
aggregated_fts = self.aggregate(neighbor_vals, edge_index)
update = lbann.Sum(updated_node_fts,
aggregated_fts,
name=self.name+"_updated_node_features")
return update
| [
"[email protected]"
] | |
0f8e5e98a83027e12be70103548b1d15138d3074 | d22fc5d683ea0ece1eb1623d81603b0c8a59da98 | /zillowdb/packages/sfm/string_match.py | fa5058591fd9e0578a355e0fdaee05c42c1732c7 | [
"MIT"
] | permissive | MacHu-GWU/zillowdb-project | 27117b00b330ca48af3972a2ae1beb28a98da5ca | 020266257311fa667a3b5fcca15450eb00584aaf | refs/heads/master | 2021-01-19T09:20:59.556094 | 2017-02-15T20:44:48 | 2017-02-15T20:44:48 | 82,104,953 | 0 | 0 | null | null | null | null | UTF-8 | Python | false | false | 582 | py | #!/usr/bin/env python
# -*- coding: utf-8 -*-
from fuzzywuzzy import process
def choose_best(text, choice, criterion=None):
if criterion is None:
return choose_best(text, choice, criterion=0)
else:
res, confidence_level = process.extractOne(text, choice)
if confidence_level >= criterion:
return res
else:
return None
if __name__ == "__main__":
choice = ["Atlanta Falcons", "New Cow Jets", "Tom boy", "New York Giants", "Dallas Cowboys"]
text = "cowboy"
res = choose_best(text, choice)
print(res)
| [
"[email protected]"
] | |
96591d11925f5849c2e40c277ff6877b6f98221e | 1f16193788de5144d2cc7a90363dccf74ee389f9 | /ginga/util/plots.py | d8b0997242271e9ab63aee605772691e2cc188d6 | [
"BSD-3-Clause"
] | permissive | captainshar/ginga | abce10b3d9b4a6f70a8400526c812b3584bd9501 | 60987d96319e26d56535ff3e5978e838e9331be0 | refs/heads/master | 2020-12-30T14:00:51.325940 | 2017-05-14T22:35:06 | 2017-05-14T22:35:06 | 91,276,392 | 0 | 0 | null | 2017-05-14T22:56:54 | 2017-05-14T22:56:54 | null | UTF-8 | Python | false | false | 17,551 | py | #
# plots.py -- Utility functions for plotting.
#
# This is open-source software licensed under a BSD license.
# Please see the file LICENSE.txt for details.
#
import numpy
import matplotlib as mpl
from matplotlib.figure import Figure
# fix issue of negative numbers rendering incorrectly with default font
mpl.rcParams['axes.unicode_minus'] = False
from ginga.util import iqcalc
from ginga.misc import Callback
class Plot(Callback.Callbacks):
def __init__(self, figure=None, logger=None, width=500, height=500):
Callback.Callbacks.__init__(self)
if figure is None:
figure = Figure()
dpi = figure.get_dpi()
if dpi is None or dpi < 0.1:
dpi = 100
wd_in, ht_in = float(width)/dpi, float(height)/dpi
figure.set_size_inches(wd_in, ht_in)
self.fig = figure
if hasattr(self.fig, 'set_tight_layout'):
self.fig.set_tight_layout(True)
self.logger = logger
self.fontsize = 10
self.ax = None
self.logx = False
self.logy = False
self.xdata = []
self.ydata = []
# For callbacks
for name in ('draw-canvas', ):
self.enable_callback(name)
def get_figure(self):
return self.fig
def get_widget(self):
return self.fig.canvas
def add_axis(self, **kwdargs):
self.ax = self.fig.add_subplot(111, **kwdargs)
return self.ax
def get_axis(self):
return self.ax
def set_axis(self, ax):
self.ax = ax
def set_titles(self, xtitle=None, ytitle=None, title=None,
rtitle=None):
if xtitle is not None:
self.ax.set_xlabel(xtitle)
if ytitle is not None:
self.ax.set_ylabel(ytitle)
if title is not None:
self.ax.set_title(title)
if rtitle is not None:
pass
ax = self.ax
for item in ([ax.title, ax.xaxis.label, ax.yaxis.label] +
ax.get_xticklabels() + ax.get_yticklabels()):
item.set_fontsize(self.fontsize)
def clear(self):
self.logger.debug('clearing canvas...')
self.ax.cla()
self.xdata = []
self.ydata = []
def draw(self):
self.fig.canvas.draw()
self.make_callback('draw-canvas')
def plot(self, xarr, yarr, xtitle=None, ytitle=None, title=None,
rtitle=None, **kwdargs):
if self.ax is None:
self.add_axis()
if self.logx:
self.ax.set_xscale('log')
if self.logy:
self.ax.set_yscale('log')
self.xdata = xarr
self.ydata = yarr
self.set_titles(xtitle=xtitle, ytitle=ytitle, title=title,
rtitle=rtitle)
self.ax.grid(True)
self.ax.plot(xarr, yarr, **kwdargs)
for item in self.ax.get_xticklabels() + self.ax.get_yticklabels():
item.set_fontsize(self.fontsize)
# Make x axis labels a little more readable
lbls = self.ax.xaxis.get_ticklabels()
for lbl in lbls:
lbl.set(rotation=45, horizontalalignment='right')
#self.fig.tight_layout()
self.draw()
def get_data(self):
return self.fig, self.xdata, self.ydata
class HistogramPlot(Plot):
def histogram(self, data, numbins=2048,
xtitle=None, ytitle=None, title=None, rtitle=None):
minval = numpy.nanmin(data)
maxval = numpy.nanmax(data)
substval = (minval + maxval)/2.0
data[numpy.isnan(data)] = substval
dist, bins = numpy.histogram(data, bins=numbins, density=False)
# used with 'steps-post' drawstyle, this gives correct histogram-steps
x = bins
y = numpy.append(dist, dist[-1])
self.clear()
self.plot(x, y, alpha=1.0, linewidth=1.0, linestyle='-',
xtitle=xtitle, ytitle=ytitle, title=title, rtitle=rtitle,
drawstyle='steps-post')
class CutsPlot(Plot):
def cuts(self, data,
xtitle=None, ytitle=None, title=None, rtitle=None,
color=None):
"""data: pixel values along a line.
"""
y = data
x = numpy.arange(len(data))
self.plot(x, y, color=color, drawstyle='steps-mid',
xtitle=xtitle, ytitle=ytitle, title=title, rtitle=rtitle,
alpha=1.0, linewidth=1.0, linestyle='-')
class ContourPlot(Plot):
def __init__(self, *args, **kwargs):
super(ContourPlot, self).__init__(*args, **kwargs)
self.num_contours = 8
self.plot_panx = 0
self.plot_pany = 0
self.plot_zoomlevel = 1.0
self.cmap = "RdYlGn_r"
# decent choices: { bicubic | bilinear | nearest }
self.interpolation = "bilinear"
self.cbar = None
def connect_zoom_callbacks(self):
canvas = self.fig.canvas
connect = canvas.mpl_connect
# These are not ready for prime time...
# connect("motion_notify_event", self.plot_motion_notify)
# connect("button_press_event", self.plot_button_press)
connect("scroll_event", self.plot_scroll)
def _plot_contours(self, x, y, x1, y1, x2, y2, data,
num_contours=None):
# Make a contour plot
if num_contours is None:
num_contours = self.num_contours
# TEMP: until we figure out a more reliable way to remove
# the color bar on all recent versions of matplotlib
self.fig.clf()
self.ax = self.cbar = None
if self.ax is None:
self.add_axis()
ht, wd = data.shape
self.ax.set_aspect('equal', adjustable='box')
self.set_titles(title='Contours')
#self.fig.tight_layout()
# Set pan position in contour plot
self.plot_panx = float(x) / wd
self.plot_pany = float(y) / ht
## # SEE TEMP, above
## # Seems remove() method is not supported for some recent
## # versions of matplotlib
## if self.cbar is not None:
## self.cbar.remove()
self.ax.cla()
self.ax.set_axis_bgcolor('#303030')
try:
im = self.ax.imshow(data, interpolation=self.interpolation,
origin='lower', cmap=self.cmap)
# Create a contour plot
self.xdata = numpy.arange(x1, x2, 1)
self.ydata = numpy.arange(y1, y2, 1)
colors = [ 'black' ] * num_contours
cs = self.ax.contour(self.xdata, self.ydata, data, num_contours,
colors=colors
#cmap=self.cmap
)
## self.ax.clabel(cs, inline=1, fontsize=10,
## fmt='%5.3f', color='cyan')
# Mark the center of the object
self.ax.plot([x], [y], marker='x', ms=20.0,
color='cyan')
if self.cbar is None:
self.cbar = self.fig.colorbar(im, orientation='horizontal',
shrink=0.8, pad=0.07)
else:
self.cbar.update_bruteforce(im)
# Make x axis labels a little more readable
lbls = self.cbar.ax.xaxis.get_ticklabels()
for lbl in lbls:
lbl.set(rotation=45, horizontalalignment='right')
# Set the pan and zoom position & redraw
self.plot_panzoom()
except Exception as e:
self.logger.error("Error making contour plot: %s" % (
str(e)))
def plot_contours_data(self, x, y, data, num_contours=None):
ht, wd = data.shape
self._plot_contours(x, y, 0, 0, wd, ht, data,
num_contours=num_contours)
def plot_contours(self, x, y, radius, image, num_contours=None):
img_data, x1, y1, x2, y2 = image.cutout_radius(x, y, radius)
## self._plot_contours(x, y, x1, y1, x2, y2, img_data,
## num_contours=num_contours)
cx, cy = x - x1, y - y1
self.plot_contours_data(cx, cy, img_data,
num_contours=num_contours)
def plot_panzoom(self):
ht, wd = len(self.ydata), len(self.xdata)
x = int(self.plot_panx * wd)
y = int(self.plot_pany * ht)
if self.plot_zoomlevel >= 1.0:
scalefactor = 1.0 / self.plot_zoomlevel
elif self.plot_zoomlevel < -1.0:
scalefactor = - self.plot_zoomlevel
else:
# wierd condition?--reset to 1:1
scalefactor = 1.0
self.plot_zoomlevel = 1.0
xdelta = int(scalefactor * (wd/2.0))
ydelta = int(scalefactor * (ht/2.0))
xlo, xhi = x-xdelta, x+xdelta
# distribute remaining x space from plot
if xlo < 0:
xsh = abs(xlo)
xlo, xhi = 0, min(wd-1, xhi+xsh)
elif xhi >= wd:
xsh = xhi - wd
xlo, xhi = max(0, xlo-xsh), wd-1
self.ax.set_xlim(xlo, xhi)
ylo, yhi = y-ydelta, y+ydelta
# distribute remaining y space from plot
if ylo < 0:
ysh = abs(ylo)
ylo, yhi = 0, min(ht-1, yhi+ysh)
elif yhi >= ht:
ysh = yhi - ht
ylo, yhi = max(0, ylo-ysh), ht-1
self.ax.set_ylim(ylo, yhi)
self.draw()
def plot_zoom(self, val):
self.plot_zoomlevel = val
self.plot_panzoom()
def plot_scroll(self, event):
# Matplotlib only gives us the number of steps of the scroll,
# positive for up and negative for down.
direction = None
if event.step > 0:
#delta = 0.9
self.plot_zoomlevel += 1.0
elif event.step < 0:
#delta = 1.1
self.plot_zoomlevel -= 1.0
self.plot_panzoom()
# x1, x2 = self.ax.get_xlim()
# y1, y2 = self.ax.get_ylim()
# self.ax.set_xlim(x1*delta, x2*delta)
# self.ax.set_ylim(y1*delta, y2*delta)
# self.draw()
return True
def plot_button_press(self, event):
if event.button == 1:
self.plot_x, self.plot_y = event.x, event.y
return True
def plot_motion_notify(self, event):
if event.button == 1:
xdelta = event.x - self.plot_x
#ydelta = event.y - self.plot_y
ydelta = self.plot_y - event.y
self.pan_plot(xdelta, ydelta)
def pan_plot(self, xdelta, ydelta):
x1, x2 = self.ax.get_xlim()
y1, y2 = self.ax.get_ylim()
self.ax.set_xlim(x1+xdelta, x2+xdelta)
self.ax.set_ylim(y1+ydelta, y2+ydelta)
self.draw()
class RadialPlot(Plot):
def plot_radial(self, x, y, radius, image):
img_data, x1, y1, x2, y2 = image.cutout_radius(x, y, radius)
self.ax.cla()
# Make a radial plot
self.ax.set_xlim(-0.1, radius)
self.set_titles(title="Radial plot", xtitle='Radius [pixels]',
ytitle='Pixel Value (ADU)')
self.ax.grid(True)
try:
ht, wd = img_data.shape
off_x, off_y = x1, y1
maxval = numpy.nanmax(img_data)
# create arrays of radius and value
r = []
v = []
for i in range(0, wd):
for j in range(0, ht):
r.append( numpy.sqrt( (off_x + i - x)**2 + (off_y + j - y)**2 ) )
v.append(img_data[j, i])
r, v = numpy.array(r), numpy.array(v)
# compute and plot radial fitting
# note: you might wanna change `deg` here.
coefficients = numpy.polyfit(x=r, y=v, deg=10)
polynomial = numpy.poly1d(coefficients)
x_curve = numpy.linspace(numpy.min(r), numpy.max(r), len(r))
y_curve = polynomial(x_curve)
yerror = 0 # for now, no error bars
self.ax.errorbar(r, v, yerr=yerror, marker='x', ls='none',
color='blue')
self.ax.plot(x_curve, y_curve, '-', color='green', lw=2)
#self.fig.tight_layout()
self.draw()
except Exception as e:
self.logger.error("Error making radial plot: %s" % (
str(e)))
class FWHMPlot(Plot):
def __init__(self, *args, **kwargs):
super(FWHMPlot, self).__init__(*args, **kwargs)
self.iqcalc = iqcalc.IQCalc(self.logger)
def _plot_fwhm_axis(self, arr, iqcalc, skybg, color1, color2, color3,
fwhm_method='gaussian'):
N = len(arr)
X = numpy.array(list(range(N)))
Y = arr
# subtract sky background
Y = Y - skybg
maxv = Y.max()
# clamp to 0..max
Y = Y.clip(0, maxv)
self.logger.debug("Y=%s" % (str(Y)))
self.ax.plot(X, Y, color=color1, marker='.')
res = iqcalc.calc_fwhm(arr, method_name=fwhm_method)
fwhm, mu = res.fwhm, res.mu
# Make a little smoother fitted curve by plotting intermediate
# points
XN = numpy.linspace(0.0, float(N), N * 10)
Z = numpy.array([res.fit_fn(x, res.fit_args)
for x in XN])
self.ax.plot(XN, Z, color=color1, linestyle=':')
self.ax.axvspan(mu - fwhm / 2.0, mu + fwhm / 2.0,
facecolor=color3, alpha=0.25)
return fwhm
def plot_fwhm(self, x, y, radius, image, cutout_data=None,
iqcalc=None, fwhm_method='gaussian'):
x0, y0, xarr, yarr = image.cutout_cross(x, y, radius)
if iqcalc is None:
iqcalc = self.iqcalc
self.ax.cla()
#self.ax.set_aspect('equal', adjustable='box')
self.set_titles(ytitle='Brightness', xtitle='Pixels',
title='FWHM')
self.ax.grid(True)
# Make a FWHM plot
try:
# get median value from the cutout area
if cutout_data is None:
cutout_data, x1, y1, x2, y2 = image.cutout_radius(x, y, radius)
skybg = numpy.median(cutout_data)
self.logger.debug("cutting x=%d y=%d r=%d med=%f" % (
x, y, radius, skybg))
self.logger.debug("xarr=%s" % (str(xarr)))
fwhm_x = self._plot_fwhm_axis(xarr, iqcalc, skybg,
'blue', 'blue', 'skyblue',
fwhm_method=fwhm_method)
self.logger.debug("yarr=%s" % (str(yarr)))
fwhm_y = self._plot_fwhm_axis(yarr, iqcalc, skybg,
'green', 'green', 'seagreen',
fwhm_method=fwhm_method)
falg = fwhm_method
self.ax.legend(('data x', '%s x' % falg, 'data y', '%s y' % falg),
loc='upper right', shadow=False, fancybox=False,
prop={'size': 8}, labelspacing=0.2)
self.set_titles(title="FWHM X: %.2f Y: %.2f" % (fwhm_x, fwhm_y))
#self.fig.tight_layout()
self.draw()
except Exception as e:
self.logger.error("Error making fwhm plot: %s" % (
str(e)))
class SurfacePlot(Plot):
def __init__(self, *args, **kwargs):
super(SurfacePlot, self).__init__(*args, **kwargs)
self.dx = 21
self.dy = 21
self.floor = None
self.ceiling = None
self.stride = 1
self.cmap = "RdYlGn_r"
def plot_surface(self, x, y, radius, image, cutout_data=None):
Z, x1, y1, x2, y2 = image.cutout_radius(x, y, radius)
X = numpy.arange(x1, x2, 1)
Y = numpy.arange(y1, y2, 1)
X, Y = numpy.meshgrid(X, Y)
try:
from mpl_toolkits.mplot3d import Axes3D
from matplotlib.ticker import LinearLocator, FormatStrFormatter
self.ax = self.fig.gca(projection='3d', axisbg='#808080')
self.ax.set_aspect('equal', adjustable='box')
#self.ax.cla()
self.set_titles(ytitle='Y', xtitle='X',
title='Surface Plot')
self.ax.grid(True)
zmin = numpy.min(Z) if self.floor is None else self.floor
zmax = numpy.max(Z) if self.ceiling is None else self.ceiling
sfc = self.ax.plot_surface(X, Y, Z, rstride=self.stride,
cstride=self.stride,
cmap=self.cmap, linewidth=0,
antialiased=False)
# TODO: need to determine sensible defaults for these based
# on the data
self.ax.zaxis.set_major_locator(LinearLocator(10))
self.ax.zaxis.set_major_formatter(FormatStrFormatter('%.0f'))
self.ax.set_zlim(zmin, zmax)
self.ax.xaxis.set_ticks(numpy.arange(x1, x2, 10))
self.ax.xaxis.set_major_formatter(FormatStrFormatter('%.0f'))
self.ax.yaxis.set_ticks(numpy.arange(y1, y2, 10))
self.ax.yaxis.set_major_formatter(FormatStrFormatter('%.0f'))
self.ax.view_init(elev=20.0, azim=30.0)
self.fig.colorbar(sfc, orientation='horizontal', shrink=0.9,
pad=0.01)
self.draw()
except Exception as e:
self.logger.error("Error making surface plot: %s" % (
str(e)))
#END
| [
"[email protected]"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.