content
stringlengths
7
1.05M
fixed_cases
stringlengths
1
1.28M
# Copyright (c) 2020 vesoft inc. All rights reserved. # # This source code is licensed under Apache 2.0 License, # attached with Common Clause Condition 1.0, found in the LICENSES directory. def __bytes2ul(b): return int.from_bytes(b, byteorder='little', signed=False) def mmh2(bstr, seed=0xc70f6907, signed=True): MASK = 2 ** 64 - 1 size = len(bstr) m = 0xc6a4a7935bd1e995 r = 47 h = seed ^ (size * m & MASK) end = size & (0xfffffff8) for pos in range(0, end, 8): k = __bytes2ul(bstr[pos:pos+8]) k = k * m & MASK k = k ^ (k >> r) k = k * m & MASK; h = h ^ k h = h * m & MASK left = size & 0x7 if left >= 7: h = h ^ (bstr[end+6] << 48) if left >= 6: h = h ^ (bstr[end+5] << 40) if left >= 5: h = h ^ (bstr[end+4] << 32) if left >= 4: h = h ^ (bstr[end+3] << 24) if left >= 3: h = h ^ (bstr[end+2] << 16) if left >= 2: h = h ^ (bstr[end+1] << 8) if left >= 1: h = h ^ bstr[end+0] h = h * m & MASK h = h ^ (h >> r) h = h * m & MASK h = h ^ (h >> r) if signed: h = h | (-(h & 0x8000000000000000)) return h if __name__ == '__main__': assert mmh2(b'hello') == 2762169579135187400 assert mmh2(b'World') == -295471233978816215 assert mmh2(b'Hello World') == 2146989006636459346 assert mmh2(b'Hello Wo') == -821961639117166431
def __bytes2ul(b): return int.from_bytes(b, byteorder='little', signed=False) def mmh2(bstr, seed=3339675911, signed=True): mask = 2 ** 64 - 1 size = len(bstr) m = 14313749767032793493 r = 47 h = seed ^ size * m & MASK end = size & 4294967288 for pos in range(0, end, 8): k = __bytes2ul(bstr[pos:pos + 8]) k = k * m & MASK k = k ^ k >> r k = k * m & MASK h = h ^ k h = h * m & MASK left = size & 7 if left >= 7: h = h ^ bstr[end + 6] << 48 if left >= 6: h = h ^ bstr[end + 5] << 40 if left >= 5: h = h ^ bstr[end + 4] << 32 if left >= 4: h = h ^ bstr[end + 3] << 24 if left >= 3: h = h ^ bstr[end + 2] << 16 if left >= 2: h = h ^ bstr[end + 1] << 8 if left >= 1: h = h ^ bstr[end + 0] h = h * m & MASK h = h ^ h >> r h = h * m & MASK h = h ^ h >> r if signed: h = h | -(h & 9223372036854775808) return h if __name__ == '__main__': assert mmh2(b'hello') == 2762169579135187400 assert mmh2(b'World') == -295471233978816215 assert mmh2(b'Hello World') == 2146989006636459346 assert mmh2(b'Hello Wo') == -821961639117166431
def init(n,m): state_initial = [n] + [1] * m state_current = state_initial state_final = [n] * (m + 1) return state_initial, state_current, state_final def valid_transition(currentState, tower_i, tower_j): k = 0 t = 0 if tower_i == tower_j: # same tower not allowed return False for i in range(1,len(currentState)): if currentState[i]==tower_i: k = i if k == 0: return False for j in range(1,len(currentState)): if currentState[j]==tower_j: t = j if k > 0 and k < t: return False return True def transition(currentState, tower_i, tower_j): if valid_transition(currentState, tower_i, tower_j): for i in range(1, len(currentState)): if currentState[i] == tower_i: k = i currentState[k] = tower_j return currentState def is_final_state(currentState, n, m): if currentState == [n] * (m + 1): return True return False
def init(n, m): state_initial = [n] + [1] * m state_current = state_initial state_final = [n] * (m + 1) return (state_initial, state_current, state_final) def valid_transition(currentState, tower_i, tower_j): k = 0 t = 0 if tower_i == tower_j: return False for i in range(1, len(currentState)): if currentState[i] == tower_i: k = i if k == 0: return False for j in range(1, len(currentState)): if currentState[j] == tower_j: t = j if k > 0 and k < t: return False return True def transition(currentState, tower_i, tower_j): if valid_transition(currentState, tower_i, tower_j): for i in range(1, len(currentState)): if currentState[i] == tower_i: k = i currentState[k] = tower_j return currentState def is_final_state(currentState, n, m): if currentState == [n] * (m + 1): return True return False
class Vector: '''Vector class modeling Vectors''' def __init__(self,initialise_param): '''constructor:-create list of num length''' if isinstance(initialise_param,(Vector,list)): self._coords=[i for i in initialise_param] elif isinstance(initialise_param,(int)): if initialise_param<=0: raise ValueError("bhai mat kar bhai mat kar chutiye") else: self._coords=[0]*initialise_param def __len__(self): return len(self._coords) def __getitem__(self,j): return self._coords[j] def __setitem__(self,at_index,val): self._coords[at_index]=val def __add__(self,vector): if len(self)!=len(vector): raise ValueError("dimension of the vector must be same") result=Vector(len(self)) for j in range(0,len(self)): print(j) print(self[j],vector[j]) result[j]=self[j]+vector[j] return result def __eq__(self,vector): return True if vector == self else False def __ne__(self,vector): return not self==vector def __str__(self): return "<"+str(self._coords)[1:-1]+">" def __sub__(self,vec): if len(self)!=len(vec): raise ValueError("both must have same dimension") return subtracted_vec=Vector(len(self)) for i in range(0,len(vec)): subtracted_vec[i]=self[i]-vec[i] return subtracted_vec def __neg__(self): neg_vector=Vector(len(self)) for i in range(0,len(self)): neg_vector[i]=-1*self[i] return neg_vector # adding functionality to add list+vector return vector def __mul__(self,multby_vec): num=multby_vec if isinstance(num,(int,float)): vec=Vector(len(self)) for i in range(0,len(self)): vec[i]=num*(self[i]) return vec elif isinstance(multby_vec,list): if len(self)!=len(multby_vec): raise ValueError("must be of same length") else: dot_product=0 for i in range(0,len(multby_vec)): dot_product+=multby_vec[i]*self[i] return dot_product def __radd__(self,add_list): if len(self)!= len(add_list): raise ValueError("must be of same length for valid operation") new_vec=Vector(len(self)) for i in range(0,len(self)): new_vec[i]=self[i]+add_list[i] return new_vec if __name__ == "__main__": v1=Vector(3) v2=Vector(3) v1[2]=1 v2[1]=34 v3=v1+v2 print(v3) v4=v3-v1 print("v3 is",v3,"\n v1 is \n",v1,"so the result after subtartion is ",v4) print("after negating the values",-v4) ##ading list to vector adding functionality v5=[1,2,3]+v4 print('adding lit to the elements []1,2,3]',v5) ## adding test of multiply operators v6=v5*[1,2,3]# act as a dot product print('multipled vector is',v6) v6=v5*2 print(v6) #v6=2*v5 print(v6) # adding test for overriden Counstructors new_vec=Vector([34,12,344,5]) print(new_vec)
class Vector: """Vector class modeling Vectors""" def __init__(self, initialise_param): """constructor:-create list of num length""" if isinstance(initialise_param, (Vector, list)): self._coords = [i for i in initialise_param] elif isinstance(initialise_param, int): if initialise_param <= 0: raise value_error('bhai mat kar bhai mat kar chutiye') else: self._coords = [0] * initialise_param def __len__(self): return len(self._coords) def __getitem__(self, j): return self._coords[j] def __setitem__(self, at_index, val): self._coords[at_index] = val def __add__(self, vector): if len(self) != len(vector): raise value_error('dimension of the vector must be same') result = vector(len(self)) for j in range(0, len(self)): print(j) print(self[j], vector[j]) result[j] = self[j] + vector[j] return result def __eq__(self, vector): return True if vector == self else False def __ne__(self, vector): return not self == vector def __str__(self): return '<' + str(self._coords)[1:-1] + '>' def __sub__(self, vec): if len(self) != len(vec): raise value_error('both must have same dimension') return subtracted_vec = vector(len(self)) for i in range(0, len(vec)): subtracted_vec[i] = self[i] - vec[i] return subtracted_vec def __neg__(self): neg_vector = vector(len(self)) for i in range(0, len(self)): neg_vector[i] = -1 * self[i] return neg_vector def __mul__(self, multby_vec): num = multby_vec if isinstance(num, (int, float)): vec = vector(len(self)) for i in range(0, len(self)): vec[i] = num * self[i] return vec elif isinstance(multby_vec, list): if len(self) != len(multby_vec): raise value_error('must be of same length') else: dot_product = 0 for i in range(0, len(multby_vec)): dot_product += multby_vec[i] * self[i] return dot_product def __radd__(self, add_list): if len(self) != len(add_list): raise value_error('must be of same length for valid operation') new_vec = vector(len(self)) for i in range(0, len(self)): new_vec[i] = self[i] + add_list[i] return new_vec if __name__ == '__main__': v1 = vector(3) v2 = vector(3) v1[2] = 1 v2[1] = 34 v3 = v1 + v2 print(v3) v4 = v3 - v1 print('v3 is', v3, '\n v1 is \n', v1, 'so the result after subtartion is ', v4) print('after negating the values', -v4) v5 = [1, 2, 3] + v4 print('adding lit to the elements []1,2,3]', v5) v6 = v5 * [1, 2, 3] print('multipled vector is', v6) v6 = v5 * 2 print(v6) print(v6) new_vec = vector([34, 12, 344, 5]) print(new_vec)
def createList(): fruitsList = ["apple", "banana", "cherry"] print("Fruit List : ", fruitsList) # Iterate the list of fruits for i in fruitsList: print("Value : ", i) # Add to fruits list fruitsList.append("kiwi") fruitsList.append("Grape") fruitsList.append("Orange") print("After adding furits now list ...") for fruit in fruitsList: print("Now Fruit : ", fruit) # Delete a fruits from List if fruitsList.__contains__("Grape"): fruitsList.remove("Grape") print("Fuits : ", fruitsList) # Update a fruit, instead of apple, use Green Apple for fruit in fruitsList: value = fruit if value == "apple": # Find the index of apple index = fruitsList.index("apple") print("Index of Apple : ", index) # Now update apple with Green Apple fruitsList[index] = "Green Apple" # finally print the details of the fruit list print("Show all the updated fruits ...") for fruit in fruitsList: print(fruit, end="\t") print("\n") # Insert at the beginning of List fruitsList.insert(0, "Laxman Phal") # Insert at the top print("Inserted fruits : ", fruitsList) # Insert at the last fruitsList.append("Figs") # Insert at the last print("Inserted at the end : ", fruitsList) # Get the index in list of fruits print("All the fruits with their indexes") for fruit in fruitsList: fruitIndex = fruitsList.index(fruit) print(fruit, "<---->", fruitIndex) #Sort a list fruitsList.sort(); print("Sorted in Ascending order : ",fruitsList) print("-------- In descending order ------") fruitsList.sort(reverse = True) print("Sorted in Descending order : ", fruitsList) if __name__ == "__main__": createList()
def create_list(): fruits_list = ['apple', 'banana', 'cherry'] print('Fruit List : ', fruitsList) for i in fruitsList: print('Value : ', i) fruitsList.append('kiwi') fruitsList.append('Grape') fruitsList.append('Orange') print('After adding furits now list ...') for fruit in fruitsList: print('Now Fruit : ', fruit) if fruitsList.__contains__('Grape'): fruitsList.remove('Grape') print('Fuits : ', fruitsList) for fruit in fruitsList: value = fruit if value == 'apple': index = fruitsList.index('apple') print('Index of Apple : ', index) fruitsList[index] = 'Green Apple' print('Show all the updated fruits ...') for fruit in fruitsList: print(fruit, end='\t') print('\n') fruitsList.insert(0, 'Laxman Phal') print('Inserted fruits : ', fruitsList) fruitsList.append('Figs') print('Inserted at the end : ', fruitsList) print('All the fruits with their indexes') for fruit in fruitsList: fruit_index = fruitsList.index(fruit) print(fruit, '<---->', fruitIndex) fruitsList.sort() print('Sorted in Ascending order : ', fruitsList) print('-------- In descending order ------') fruitsList.sort(reverse=True) print('Sorted in Descending order : ', fruitsList) if __name__ == '__main__': create_list()
class SlopeGradient: def __init__(self, rightSteps, downSteps): self.rightSteps = rightSteps self.downSteps = downSteps
class Slopegradient: def __init__(self, rightSteps, downSteps): self.rightSteps = rightSteps self.downSteps = downSteps
S = input() is_no = False for s in S: if S.count(s) != 2: is_no = True break if is_no: print("No") else: print("Yes")
s = input() is_no = False for s in S: if S.count(s) != 2: is_no = True break if is_no: print('No') else: print('Yes')
class WeekSchedule(): def __init__(self, dates=[], codes=[]): self.weeknum = 0 self.dates = dates self.codes = codes
class Weekschedule: def __init__(self, dates=[], codes=[]): self.weeknum = 0 self.dates = dates self.codes = codes
a=10 print(type(a)) a='Python' print(type(a)) a=False print(type(a))
a = 10 print(type(a)) a = 'Python' print(type(a)) a = False print(type(a))
''' Code for training and evaluating Self-Explaining Neural Networks. Copyright (C) 2018 David Alvarez-Melis <[email protected]> This program is free software: you can redistribute it and/or modify it under the terms of the GNU General Public License as published by the Free Software Foundation, either version 3 of the License, (at your option) any later version. This program is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for more details. You should have received a copy of the GNU General Public License along with this program. If not, see <https://www.gnu.org/licenses/>. '''
""" Code for training and evaluating Self-Explaining Neural Networks. Copyright (C) 2018 David Alvarez-Melis <[email protected]> This program is free software: you can redistribute it and/or modify it under the terms of the GNU General Public License as published by the Free Software Foundation, either version 3 of the License, (at your option) any later version. This program is distributed in the hope that it will be useful, but WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU General Public License for more details. You should have received a copy of the GNU General Public License along with this program. If not, see <https://www.gnu.org/licenses/>. """
load("@io_bazel_rules_docker//container:container.bzl", "container_pull") def image_deps(): container_pull( name = "python3.7", digest = "sha256:57c7d7161fdaa79b61f107b8a480c50657d64dca37295d67db2f675abe38b45a", registry = "index.docker.io", repository = "library/python", tag = "3.7.8", )
load('@io_bazel_rules_docker//container:container.bzl', 'container_pull') def image_deps(): container_pull(name='python3.7', digest='sha256:57c7d7161fdaa79b61f107b8a480c50657d64dca37295d67db2f675abe38b45a', registry='index.docker.io', repository='library/python', tag='3.7.8')
#!/usr/bin/python ADMIN_SCHEMA_FOLDER = "admin/schemas/" ADMIN_SCHEMA_CHAR_SEPARATOR = "_" ADD_COIN_METHOD = "addcoin" GET_COIN_METHOD = "getcoin" REMOVE_COIN_METHOD = "removecoin" UPDATE_COIN_METHOD = "updatecoin"
admin_schema_folder = 'admin/schemas/' admin_schema_char_separator = '_' add_coin_method = 'addcoin' get_coin_method = 'getcoin' remove_coin_method = 'removecoin' update_coin_method = 'updatecoin'
exp_name = 'glean_ffhq_16x' scale = 16 # model settings model = dict( type='GLEAN', generator=dict( type='GLEANStyleGANv2', in_size=64, out_size=1024, style_channels=512, pretrained=dict( ckpt_path='http://download.openmmlab.com/mmgen/stylegan2/' 'official_weights/stylegan2-ffhq-config-f-official_20210327' '_171224-bce9310c.pth', prefix='generator_ema')), discriminator=dict( type='StyleGAN2Discriminator', in_size=1024, pretrained=dict( ckpt_path='http://download.openmmlab.com/mmgen/stylegan2/' 'official_weights/stylegan2-ffhq-config-f-official_20210327' '_171224-bce9310c.pth', prefix='discriminator')), pixel_loss=dict(type='MSELoss', loss_weight=1.0, reduction='mean'), perceptual_loss=dict( type='PerceptualLoss', layer_weights={'21': 1.0}, vgg_type='vgg16', perceptual_weight=1e-2, style_weight=0, norm_img=False, criterion='mse', pretrained='torchvision://vgg16'), gan_loss=dict( type='GANLoss', gan_type='vanilla', loss_weight=1e-2, real_label_val=1.0, fake_label_val=0), pretrained=None, ) # model training and testing settings train_cfg = None test_cfg = dict(metrics=['PSNR'], crop_border=0) # dataset settings train_dataset_type = 'SRAnnotationDataset' val_dataset_type = 'SRAnnotationDataset' train_pipeline = [ dict(type='LoadImageFromFile', io_backend='disk', key='lq'), dict(type='LoadImageFromFile', io_backend='disk', key='gt'), dict(type='RescaleToZeroOne', keys=['lq', 'gt']), dict( type='Normalize', keys=['lq', 'gt'], mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5], to_rgb=True), dict( type='Flip', keys=['lq', 'gt'], flip_ratio=0.5, direction='horizontal'), dict(type='ImageToTensor', keys=['lq', 'gt']), dict(type='Collect', keys=['lq', 'gt'], meta_keys=['lq_path', 'gt_path']) ] test_pipeline = [ dict(type='LoadImageFromFile', io_backend='disk', key='lq'), dict(type='LoadImageFromFile', io_backend='disk', key='gt'), dict(type='RescaleToZeroOne', keys=['lq', 'gt']), dict( type='Normalize', keys=['lq', 'gt'], mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5], to_rgb=True), dict(type='ImageToTensor', keys=['lq', 'gt']), dict(type='Collect', keys=['lq', 'gt'], meta_keys=['lq_path', 'gt_path']) ] data = dict( workers_per_gpu=8, train_dataloader=dict(samples_per_gpu=4, drop_last=True), # 2 gpus val_dataloader=dict(samples_per_gpu=1), test_dataloader=dict(samples_per_gpu=1), train=dict( type='RepeatDataset', times=1000, dataset=dict( type=train_dataset_type, lq_folder='data/FFHQ/BIx16_down', gt_folder='data/FFHQ/GT', ann_file='data/FFHQ/meta_info_FFHQ_GT.txt', pipeline=train_pipeline, scale=scale)), val=dict( type=val_dataset_type, lq_folder='data/CelebA-HQ/BIx16_down', gt_folder='data/CelebA-HQ/GT', ann_file='data/CelebA-HQ/meta_info_CelebAHQ_val100_GT.txt', pipeline=test_pipeline, scale=scale), test=dict( type=val_dataset_type, lq_folder='data/CelebA-HQ/BIx16_down', gt_folder='data/CelebA-HQ/GT', ann_file='data/CelebA-HQ/meta_info_CelebAHQ_val100_GT.txt', pipeline=test_pipeline, scale=scale)) # optimizer optimizers = dict( generator=dict(type='Adam', lr=1e-4, betas=(0.9, 0.99)), discriminator=dict(type='Adam', lr=1e-4, betas=(0.9, 0.99))) # learning policy total_iters = 300000 lr_config = dict( policy='CosineRestart', by_epoch=False, periods=[300000], restart_weights=[1], min_lr=1e-7) checkpoint_config = dict(interval=5000, save_optimizer=True, by_epoch=False) evaluation = dict(interval=5000, save_image=False, gpu_collect=True) log_config = dict( interval=100, hooks=[ dict(type='TextLoggerHook', by_epoch=False), # dict(type='TensorboardLoggerHook'), ]) visual_config = None # runtime settings dist_params = dict(backend='nccl') log_level = 'INFO' work_dir = f'./work_dirs/{exp_name}' load_from = None resume_from = None workflow = [('train', 1)] find_unused_parameters = True
exp_name = 'glean_ffhq_16x' scale = 16 model = dict(type='GLEAN', generator=dict(type='GLEANStyleGANv2', in_size=64, out_size=1024, style_channels=512, pretrained=dict(ckpt_path='http://download.openmmlab.com/mmgen/stylegan2/official_weights/stylegan2-ffhq-config-f-official_20210327_171224-bce9310c.pth', prefix='generator_ema')), discriminator=dict(type='StyleGAN2Discriminator', in_size=1024, pretrained=dict(ckpt_path='http://download.openmmlab.com/mmgen/stylegan2/official_weights/stylegan2-ffhq-config-f-official_20210327_171224-bce9310c.pth', prefix='discriminator')), pixel_loss=dict(type='MSELoss', loss_weight=1.0, reduction='mean'), perceptual_loss=dict(type='PerceptualLoss', layer_weights={'21': 1.0}, vgg_type='vgg16', perceptual_weight=0.01, style_weight=0, norm_img=False, criterion='mse', pretrained='torchvision://vgg16'), gan_loss=dict(type='GANLoss', gan_type='vanilla', loss_weight=0.01, real_label_val=1.0, fake_label_val=0), pretrained=None) train_cfg = None test_cfg = dict(metrics=['PSNR'], crop_border=0) train_dataset_type = 'SRAnnotationDataset' val_dataset_type = 'SRAnnotationDataset' train_pipeline = [dict(type='LoadImageFromFile', io_backend='disk', key='lq'), dict(type='LoadImageFromFile', io_backend='disk', key='gt'), dict(type='RescaleToZeroOne', keys=['lq', 'gt']), dict(type='Normalize', keys=['lq', 'gt'], mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5], to_rgb=True), dict(type='Flip', keys=['lq', 'gt'], flip_ratio=0.5, direction='horizontal'), dict(type='ImageToTensor', keys=['lq', 'gt']), dict(type='Collect', keys=['lq', 'gt'], meta_keys=['lq_path', 'gt_path'])] test_pipeline = [dict(type='LoadImageFromFile', io_backend='disk', key='lq'), dict(type='LoadImageFromFile', io_backend='disk', key='gt'), dict(type='RescaleToZeroOne', keys=['lq', 'gt']), dict(type='Normalize', keys=['lq', 'gt'], mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5], to_rgb=True), dict(type='ImageToTensor', keys=['lq', 'gt']), dict(type='Collect', keys=['lq', 'gt'], meta_keys=['lq_path', 'gt_path'])] data = dict(workers_per_gpu=8, train_dataloader=dict(samples_per_gpu=4, drop_last=True), val_dataloader=dict(samples_per_gpu=1), test_dataloader=dict(samples_per_gpu=1), train=dict(type='RepeatDataset', times=1000, dataset=dict(type=train_dataset_type, lq_folder='data/FFHQ/BIx16_down', gt_folder='data/FFHQ/GT', ann_file='data/FFHQ/meta_info_FFHQ_GT.txt', pipeline=train_pipeline, scale=scale)), val=dict(type=val_dataset_type, lq_folder='data/CelebA-HQ/BIx16_down', gt_folder='data/CelebA-HQ/GT', ann_file='data/CelebA-HQ/meta_info_CelebAHQ_val100_GT.txt', pipeline=test_pipeline, scale=scale), test=dict(type=val_dataset_type, lq_folder='data/CelebA-HQ/BIx16_down', gt_folder='data/CelebA-HQ/GT', ann_file='data/CelebA-HQ/meta_info_CelebAHQ_val100_GT.txt', pipeline=test_pipeline, scale=scale)) optimizers = dict(generator=dict(type='Adam', lr=0.0001, betas=(0.9, 0.99)), discriminator=dict(type='Adam', lr=0.0001, betas=(0.9, 0.99))) total_iters = 300000 lr_config = dict(policy='CosineRestart', by_epoch=False, periods=[300000], restart_weights=[1], min_lr=1e-07) checkpoint_config = dict(interval=5000, save_optimizer=True, by_epoch=False) evaluation = dict(interval=5000, save_image=False, gpu_collect=True) log_config = dict(interval=100, hooks=[dict(type='TextLoggerHook', by_epoch=False)]) visual_config = None dist_params = dict(backend='nccl') log_level = 'INFO' work_dir = f'./work_dirs/{exp_name}' load_from = None resume_from = None workflow = [('train', 1)] find_unused_parameters = True
#1 Create countries dictionary countries = __________________ #2 Print out the capital of egypt print(__________________)
countries = __________________ print(__________________)
# -*- coding:utf-8 -*- __author__ = [ 'wufang' ]
__author__ = ['wufang']
a = int(input()) b = int(input()) def rectangle_area(a, b): return '{:.0f}'.format(a * b) print(rectangle_area(a, b))
a = int(input()) b = int(input()) def rectangle_area(a, b): return '{:.0f}'.format(a * b) print(rectangle_area(a, b))
class Solution: def minSteps(self, n: int) -> int: res, m = 0, 2 while n > 1: while n % m == 0: res += m n //= m m += 1 return res
class Solution: def min_steps(self, n: int) -> int: (res, m) = (0, 2) while n > 1: while n % m == 0: res += m n //= m m += 1 return res
# Example, do not modify! print(5 / 8) # Put code below here 5 / 8 print( 7 + 10 ) # Just testing division print(5 / 8) # Addition works too. print(7 + 10) # Addition and subtraction print(5 + 5) print(5 - 5) # Multiplication and division print(3 * 5) print(10 / 2) # Exponentiation print(4 ** 2) # Modulo print(18 % 7) # How much is your $100 worth after 7 years? print( 100 * 1.1 ** 7 ) # Create a variable savings savings = 100 # Print out savings print( savings ) # Create a variable savings savings = 100 # Create a variable factor factor = 1.10 # Calculate result result = savings * factor ** 7 # Print out result print( result ) # Create a variable desc desc = "compound interest" # Create a variable profitable profitable = True # Several variables to experiment with savings = 100 factor = 1.1 desc = "compound interest" # Assign product of factor and savings to year1 year1 = savings * factor # Print the type of year1 print( type( year1 ) ) # Assign sum of desc and desc to doubledesc doubledesc = desc + desc # Print out doubledesc print( doubledesc ) # Definition of savings and result savings = 100 result = 100 * 1.10 ** 7 # Fix the printout print("I started with $" + str(savings) + " and now have $" + str(result) + ". Awesome!") # Definition of pi_string pi_string = "3.1415926" # Convert pi_string into float: pi_float pi_float = float(pi_string)
print(5 / 8) 5 / 8 print(7 + 10) print(5 / 8) print(7 + 10) print(5 + 5) print(5 - 5) print(3 * 5) print(10 / 2) print(4 ** 2) print(18 % 7) print(100 * 1.1 ** 7) savings = 100 print(savings) savings = 100 factor = 1.1 result = savings * factor ** 7 print(result) desc = 'compound interest' profitable = True savings = 100 factor = 1.1 desc = 'compound interest' year1 = savings * factor print(type(year1)) doubledesc = desc + desc print(doubledesc) savings = 100 result = 100 * 1.1 ** 7 print('I started with $' + str(savings) + ' and now have $' + str(result) + '. Awesome!') pi_string = '3.1415926' pi_float = float(pi_string)
# -*- coding: utf-8 -*- name = 'smsapi-client' version = '2.3.0' lib_info = '%s/%s' % (name, version)
name = 'smsapi-client' version = '2.3.0' lib_info = '%s/%s' % (name, version)
f = open('day6.txt', 'r') data = f.read() groups = data.split('\n\n') answer = 0 for group in groups: people = group.split('\n') group_set = set(people[0]) for person in people: group_set = group_set & set(person) answer += len(group_set) print(answer)
f = open('day6.txt', 'r') data = f.read() groups = data.split('\n\n') answer = 0 for group in groups: people = group.split('\n') group_set = set(people[0]) for person in people: group_set = group_set & set(person) answer += len(group_set) print(answer)
#!/bin/python3 def day12(lines): registers = {'a': 0, 'b': 0, 'c': 1, 'd': 0} i = 0 k = 0 while i < len(lines): if k > 0: i += 1 k -= 1 continue line = lines[i].strip('\n').split(' ') print('[%d, %d, %d, %d], %s' % (registers['a'], registers['b'], registers['c'], registers['d'], line)) try: x = registers[line[1]] except KeyError: x = int(line[1]) if line[0] == 'cpy': registers[line[2]] = registers.get(line[1], x) elif line[0] == 'inc': registers[line[1]] += 1 elif line[0] == 'dec': registers[line[1]] -= 1 elif line[0] == 'jnz' and x != 0: jump = int(line[2]) if jump < 0: i = max(i + jump, 0) continue else: k += jump continue i += 1 return registers['a'] with open('aoc_day_12_input.txt') as f: r = f.readlines() print(day12(r))
def day12(lines): registers = {'a': 0, 'b': 0, 'c': 1, 'd': 0} i = 0 k = 0 while i < len(lines): if k > 0: i += 1 k -= 1 continue line = lines[i].strip('\n').split(' ') print('[%d, %d, %d, %d], %s' % (registers['a'], registers['b'], registers['c'], registers['d'], line)) try: x = registers[line[1]] except KeyError: x = int(line[1]) if line[0] == 'cpy': registers[line[2]] = registers.get(line[1], x) elif line[0] == 'inc': registers[line[1]] += 1 elif line[0] == 'dec': registers[line[1]] -= 1 elif line[0] == 'jnz' and x != 0: jump = int(line[2]) if jump < 0: i = max(i + jump, 0) continue else: k += jump continue i += 1 return registers['a'] with open('aoc_day_12_input.txt') as f: r = f.readlines() print(day12(r))
mutables_test_text_001 = ''' def function( param, ): pass ''' mutables_test_text_002 = ''' def function( param=0, ): pass ''' mutables_test_text_003 = ''' def function( param={}, ): pass ''' mutables_test_text_004 = ''' def function( param=[], ): pass ''' mutables_test_text_005 = ''' def function( param=tuple(), ): pass ''' mutables_test_text_006 = ''' def function( param=list(), ): pass ''' mutables_test_text_007 = ''' def function( param_one, param_two, ): pass ''' mutables_test_text_008 = ''' def function( param_one, param_two=0, ): pass ''' mutables_test_text_009 = ''' def function( param_one, param_two={}, ): pass ''' mutables_test_text_010 = ''' def function( param_one, param_two=[], ): pass ''' mutables_test_text_011 = ''' def function( param_one, param_two=list(), ): pass ''' mutables_test_text_012 = ''' def function( param_one, param_two=tuple(), ): pass ''' mutables_test_text_013 = ''' def function( param_one, param_two, param_three, ): pass ''' mutables_test_text_014 = ''' def function( param_one, param_two, param_three=0, ): pass ''' mutables_test_text_015 = ''' def function( param_one, param_two=0, param_three={}, ): pass ''' mutables_test_text_016 = ''' def function( param_one, param_two=[], param_three={}, ): pass ''' mutables_test_text_017 = ''' def function( param_one={}, param_two=0, param_three={}, ): pass ''' mutables_test_text_018 = ''' def function( param_one=0, param_two=[], param_three=0, ): pass '''
mutables_test_text_001 = '\ndef function(\n param,\n):\n pass\n' mutables_test_text_002 = '\ndef function(\n param=0,\n):\n pass\n' mutables_test_text_003 = '\ndef function(\n param={},\n):\n pass\n' mutables_test_text_004 = '\ndef function(\n param=[],\n):\n pass\n' mutables_test_text_005 = '\ndef function(\n param=tuple(),\n):\n pass\n' mutables_test_text_006 = '\ndef function(\n param=list(),\n):\n pass\n' mutables_test_text_007 = '\ndef function(\n param_one,\n param_two,\n):\n pass\n' mutables_test_text_008 = '\ndef function(\n param_one,\n param_two=0,\n):\n pass\n' mutables_test_text_009 = '\ndef function(\n param_one,\n param_two={},\n):\n pass\n' mutables_test_text_010 = '\ndef function(\n param_one,\n param_two=[],\n):\n pass\n' mutables_test_text_011 = '\ndef function(\n param_one,\n param_two=list(),\n):\n pass\n' mutables_test_text_012 = '\ndef function(\n param_one,\n param_two=tuple(),\n):\n pass\n' mutables_test_text_013 = '\ndef function(\n param_one,\n param_two,\n param_three,\n):\n pass\n' mutables_test_text_014 = '\ndef function(\n param_one,\n param_two,\n param_three=0,\n):\n pass\n' mutables_test_text_015 = '\ndef function(\n param_one,\n param_two=0,\n param_three={},\n):\n pass\n' mutables_test_text_016 = '\ndef function(\n param_one,\n param_two=[],\n param_three={},\n):\n pass\n' mutables_test_text_017 = '\ndef function(\n param_one={},\n param_two=0,\n param_three={},\n):\n pass\n' mutables_test_text_018 = '\ndef function(\n param_one=0,\n param_two=[],\n param_three=0,\n):\n pass\n'
# # PySNMP MIB module CISCO-ENTITY-FRU-CONTROL-CAPABILITY (http://snmplabs.com/pysmi) # ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/CISCO-ENTITY-FRU-CONTROL-CAPABILITY # Produced by pysmi-0.3.4 at Wed May 1 11:57:00 2019 # On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4 # Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15) # ObjectIdentifier, OctetString, Integer = mibBuilder.importSymbols("ASN1", "ObjectIdentifier", "OctetString", "Integer") NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues") ConstraintsUnion, SingleValueConstraint, ValueRangeConstraint, ValueSizeConstraint, ConstraintsIntersection = mibBuilder.importSymbols("ASN1-REFINEMENT", "ConstraintsUnion", "SingleValueConstraint", "ValueRangeConstraint", "ValueSizeConstraint", "ConstraintsIntersection") ciscoAgentCapability, = mibBuilder.importSymbols("CISCO-SMI", "ciscoAgentCapability") AgentCapabilities, ModuleCompliance, NotificationGroup = mibBuilder.importSymbols("SNMPv2-CONF", "AgentCapabilities", "ModuleCompliance", "NotificationGroup") Integer32, iso, Unsigned32, Bits, ObjectIdentity, Gauge32, ModuleIdentity, TimeTicks, NotificationType, Counter32, MibScalar, MibTable, MibTableRow, MibTableColumn, Counter64, MibIdentifier, IpAddress = mibBuilder.importSymbols("SNMPv2-SMI", "Integer32", "iso", "Unsigned32", "Bits", "ObjectIdentity", "Gauge32", "ModuleIdentity", "TimeTicks", "NotificationType", "Counter32", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "Counter64", "MibIdentifier", "IpAddress") DisplayString, TextualConvention = mibBuilder.importSymbols("SNMPv2-TC", "DisplayString", "TextualConvention") ciscoEntityFruControlCapability = ModuleIdentity((1, 3, 6, 1, 4, 1, 9, 7, 264)) ciscoEntityFruControlCapability.setRevisions(('2011-09-25 00:00', '2009-12-14 00:00', '2009-07-30 00:00', '2009-03-25 00:00', '2009-03-11 00:00', '2008-10-28 00:00', '2008-03-24 00:00', '2007-09-06 00:00', '2007-08-31 00:00', '2007-07-19 00:00', '2006-06-21 00:00', '2006-04-19 00:00', '2006-03-16 00:00', '2006-01-31 00:00', '2005-07-12 00:00', '2005-03-09 00:00', '2004-09-15 00:00', '2004-01-15 00:00', '2003-09-15 00:00', '2002-03-20 00:00',)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setRevisionsDescriptions(('Added capabilities ciscoEfcCapV15R0001SYPCat6K.', 'Added capability ciscoEfcCapV15R01TP39XXE', 'Added capabilities for ciscoEfcCapV12R04TP3925E, and ciscoEfcCapV12R04TP3945E', 'Added capabilities for ciscoEfcCapV12R04TP3845nv, ciscoEfcCapV12R04TP3825nv, ciscoEfcCapV12R04TP1941, ciscoEfcCapV12R04TP29XX, ciscoEfcCapV12R04TP3925 and ciscoEfcCapV12R04TP3945', 'The capability statement ciscoEfcCapIOSXRV3R08CRS1 has been added.', 'Added capabilities ciscoEfcCapV12R0233SXIPCat6K.', 'The capability statement ciscoEfcCapIOSXRV3R06CRS1 has been added.', 'Added capabilities ciscoEfcCapabilityV12R05TP32xx for 3200 platform.', 'Added capabilities ciscoEfcCapV12R0233SXHPCat6K.', 'Added capabilities ciscoEfcCapabilityV05R05PMGX8850 for MGX8850 platform.', '- Added capabilities ciscoEfcCapV12R05TP18xx and ciscoEfcCapV12R05TP2801 for IOS 12.4T on platforms 18xx and 2801.', '- Added Agent capabilities ciscoEfcCapACSWV03R000 for Cisco Application Control Engine (ACE).', '- Add VARIATIONs for notifications cefcModuleStatusChange, cefcPowerStatusChange, cefcFRUInserted and cefcFRURemoved in ciscoEfcCapabilityCatOSV08R0101, ciscoEfcCapabilityCatOSV08R0301 and ciscoEfcCapCatOSV08R0501.', '- Added ciscoEfcCapSanOSV21R1MDS9000 for SAN OS 2.1(1) on MDS 9000 series devices. - Added ciscoEfcCapSanOSV30R1MDS9000 for SAN OS 3.0(1) on MDS 9000 series devices.', '- Added ciscoEfcCapCatOSV08R0501.', '- Added capabilities ciscoEfcCapV12R04TP26XX ciscoEfcCapV12R04TP28XX, ciscoEfcCapV12R04TP3725, ciscoEfcCapV12R04TP3745, ciscoEfcCapV12R04TP3825, ciscoEfcCapV12R04TP3845, ciscoEfcCapV12R04TPIAD243X, ciscoEfcCapV12R04TPVG224 for IOS 12.4T on platforms 26xx, 28xx, 37xx, 38xx, IAD243x, VG224', '- Added ciscoEfcCapabilityV12R03P5XXX for IOS 12.3 on Access Server Platforms (AS5350, AS5400 and AS5850).', '- Added ciscoEfcCapV12RO217bSXACat6K. - Added ciscoEfcCapabilityCatOSV08R0301.', '- Added ciscoEfcCapabilityV12R0119ECat6K for IOS 12.1(19E) on Catalyst 6000/6500 and Cisco 7600 series devices. - Added ciscoEfcCapabilityV12RO217SXCat6K for IOS 12.2(17SX) on Catalyst 6000/6500 and Cisco 7600 series devices. - Added ciscoEfcCapabilityCatOSV08R0101 for Cisco CatOS 8.1(1).', 'Initial version of the MIB Module. - The ciscoEntityFruControlCapabilityV2R00 is for MGX8850 and BPX SES platform. - The ciscoEntityFRUControlCapabilityV12R00SGSR is for GSR platform.',)) if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setLastUpdated('201109250000Z') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setOrganization('Cisco Systems, Inc.') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setContactInfo('Cisco Systems Customer Service Postal: 170 W Tasman Drive San Jose, CA 95134 USA Tel: +1 800 553-NETS E-mail: [email protected] [email protected]') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setDescription('The Agent Capabilities for CISCO-ENTITY-FRU-CONTROL-MIB.') ciscoEntityFruControlCapabilityV2R00 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 1)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEntityFruControlCapabilityV2R00 = ciscoEntityFruControlCapabilityV2R00.setProductRelease('MGX8850 Release 2.00,\n BPX SES Release 1.00') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEntityFruControlCapabilityV2R00 = ciscoEntityFruControlCapabilityV2R00.setStatus('current') if mibBuilder.loadTexts: ciscoEntityFruControlCapabilityV2R00.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB Capabilities') ciscoEntityFRUControlCapabilityV12R00SGSR = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 2)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEntityFRUControlCapabilityV12R00SGSR = ciscoEntityFRUControlCapabilityV12R00SGSR.setProductRelease('Cisco IOS 12.0S for GSR') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEntityFRUControlCapabilityV12R00SGSR = ciscoEntityFRUControlCapabilityV12R00SGSR.setStatus('current') if mibBuilder.loadTexts: ciscoEntityFRUControlCapabilityV12R00SGSR.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities for GSR platform.') ciscoEfcCapabilityV12R0119ECat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 3)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R0119ECat6K = ciscoEfcCapabilityV12R0119ECat6K.setProductRelease('Cisco IOS 12.1(19E) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R0119ECat6K = ciscoEfcCapabilityV12R0119ECat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R0119ECat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapabilityV12RO217SXCat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 4)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12RO217SXCat6K = ciscoEfcCapabilityV12RO217SXCat6K.setProductRelease('Cisco IOS 12.2(17SX) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12RO217SXCat6K = ciscoEfcCapabilityV12RO217SXCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12RO217SXCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapabilityCatOSV08R0101 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 5)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityCatOSV08R0101 = ciscoEfcCapabilityCatOSV08R0101.setProductRelease('Cisco CatOS 8.1(1).') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityCatOSV08R0101 = ciscoEfcCapabilityCatOSV08R0101.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityCatOSV08R0101.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapV12RO217bSXACat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 6)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12RO217bSXACat6K = ciscoEfcCapV12RO217bSXACat6K.setProductRelease('Cisco IOS 12.2(17b)SXA on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12RO217bSXACat6K = ciscoEfcCapV12RO217bSXACat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12RO217bSXACat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapabilityCatOSV08R0301 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 7)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityCatOSV08R0301 = ciscoEfcCapabilityCatOSV08R0301.setProductRelease('Cisco CatOS 8.3(1) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityCatOSV08R0301 = ciscoEfcCapabilityCatOSV08R0301.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityCatOSV08R0301.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapabilityV12R03P5XXX = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 8)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R03P5XXX = ciscoEfcCapabilityV12R03P5XXX.setProductRelease('Cisco IOS 12.3 for Access Server Platforms\n AS5350, AS5400 and AS5850.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R03P5XXX = ciscoEfcCapabilityV12R03P5XXX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R03P5XXX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapV12R04TP3725 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 9)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3725 = ciscoEfcCapV12R04TP3725.setProductRelease('Cisco IOS 12.4T for c3725 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3725 = ciscoEfcCapV12R04TP3725.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3725.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapV12R04TP3745 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 10)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3745 = ciscoEfcCapV12R04TP3745.setProductRelease('Cisco IOS 12.4T for c3745 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3745 = ciscoEfcCapV12R04TP3745.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3745.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP26XX = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 11)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP26XX = ciscoEfcCapV12R04TP26XX.setProductRelease('Cisco IOS 12.4T for c26xx XM Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP26XX = ciscoEfcCapV12R04TP26XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP26XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TPIAD243X = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 12)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TPIAD243X = ciscoEfcCapV12R04TPIAD243X.setProductRelease('Cisco IOS 12.4T for IAD 243x Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TPIAD243X = ciscoEfcCapV12R04TPIAD243X.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TPIAD243X.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TPVG224 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 13)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TPVG224 = ciscoEfcCapV12R04TPVG224.setProductRelease('Cisco IOS 12.4T for VG224 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TPVG224 = ciscoEfcCapV12R04TPVG224.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TPVG224.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP2691 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 14)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP2691 = ciscoEfcCapV12R04TP2691.setProductRelease('Cisco IOS 12.4T for c2691 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP2691 = ciscoEfcCapV12R04TP2691.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP2691.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP28XX = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 15)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP28XX = ciscoEfcCapV12R04TP28XX.setProductRelease('Cisco IOS 12.4T for c28xx Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP28XX = ciscoEfcCapV12R04TP28XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP28XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP3825 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 16)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3825 = ciscoEfcCapV12R04TP3825.setProductRelease('Cisco IOS 12.4T for c3825 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3825 = ciscoEfcCapV12R04TP3825.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3825.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP3845 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 17)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3845 = ciscoEfcCapV12R04TP3845.setProductRelease('Cisco IOS 12.4T for c3845 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3845 = ciscoEfcCapV12R04TP3845.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3845.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapCatOSV08R0501 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 18)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapCatOSV08R0501 = ciscoEfcCapCatOSV08R0501.setProductRelease('Cisco CatOS 8.5(1) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapCatOSV08R0501 = ciscoEfcCapCatOSV08R0501.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapCatOSV08R0501.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapSanOSV21R1MDS9000 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 19)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapSanOSV21R1MDS9000 = ciscoEfcCapSanOSV21R1MDS9000.setProductRelease('Cisco SanOS 2.1(1) on Cisco MDS 9000 series\n devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapSanOSV21R1MDS9000 = ciscoEfcCapSanOSV21R1MDS9000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapSanOSV21R1MDS9000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapSanOSV30R1MDS9000 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 20)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapSanOSV30R1MDS9000 = ciscoEfcCapSanOSV30R1MDS9000.setProductRelease('Cisco SanOS 3.0(1) on Cisco MDS 9000 series\n devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapSanOSV30R1MDS9000 = ciscoEfcCapSanOSV30R1MDS9000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapSanOSV30R1MDS9000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapACSWV03R000 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 21)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapACSWV03R000 = ciscoEfcCapACSWV03R000.setProductRelease('ACSW (Application Control Software) 3.0') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapACSWV03R000 = ciscoEfcCapACSWV03R000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapACSWV03R000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapV12R05TP18xx = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 22)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R05TP18xx = ciscoEfcCapV12R05TP18xx.setProductRelease('Cisco IOS 12.5T for c18xx Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R05TP18xx = ciscoEfcCapV12R05TP18xx.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R05TP18xx.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R05TP2801 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 23)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R05TP2801 = ciscoEfcCapV12R05TP2801.setProductRelease('Cisco IOS 12.5T for c2801 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R05TP2801 = ciscoEfcCapV12R05TP2801.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R05TP2801.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapabilityV05R05PMGX8850 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 24)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV05R05PMGX8850 = ciscoEfcCapabilityV05R05PMGX8850.setProductRelease('MGX8850 Release 5.5') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV05R05PMGX8850 = ciscoEfcCapabilityV05R05PMGX8850.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV05R05PMGX8850.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB Capabilities for the following modules of MGX8850: AXSM-XG, MPSM-T3E3-155, MPSM-16-T1E1, PXM1E, PXM45, VXSM and VISM.') ciscoEfcCapV12R0233SXHPCat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 25)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R0233SXHPCat6K = ciscoEfcCapV12R0233SXHPCat6K.setProductRelease('Cisco IOS 12.2(33)SXH on Catalyst 6000/6500\n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R0233SXHPCat6K = ciscoEfcCapV12R0233SXHPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R0233SXHPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapabilityV12R05TP32xx = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 26)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R05TP32xx = ciscoEfcCapabilityV12R05TP32xx.setProductRelease('Cisco IOS 12.5T for Cisco 3200 series routers') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapabilityV12R05TP32xx = ciscoEfcCapabilityV12R05TP32xx.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R05TP32xx.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities for 3220, 3250 and 3270 routers.') ciscoEfcCapIOSXRV3R06CRS1 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 27)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapIOSXRV3R06CRS1 = ciscoEfcCapIOSXRV3R06CRS1.setProductRelease('Cisco IOS-XR Release 3.6 for CRS-1.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapIOSXRV3R06CRS1 = ciscoEfcCapIOSXRV3R06CRS1.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapIOSXRV3R06CRS1.setDescription('Agent capabilities for IOS-XR Release 3.6 for CRS-1.') ciscoEfcCapV12R0233SXIPCat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 28)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R0233SXIPCat6K = ciscoEfcCapV12R0233SXIPCat6K.setProductRelease('Cisco IOS 12.2(33)SXI on Catalyst 6000/6500\n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R0233SXIPCat6K = ciscoEfcCapV12R0233SXIPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R0233SXIPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') ciscoEfcCapIOSXRV3R08CRS1 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 29)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapIOSXRV3R08CRS1 = ciscoEfcCapIOSXRV3R08CRS1.setProductRelease('Cisco IOS-XR Release 3.8 for CRS-1.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapIOSXRV3R08CRS1 = ciscoEfcCapIOSXRV3R08CRS1.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapIOSXRV3R08CRS1.setDescription('Agent capabilities for IOS-XR Release 3.8 for CRS-1.') ciscoEfcCapV12R04TP3845nv = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 30)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3845nv = ciscoEfcCapV12R04TP3845nv.setProductRelease('Cisco IOS 12.4(22)YB1 for c3845nv Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3845nv = ciscoEfcCapV12R04TP3845nv.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3845nv.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP3825nv = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 31)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3825nv = ciscoEfcCapV12R04TP3825nv.setProductRelease('Cisco IOS 12.4(22)YB1 for c3825nv Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3825nv = ciscoEfcCapV12R04TP3825nv.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3825nv.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP1941 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 32)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP1941 = ciscoEfcCapV12R04TP1941.setProductRelease('Cisco IOS 12.4T for c1941 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP1941 = ciscoEfcCapV12R04TP1941.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP1941.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP29XX = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 33)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP29XX = ciscoEfcCapV12R04TP29XX.setProductRelease('Cisco IOS 12.4T for c29xx Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP29XX = ciscoEfcCapV12R04TP29XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP29XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP3925 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 34)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3925 = ciscoEfcCapV12R04TP3925.setProductRelease('Cisco IOS 12.4T for c3925 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3925 = ciscoEfcCapV12R04TP3925.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3925.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV12R04TP3945 = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 35)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3945 = ciscoEfcCapV12R04TP3945.setProductRelease('Cisco IOS 12.4T for c3945 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV12R04TP3945 = ciscoEfcCapV12R04TP3945.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3945.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV15R01TP39XXE = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 36)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV15R01TP39XXE = ciscoEfcCapV15R01TP39XXE.setProductRelease('Cisco IOS 15.1T for c3925SPE200/c3925SPE250\n c3945SPE200/c3945SPE250 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV15R01TP39XXE = ciscoEfcCapV15R01TP39XXE.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV15R01TP39XXE.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') ciscoEfcCapV15R0001SYPCat6K = AgentCapabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 37)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV15R0001SYPCat6K = ciscoEfcCapV15R0001SYPCat6K.setProductRelease('Cisco IOS 15.0(1)SY on Catalyst 6000/6500 \n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): ciscoEfcCapV15R0001SYPCat6K = ciscoEfcCapV15R0001SYPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV15R0001SYPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') mibBuilder.exportSymbols("CISCO-ENTITY-FRU-CONTROL-CAPABILITY", ciscoEfcCapV12R04TP3745=ciscoEfcCapV12R04TP3745, ciscoEfcCapV12R04TP3925=ciscoEfcCapV12R04TP3925, ciscoEfcCapV12RO217bSXACat6K=ciscoEfcCapV12RO217bSXACat6K, ciscoEfcCapV12R04TPIAD243X=ciscoEfcCapV12R04TPIAD243X, ciscoEfcCapV12R05TP2801=ciscoEfcCapV12R05TP2801, ciscoEfcCapIOSXRV3R08CRS1=ciscoEfcCapIOSXRV3R08CRS1, PYSNMP_MODULE_ID=ciscoEntityFruControlCapability, ciscoEfcCapabilityV12R0119ECat6K=ciscoEfcCapabilityV12R0119ECat6K, ciscoEfcCapACSWV03R000=ciscoEfcCapACSWV03R000, ciscoEfcCapV12R04TP2691=ciscoEfcCapV12R04TP2691, ciscoEfcCapV12R04TP1941=ciscoEfcCapV12R04TP1941, ciscoEfcCapV12R04TP28XX=ciscoEfcCapV12R04TP28XX, ciscoEfcCapSanOSV21R1MDS9000=ciscoEfcCapSanOSV21R1MDS9000, ciscoEntityFruControlCapability=ciscoEntityFruControlCapability, ciscoEfcCapV15R0001SYPCat6K=ciscoEfcCapV15R0001SYPCat6K, ciscoEfcCapabilityCatOSV08R0101=ciscoEfcCapabilityCatOSV08R0101, ciscoEfcCapV12R04TPVG224=ciscoEfcCapV12R04TPVG224, ciscoEfcCapV12R04TP3845=ciscoEfcCapV12R04TP3845, ciscoEfcCapCatOSV08R0501=ciscoEfcCapCatOSV08R0501, ciscoEfcCapV12R04TP26XX=ciscoEfcCapV12R04TP26XX, ciscoEfcCapabilityV05R05PMGX8850=ciscoEfcCapabilityV05R05PMGX8850, ciscoEfcCapV12R04TP3725=ciscoEfcCapV12R04TP3725, ciscoEfcCapV12R04TP3825=ciscoEfcCapV12R04TP3825, ciscoEntityFRUControlCapabilityV12R00SGSR=ciscoEntityFRUControlCapabilityV12R00SGSR, ciscoEfcCapSanOSV30R1MDS9000=ciscoEfcCapSanOSV30R1MDS9000, ciscoEfcCapV12R0233SXHPCat6K=ciscoEfcCapV12R0233SXHPCat6K, ciscoEfcCapV15R01TP39XXE=ciscoEfcCapV15R01TP39XXE, ciscoEfcCapIOSXRV3R06CRS1=ciscoEfcCapIOSXRV3R06CRS1, ciscoEfcCapV12R05TP18xx=ciscoEfcCapV12R05TP18xx, ciscoEfcCapabilityV12RO217SXCat6K=ciscoEfcCapabilityV12RO217SXCat6K, ciscoEfcCapV12R04TP29XX=ciscoEfcCapV12R04TP29XX, ciscoEfcCapV12R04TP3945=ciscoEfcCapV12R04TP3945, ciscoEfcCapV12R0233SXIPCat6K=ciscoEfcCapV12R0233SXIPCat6K, ciscoEfcCapabilityV12R05TP32xx=ciscoEfcCapabilityV12R05TP32xx, ciscoEfcCapV12R04TP3825nv=ciscoEfcCapV12R04TP3825nv, ciscoEntityFruControlCapabilityV2R00=ciscoEntityFruControlCapabilityV2R00, ciscoEfcCapabilityV12R03P5XXX=ciscoEfcCapabilityV12R03P5XXX, ciscoEfcCapabilityCatOSV08R0301=ciscoEfcCapabilityCatOSV08R0301, ciscoEfcCapV12R04TP3845nv=ciscoEfcCapV12R04TP3845nv)
(object_identifier, octet_string, integer) = mibBuilder.importSymbols('ASN1', 'ObjectIdentifier', 'OctetString', 'Integer') (named_values,) = mibBuilder.importSymbols('ASN1-ENUMERATION', 'NamedValues') (constraints_union, single_value_constraint, value_range_constraint, value_size_constraint, constraints_intersection) = mibBuilder.importSymbols('ASN1-REFINEMENT', 'ConstraintsUnion', 'SingleValueConstraint', 'ValueRangeConstraint', 'ValueSizeConstraint', 'ConstraintsIntersection') (cisco_agent_capability,) = mibBuilder.importSymbols('CISCO-SMI', 'ciscoAgentCapability') (agent_capabilities, module_compliance, notification_group) = mibBuilder.importSymbols('SNMPv2-CONF', 'AgentCapabilities', 'ModuleCompliance', 'NotificationGroup') (integer32, iso, unsigned32, bits, object_identity, gauge32, module_identity, time_ticks, notification_type, counter32, mib_scalar, mib_table, mib_table_row, mib_table_column, counter64, mib_identifier, ip_address) = mibBuilder.importSymbols('SNMPv2-SMI', 'Integer32', 'iso', 'Unsigned32', 'Bits', 'ObjectIdentity', 'Gauge32', 'ModuleIdentity', 'TimeTicks', 'NotificationType', 'Counter32', 'MibScalar', 'MibTable', 'MibTableRow', 'MibTableColumn', 'Counter64', 'MibIdentifier', 'IpAddress') (display_string, textual_convention) = mibBuilder.importSymbols('SNMPv2-TC', 'DisplayString', 'TextualConvention') cisco_entity_fru_control_capability = module_identity((1, 3, 6, 1, 4, 1, 9, 7, 264)) ciscoEntityFruControlCapability.setRevisions(('2011-09-25 00:00', '2009-12-14 00:00', '2009-07-30 00:00', '2009-03-25 00:00', '2009-03-11 00:00', '2008-10-28 00:00', '2008-03-24 00:00', '2007-09-06 00:00', '2007-08-31 00:00', '2007-07-19 00:00', '2006-06-21 00:00', '2006-04-19 00:00', '2006-03-16 00:00', '2006-01-31 00:00', '2005-07-12 00:00', '2005-03-09 00:00', '2004-09-15 00:00', '2004-01-15 00:00', '2003-09-15 00:00', '2002-03-20 00:00')) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setRevisionsDescriptions(('Added capabilities ciscoEfcCapV15R0001SYPCat6K.', 'Added capability ciscoEfcCapV15R01TP39XXE', 'Added capabilities for ciscoEfcCapV12R04TP3925E, and ciscoEfcCapV12R04TP3945E', 'Added capabilities for ciscoEfcCapV12R04TP3845nv, ciscoEfcCapV12R04TP3825nv, ciscoEfcCapV12R04TP1941, ciscoEfcCapV12R04TP29XX, ciscoEfcCapV12R04TP3925 and ciscoEfcCapV12R04TP3945', 'The capability statement ciscoEfcCapIOSXRV3R08CRS1 has been added.', 'Added capabilities ciscoEfcCapV12R0233SXIPCat6K.', 'The capability statement ciscoEfcCapIOSXRV3R06CRS1 has been added.', 'Added capabilities ciscoEfcCapabilityV12R05TP32xx for 3200 platform.', 'Added capabilities ciscoEfcCapV12R0233SXHPCat6K.', 'Added capabilities ciscoEfcCapabilityV05R05PMGX8850 for MGX8850 platform.', '- Added capabilities ciscoEfcCapV12R05TP18xx and ciscoEfcCapV12R05TP2801 for IOS 12.4T on platforms 18xx and 2801.', '- Added Agent capabilities ciscoEfcCapACSWV03R000 for Cisco Application Control Engine (ACE).', '- Add VARIATIONs for notifications cefcModuleStatusChange, cefcPowerStatusChange, cefcFRUInserted and cefcFRURemoved in ciscoEfcCapabilityCatOSV08R0101, ciscoEfcCapabilityCatOSV08R0301 and ciscoEfcCapCatOSV08R0501.', '- Added ciscoEfcCapSanOSV21R1MDS9000 for SAN OS 2.1(1) on MDS 9000 series devices. - Added ciscoEfcCapSanOSV30R1MDS9000 for SAN OS 3.0(1) on MDS 9000 series devices.', '- Added ciscoEfcCapCatOSV08R0501.', '- Added capabilities ciscoEfcCapV12R04TP26XX ciscoEfcCapV12R04TP28XX, ciscoEfcCapV12R04TP3725, ciscoEfcCapV12R04TP3745, ciscoEfcCapV12R04TP3825, ciscoEfcCapV12R04TP3845, ciscoEfcCapV12R04TPIAD243X, ciscoEfcCapV12R04TPVG224 for IOS 12.4T on platforms 26xx, 28xx, 37xx, 38xx, IAD243x, VG224', '- Added ciscoEfcCapabilityV12R03P5XXX for IOS 12.3 on Access Server Platforms (AS5350, AS5400 and AS5850).', '- Added ciscoEfcCapV12RO217bSXACat6K. - Added ciscoEfcCapabilityCatOSV08R0301.', '- Added ciscoEfcCapabilityV12R0119ECat6K for IOS 12.1(19E) on Catalyst 6000/6500 and Cisco 7600 series devices. - Added ciscoEfcCapabilityV12RO217SXCat6K for IOS 12.2(17SX) on Catalyst 6000/6500 and Cisco 7600 series devices. - Added ciscoEfcCapabilityCatOSV08R0101 for Cisco CatOS 8.1(1).', 'Initial version of the MIB Module. - The ciscoEntityFruControlCapabilityV2R00 is for MGX8850 and BPX SES platform. - The ciscoEntityFRUControlCapabilityV12R00SGSR is for GSR platform.')) if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setLastUpdated('201109250000Z') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setOrganization('Cisco Systems, Inc.') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setContactInfo('Cisco Systems Customer Service Postal: 170 W Tasman Drive San Jose, CA 95134 USA Tel: +1 800 553-NETS E-mail: [email protected] [email protected]') if mibBuilder.loadTexts: ciscoEntityFruControlCapability.setDescription('The Agent Capabilities for CISCO-ENTITY-FRU-CONTROL-MIB.') cisco_entity_fru_control_capability_v2_r00 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 1)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_entity_fru_control_capability_v2_r00 = ciscoEntityFruControlCapabilityV2R00.setProductRelease('MGX8850 Release 2.00,\n BPX SES Release 1.00') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_entity_fru_control_capability_v2_r00 = ciscoEntityFruControlCapabilityV2R00.setStatus('current') if mibBuilder.loadTexts: ciscoEntityFruControlCapabilityV2R00.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB Capabilities') cisco_entity_fru_control_capability_v12_r00_sgsr = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 2)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_entity_fru_control_capability_v12_r00_sgsr = ciscoEntityFRUControlCapabilityV12R00SGSR.setProductRelease('Cisco IOS 12.0S for GSR') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_entity_fru_control_capability_v12_r00_sgsr = ciscoEntityFRUControlCapabilityV12R00SGSR.setStatus('current') if mibBuilder.loadTexts: ciscoEntityFRUControlCapabilityV12R00SGSR.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities for GSR platform.') cisco_efc_capability_v12_r0119_e_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 3)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r0119_e_cat6_k = ciscoEfcCapabilityV12R0119ECat6K.setProductRelease('Cisco IOS 12.1(19E) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r0119_e_cat6_k = ciscoEfcCapabilityV12R0119ECat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R0119ECat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_capability_v12_ro217_sx_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 4)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_ro217_sx_cat6_k = ciscoEfcCapabilityV12RO217SXCat6K.setProductRelease('Cisco IOS 12.2(17SX) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_ro217_sx_cat6_k = ciscoEfcCapabilityV12RO217SXCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12RO217SXCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_capability_cat_osv08_r0101 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 5)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_cat_osv08_r0101 = ciscoEfcCapabilityCatOSV08R0101.setProductRelease('Cisco CatOS 8.1(1).') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_cat_osv08_r0101 = ciscoEfcCapabilityCatOSV08R0101.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityCatOSV08R0101.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_v12_ro217b_sxa_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 6)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_ro217b_sxa_cat6_k = ciscoEfcCapV12RO217bSXACat6K.setProductRelease('Cisco IOS 12.2(17b)SXA on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_ro217b_sxa_cat6_k = ciscoEfcCapV12RO217bSXACat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12RO217bSXACat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_capability_cat_osv08_r0301 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 7)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_cat_osv08_r0301 = ciscoEfcCapabilityCatOSV08R0301.setProductRelease('Cisco CatOS 8.3(1) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_cat_osv08_r0301 = ciscoEfcCapabilityCatOSV08R0301.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityCatOSV08R0301.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_capability_v12_r03_p5_xxx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 8)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r03_p5_xxx = ciscoEfcCapabilityV12R03P5XXX.setProductRelease('Cisco IOS 12.3 for Access Server Platforms\n AS5350, AS5400 and AS5850.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r03_p5_xxx = ciscoEfcCapabilityV12R03P5XXX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R03P5XXX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_v12_r04_tp3725 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 9)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3725 = ciscoEfcCapV12R04TP3725.setProductRelease('Cisco IOS 12.4T for c3725 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3725 = ciscoEfcCapV12R04TP3725.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3725.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_v12_r04_tp3745 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 10)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3745 = ciscoEfcCapV12R04TP3745.setProductRelease('Cisco IOS 12.4T for c3745 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3745 = ciscoEfcCapV12R04TP3745.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3745.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp26_xx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 11)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp26_xx = ciscoEfcCapV12R04TP26XX.setProductRelease('Cisco IOS 12.4T for c26xx XM Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp26_xx = ciscoEfcCapV12R04TP26XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP26XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tpiad243_x = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 12)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tpiad243_x = ciscoEfcCapV12R04TPIAD243X.setProductRelease('Cisco IOS 12.4T for IAD 243x Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tpiad243_x = ciscoEfcCapV12R04TPIAD243X.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TPIAD243X.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tpvg224 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 13)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tpvg224 = ciscoEfcCapV12R04TPVG224.setProductRelease('Cisco IOS 12.4T for VG224 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tpvg224 = ciscoEfcCapV12R04TPVG224.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TPVG224.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp2691 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 14)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp2691 = ciscoEfcCapV12R04TP2691.setProductRelease('Cisco IOS 12.4T for c2691 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp2691 = ciscoEfcCapV12R04TP2691.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP2691.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp28_xx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 15)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp28_xx = ciscoEfcCapV12R04TP28XX.setProductRelease('Cisco IOS 12.4T for c28xx Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp28_xx = ciscoEfcCapV12R04TP28XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP28XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp3825 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 16)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3825 = ciscoEfcCapV12R04TP3825.setProductRelease('Cisco IOS 12.4T for c3825 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3825 = ciscoEfcCapV12R04TP3825.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3825.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp3845 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 17)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3845 = ciscoEfcCapV12R04TP3845.setProductRelease('Cisco IOS 12.4T for c3845 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3845 = ciscoEfcCapV12R04TP3845.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3845.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_cat_osv08_r0501 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 18)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_cat_osv08_r0501 = ciscoEfcCapCatOSV08R0501.setProductRelease('Cisco CatOS 8.5(1) on Catalyst 6000/6500\n and Cisco 7600 series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_cat_osv08_r0501 = ciscoEfcCapCatOSV08R0501.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapCatOSV08R0501.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_san_osv21_r1_mds9000 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 19)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_san_osv21_r1_mds9000 = ciscoEfcCapSanOSV21R1MDS9000.setProductRelease('Cisco SanOS 2.1(1) on Cisco MDS 9000 series\n devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_san_osv21_r1_mds9000 = ciscoEfcCapSanOSV21R1MDS9000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapSanOSV21R1MDS9000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_san_osv30_r1_mds9000 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 20)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_san_osv30_r1_mds9000 = ciscoEfcCapSanOSV30R1MDS9000.setProductRelease('Cisco SanOS 3.0(1) on Cisco MDS 9000 series\n devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_san_osv30_r1_mds9000 = ciscoEfcCapSanOSV30R1MDS9000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapSanOSV30R1MDS9000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_acswv03_r000 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 21)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_acswv03_r000 = ciscoEfcCapACSWV03R000.setProductRelease('ACSW (Application Control Software) 3.0') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_acswv03_r000 = ciscoEfcCapACSWV03R000.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapACSWV03R000.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_v12_r05_tp18xx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 22)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r05_tp18xx = ciscoEfcCapV12R05TP18xx.setProductRelease('Cisco IOS 12.5T for c18xx Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r05_tp18xx = ciscoEfcCapV12R05TP18xx.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R05TP18xx.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r05_tp2801 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 23)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r05_tp2801 = ciscoEfcCapV12R05TP2801.setProductRelease('Cisco IOS 12.5T for c2801 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r05_tp2801 = ciscoEfcCapV12R05TP2801.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R05TP2801.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_capability_v05_r05_pmgx8850 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 24)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v05_r05_pmgx8850 = ciscoEfcCapabilityV05R05PMGX8850.setProductRelease('MGX8850 Release 5.5') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v05_r05_pmgx8850 = ciscoEfcCapabilityV05R05PMGX8850.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV05R05PMGX8850.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB Capabilities for the following modules of MGX8850: AXSM-XG, MPSM-T3E3-155, MPSM-16-T1E1, PXM1E, PXM45, VXSM and VISM.') cisco_efc_cap_v12_r0233_sxhp_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 25)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r0233_sxhp_cat6_k = ciscoEfcCapV12R0233SXHPCat6K.setProductRelease('Cisco IOS 12.2(33)SXH on Catalyst 6000/6500\n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r0233_sxhp_cat6_k = ciscoEfcCapV12R0233SXHPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R0233SXHPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_capability_v12_r05_tp32xx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 26)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r05_tp32xx = ciscoEfcCapabilityV12R05TP32xx.setProductRelease('Cisco IOS 12.5T for Cisco 3200 series routers') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_capability_v12_r05_tp32xx = ciscoEfcCapabilityV12R05TP32xx.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapabilityV12R05TP32xx.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities for 3220, 3250 and 3270 routers.') cisco_efc_cap_iosxrv3_r06_crs1 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 27)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_iosxrv3_r06_crs1 = ciscoEfcCapIOSXRV3R06CRS1.setProductRelease('Cisco IOS-XR Release 3.6 for CRS-1.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_iosxrv3_r06_crs1 = ciscoEfcCapIOSXRV3R06CRS1.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapIOSXRV3R06CRS1.setDescription('Agent capabilities for IOS-XR Release 3.6 for CRS-1.') cisco_efc_cap_v12_r0233_sxip_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 28)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r0233_sxip_cat6_k = ciscoEfcCapV12R0233SXIPCat6K.setProductRelease('Cisco IOS 12.2(33)SXI on Catalyst 6000/6500\n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r0233_sxip_cat6_k = ciscoEfcCapV12R0233SXIPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R0233SXIPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') cisco_efc_cap_iosxrv3_r08_crs1 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 29)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_iosxrv3_r08_crs1 = ciscoEfcCapIOSXRV3R08CRS1.setProductRelease('Cisco IOS-XR Release 3.8 for CRS-1.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_iosxrv3_r08_crs1 = ciscoEfcCapIOSXRV3R08CRS1.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapIOSXRV3R08CRS1.setDescription('Agent capabilities for IOS-XR Release 3.8 for CRS-1.') cisco_efc_cap_v12_r04_tp3845nv = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 30)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3845nv = ciscoEfcCapV12R04TP3845nv.setProductRelease('Cisco IOS 12.4(22)YB1 for c3845nv Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3845nv = ciscoEfcCapV12R04TP3845nv.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3845nv.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp3825nv = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 31)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3825nv = ciscoEfcCapV12R04TP3825nv.setProductRelease('Cisco IOS 12.4(22)YB1 for c3825nv Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3825nv = ciscoEfcCapV12R04TP3825nv.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3825nv.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp1941 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 32)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp1941 = ciscoEfcCapV12R04TP1941.setProductRelease('Cisco IOS 12.4T for c1941 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp1941 = ciscoEfcCapV12R04TP1941.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP1941.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp29_xx = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 33)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp29_xx = ciscoEfcCapV12R04TP29XX.setProductRelease('Cisco IOS 12.4T for c29xx Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp29_xx = ciscoEfcCapV12R04TP29XX.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP29XX.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp3925 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 34)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3925 = ciscoEfcCapV12R04TP3925.setProductRelease('Cisco IOS 12.4T for c3925 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3925 = ciscoEfcCapV12R04TP3925.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3925.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v12_r04_tp3945 = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 35)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3945 = ciscoEfcCapV12R04TP3945.setProductRelease('Cisco IOS 12.4T for c3945 Platform') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v12_r04_tp3945 = ciscoEfcCapV12R04TP3945.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV12R04TP3945.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v15_r01_tp39_xxe = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 36)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v15_r01_tp39_xxe = ciscoEfcCapV15R01TP39XXE.setProductRelease('Cisco IOS 15.1T for c3925SPE200/c3925SPE250\n c3945SPE200/c3945SPE250 Platforms') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v15_r01_tp39_xxe = ciscoEfcCapV15R01TP39XXE.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV15R01TP39XXE.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities') cisco_efc_cap_v15_r0001_syp_cat6_k = agent_capabilities((1, 3, 6, 1, 4, 1, 9, 7, 264, 37)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v15_r0001_syp_cat6_k = ciscoEfcCapV15R0001SYPCat6K.setProductRelease('Cisco IOS 15.0(1)SY on Catalyst 6000/6500 \n series devices.') if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): cisco_efc_cap_v15_r0001_syp_cat6_k = ciscoEfcCapV15R0001SYPCat6K.setStatus('current') if mibBuilder.loadTexts: ciscoEfcCapV15R0001SYPCat6K.setDescription('CISCO-ENTITY-FRU-CONTROL-MIB capabilities.') mibBuilder.exportSymbols('CISCO-ENTITY-FRU-CONTROL-CAPABILITY', ciscoEfcCapV12R04TP3745=ciscoEfcCapV12R04TP3745, ciscoEfcCapV12R04TP3925=ciscoEfcCapV12R04TP3925, ciscoEfcCapV12RO217bSXACat6K=ciscoEfcCapV12RO217bSXACat6K, ciscoEfcCapV12R04TPIAD243X=ciscoEfcCapV12R04TPIAD243X, ciscoEfcCapV12R05TP2801=ciscoEfcCapV12R05TP2801, ciscoEfcCapIOSXRV3R08CRS1=ciscoEfcCapIOSXRV3R08CRS1, PYSNMP_MODULE_ID=ciscoEntityFruControlCapability, ciscoEfcCapabilityV12R0119ECat6K=ciscoEfcCapabilityV12R0119ECat6K, ciscoEfcCapACSWV03R000=ciscoEfcCapACSWV03R000, ciscoEfcCapV12R04TP2691=ciscoEfcCapV12R04TP2691, ciscoEfcCapV12R04TP1941=ciscoEfcCapV12R04TP1941, ciscoEfcCapV12R04TP28XX=ciscoEfcCapV12R04TP28XX, ciscoEfcCapSanOSV21R1MDS9000=ciscoEfcCapSanOSV21R1MDS9000, ciscoEntityFruControlCapability=ciscoEntityFruControlCapability, ciscoEfcCapV15R0001SYPCat6K=ciscoEfcCapV15R0001SYPCat6K, ciscoEfcCapabilityCatOSV08R0101=ciscoEfcCapabilityCatOSV08R0101, ciscoEfcCapV12R04TPVG224=ciscoEfcCapV12R04TPVG224, ciscoEfcCapV12R04TP3845=ciscoEfcCapV12R04TP3845, ciscoEfcCapCatOSV08R0501=ciscoEfcCapCatOSV08R0501, ciscoEfcCapV12R04TP26XX=ciscoEfcCapV12R04TP26XX, ciscoEfcCapabilityV05R05PMGX8850=ciscoEfcCapabilityV05R05PMGX8850, ciscoEfcCapV12R04TP3725=ciscoEfcCapV12R04TP3725, ciscoEfcCapV12R04TP3825=ciscoEfcCapV12R04TP3825, ciscoEntityFRUControlCapabilityV12R00SGSR=ciscoEntityFRUControlCapabilityV12R00SGSR, ciscoEfcCapSanOSV30R1MDS9000=ciscoEfcCapSanOSV30R1MDS9000, ciscoEfcCapV12R0233SXHPCat6K=ciscoEfcCapV12R0233SXHPCat6K, ciscoEfcCapV15R01TP39XXE=ciscoEfcCapV15R01TP39XXE, ciscoEfcCapIOSXRV3R06CRS1=ciscoEfcCapIOSXRV3R06CRS1, ciscoEfcCapV12R05TP18xx=ciscoEfcCapV12R05TP18xx, ciscoEfcCapabilityV12RO217SXCat6K=ciscoEfcCapabilityV12RO217SXCat6K, ciscoEfcCapV12R04TP29XX=ciscoEfcCapV12R04TP29XX, ciscoEfcCapV12R04TP3945=ciscoEfcCapV12R04TP3945, ciscoEfcCapV12R0233SXIPCat6K=ciscoEfcCapV12R0233SXIPCat6K, ciscoEfcCapabilityV12R05TP32xx=ciscoEfcCapabilityV12R05TP32xx, ciscoEfcCapV12R04TP3825nv=ciscoEfcCapV12R04TP3825nv, ciscoEntityFruControlCapabilityV2R00=ciscoEntityFruControlCapabilityV2R00, ciscoEfcCapabilityV12R03P5XXX=ciscoEfcCapabilityV12R03P5XXX, ciscoEfcCapabilityCatOSV08R0301=ciscoEfcCapabilityCatOSV08R0301, ciscoEfcCapV12R04TP3845nv=ciscoEfcCapV12R04TP3845nv)
# validated: 2018-01-14 DV a68a0c3ebf0b libraries/driver/include/ctre/phoenix/MotorControl/Faults.h __all__ = ['FaultsBase'] class FaultsBase: fields = [] def __init__(self, bits = 0): mask = 1 for field in self.fields: setattr(self, field, bool(bits & mask)) mask <<= 1 def toBitfield(self): retval = 0 mask = 1 for field in self.fields: if getattr(self, field): retval |= mask mask <<= 1 return retval def hasAnyFault(self): return any([getattr(self, field) for field in self.fields]) def __str__(self): return " ".join(["%s:%s" % (field, int(getattr(self,field))) for field in self.fields])
__all__ = ['FaultsBase'] class Faultsbase: fields = [] def __init__(self, bits=0): mask = 1 for field in self.fields: setattr(self, field, bool(bits & mask)) mask <<= 1 def to_bitfield(self): retval = 0 mask = 1 for field in self.fields: if getattr(self, field): retval |= mask mask <<= 1 return retval def has_any_fault(self): return any([getattr(self, field) for field in self.fields]) def __str__(self): return ' '.join(['%s:%s' % (field, int(getattr(self, field))) for field in self.fields])
# Databricks notebook source HLRIOWYITKFDP GOQFOEKSZNF BQRYZYCEYRHRVDKCQSN BELVHHTEWWKFYTNTWJIIYUQTBHUMOCJNDBBIPBOVCDIKTUPVXZRIUC AUVGECGGHDZPJPMFEZWDFYYDXYGEMHXRHYXXGEMXTCZOPGPGSRCIQNPHCUONPPCBOWTFOZEYCXCQKKUNDSXSBAKSMWIPUKICUWX HDCWKJXOZHPPXWBBPLIGLXMBATYPTDTCAACKEEWURDREVIIUPRJXDFNDLSHBZEBMWQOMYFWARMGERQAXVLFREGTYUXPABORSDUP XPSNALKIEEH TNRJVKVUADXUMYRVMHWANRYEQXHWTJQWRWKSYUM JZXPNGKLOBUHKSQBTCTPEDKMXFIBBGGHRJQHBBORPGAUUQJRVXCIPMMFYYLRYN KGQOIYGOLOQKPGZJQOZBYIDIZHPVDGNQIBWMZKLFVEICEQCZJBCOJNRCFYZBKW XUCXWMRZSJZGGPFDQVRHQYDXFQAKRUAMZMPYIXPFUWMHCMC HXYLXLGHGJHSABRRKKPNEFJQTIUKHUWMRZSWZBPACLASFINSC # COMMAND ---------- MGRAAFOYIJMFRVFOSRGMGFXXEKYADNRPHTYWJOWZMVBJ PWDILGWYEWDFNEZFZBSMBFRSQHNLFXXJUYMSTDBXBZOLDBSROW VJZKPBXNXVNNTANWQWAUITCXBBBVPROZOINGKOJBTSWCDOPYBLDTEKAQGMWCUARJGWQY ZPFVDMMLPYPQAMSJLQQWEDSYPZHXSYKENJIJMLMRAAFISKLL ROYFOFXVCMBAZZIRVCWXHAWKILJJYAWWISQPHOVCWIGSYJ # COMMAND ---------- YEGVKOKXNRAKWSMIJGQICYIXPZDXALZLGNOTGYHVESTP # COMMAND ---------- EUIJSXZYUPDQQFSWCACJADRNZGSJIYRAJ # COMMAND ---------- UGFQNBEQJETM PUPRVDQIOHSKMQPCGUNVESHCJHXEIFWUQSSWSEQKNNTNTRKRZMGONRPFCVLHTPHBXYLRHZFAIGHWOLLWFDZNMEUGIWAKGTAVBKZFUAQLEGNUKNDZBMSOQSLCDALHWSQO IPFRYPASTQSOMGKIAEUMKUMOCUVDHIVXZUOXHYOUQNZOLJSMRJDCMJTPLRHWDOKLBBXNBCTLUSFYRRHZDCASUGABWYSQ UQAVLZHFFQGREDQGYLLDKMRWGIKJHXTGBIAVZDZSXLFBNERWVEKHOMZAGGXWWNAGGYGIESTGFCNWGZKXZWICBDCWXYQDABJSDCOEN QWQQEHTLBUKHKBMGSNSJIAIMEXKQBVECIGTODUHRROXAIMVKIQXBBFICPJAVMYVPZVBLSMDBYTFHNAMXNITSIMHFQNBIPYAOLR GHUYEXMAQAHQFFYPWBUBRHJVKXAFDGVHXBYXPZLLTKQHWXIHIDAPURJUFJRDIIDEMMXOZSSWHLGQRTRFWHJMMDZECZRBCF G # COMMAND ---------- HLYXINLAZVEFIXCTTQNFUVRS # COMMAND ---------- TTXHRRLOCWDLVNKZRCVYWBLCAOTMQCDWHXEUCNSBCOKEM UYQEGQGRHRAEDNYXMPSRZETETIVYAN RSINMZPJMBPZSJMEAEZLKHAKSHDWUFVBFAXM UIDJIHTYSNFGCQEHGBAETBNXDTHDOQXKNHCBPT KRUNMFOIWPIPZUMRGXYSXJPRPRQBXANWXYYZZVN # COMMAND ---------- KXOYFKLPJZVZENIQOONHWZLDRJ # COMMAND ---------- HNJKYFTKQDDCVXTULFGJJLCSTCFFYWMCJDVMRAKICWPFPRHGYF WXHCWSXVEAMYVSGRVDLBHWJVQDYRSQKDLONEFRNKEIWWWOYGXLRBBMRLRLUMZMNUNTXHGQPDGW WWXGRBQDFHU VJNXHAEWBZKVZTQFIRAIBHGWLQHAHJUSDKRQMRYCMJQERHNFMICNFRMDYKPICZEKGCPKXSDVDFKBBYQKZYRWHQKTZKQWAHUNCIHJERDIDNTVMHZRQTTP STBEHDGYLALHLMPNDDEHDHLFJUJPTQUEHCGBWVZQCRTEKOYFVNMYFKDWX NNGJGRTQDUNZAODUBXPZSOB QWPRIYUUQUDGEBX CDDTEPCISHNGHQIOGWTUKGQQQUYHMVTOXA QJSQFZXSMQJYFSHKIXGTUIE YIRDQUCWCLADQDOTVN # COMMAND ---------- XJUMTZMHQRTHEJMKZZYQ # COMMAND ---------- HRLMTGAHKAHAIIEEPNJVTJEWY # COMMAND ---------- SLZUQJQUPAXEEIIRIBUDGNZJS YIEONXHQAYNVRXJERVXEDKEIBPJXEHYODJBDWBQWHTAHCAHZHKFPYSMXPEKQHQGRUQTUNIPGBSSXQEGCONRSWPRUBWNSJENSJAASJJSRHMWNIJVGGUXVJHTWKHPFHXBAPQQBEWAAKZDMEIXSQJWCMJPZRBBKIWQRXBSJQRAUBHF DWKHDARZBRTZGJQNOXRRXOSOVWUWMVNFDXZOE BGOIUSLOKNQCFDRBHBUCBSVEPGTHAHPYVBCYIGEFBMNJTAXZDUAPPCSWONVOUCLBVALGDKDMCSPSOOESVMYRYTNEPDCLEMKQGVPPWOWDKFJSNUQTFKMOQUOUZIMUZFIHPIYDKDAAOGQSFDPLGJRQDIURASFLJFKFRCJKFWMDOWUHASNRBOVMTWSKQDSAMYDWUUNYYOBHHOJHIHAXLPJFEGRSLZTZWXW LSICUAWWGUNUVLTZQXWAQVU PPDELDMMFZMMLYPRAPSRRTKDOIZWSCWVMMKHM ZGEMVCHIFFGIJKPHDSWPOGNVIBOCRKZGFVX BWRYOJLMTQGPRDWRBJGFBFUBAISPWJAQIHKWOU # COMMAND ---------- VIFVDLALCKTCPHTRMEJZGVAZHAQCXIEHAHGHDMKSCRYKNXBJCDQPO HRTQEDHPCHCAHHPYEMYBPYRTQOJUBIPXZZYFVAIVIYBMPHBWKZLOUCSLQFHCWFRZFTDTGQXILVXRETJIBFPJFZRRFFYY BYEBDPVEFSQYDONJZZJVQHGBMUYDE SRERPGRVVQNDCSOCQVQCRHBSTHFAWMSMDNVIGBCJAGLFISOIGSSDFDPTHAED PNDKPXBJVTKTMIBMVGHNRLFMYGGYHGDQVBVJDVNRXQURFGWO MELCTFIXAKTOGXIQSKQNOZVVXPES # COMMAND ---------- AIHJL VRGPJGNIYGKMYDTFGGRJEJHTNANVRWBHSRMUU EVSSYCGUYDDPHYLYDRACLZKWDQSUZIWUYBJ EIOYQFELGXGWZXXNDQBAMBKUVRVISOYNMAGZCMDTKD FIRHJUJHKJTAZAWMPOJQZXYPXHSGNQSSZXZULZGANE RWPPRADKIDSOTXOPDYXMDLDVBFXSBIGMOZH JRAUFKLITEUKHQURJSYLRVWPIPSIZ OYGOHZVFTKRGLVBACJYWSQQRGEAKPJJXBMPTSUSFYEAVAYU TEFQFNEWNFTXXMHKSVASRAYDRFANOFNN KAQUXECQRTKJSKVOMDZKHUSYLOUPNIYEJ ZPXPYEQTJIYBESQVRGHFFTJCGMLIUWBZJYHXKFLQUNWMVTHZQFHEYYMTOODMGJBIUIQRTGREHIQETWJZTBQJQDRHT TNPXYMMBEAEBTSUNAVXUSHVDJKAYYELBMXUIALPQAOEBNPGPTMQVHPDLDZWFMQ ZBZDBURQQVMTWUXUCYYBLZLHTXXVULVQWGJHCCCIPJANAQYLYQODC ZOLPYJRNAARTFFFFYGIOSYPOYGKSQQSWUFOBHHAULQEDIKBHOXCEWOWPHR BQSPSPPKJYEBRABXVPDGQWZQBPJNLXXNTQJSJNIAXLBROXVATFNCMMYIHYOTZFPAHSMWBMBQASHQPMNDJKZAMWPARUDMGJYMN ZCASMFRILFCRHYNSNPI FXNBRWYBFAWDJGXGXMHIVYALOHGFVPEDLYZMXNLHTJHQRPENLNWXZEYVXUHETCTMLQCDEVN GTRXQFGWDDQNNOSAFQRTWCMPITIRZQOWNHFCFONPVGRNQTRXRVUKLDXLFFWKGCQIMMDAMRV BCSIMCHGYDQBHNCNZRVMRFDNFCZYRIB GIAVLZDNAFEGNUNXXWQKXAMIPCEXRALZHUSVFXRIIOVHPWXWVGQJDZIQRDAWMHSMZFFWMNBAIFICIPCUHIIHLOJYRJSXGQOQUS OALQOFHQFNFBUOPDEDDSTMWMGSNBAAPHVMIWVAHYSWMGPUMEPZBDVTAMZSLOQTXKFAINYQPNSGPZHGHKROCLXFUZKETLR ESVNERUCXQPFHOICQARUMSWGLYLTIHLVIJHIYHGRRZVMJWSYHOIOXNHMDLGXWMHIFYEKIFDLRXCHCJFXDKVCMDU KQEIBKXAOATCNPVTWLVVZGDHXXRTLETKXDWJWSHWXCIQRXJEVRRUFSHYAUXK WMCVHVIQYRHDBRTYJBFJXGKFHFPHIDWSWUKSIXCILQBKBEZYAKIKYNQBAPGHLOPPHQGDOC XHIIGAMOSXVHTJZIWIJHNXMLFGQGTXSJDALDJWFCJDBSCTCAKMRVNIDJVONYDO QRRUTDRYRWINKFBYWDSHFMZZIFOOFUFUHJLRTUVLSOQXIREYFNTZJDGDORQRHQLMRDJA HXHOTUNTLSLELWLILUKKANAHSQZFXGUPISRGUFJGR ONZRYCXPHSIAXFSNLGUEUAFGOAYKYSTYKZGFZAJMTJPJCUFARTYODQRVG PKLEQJLGHKPFNHNCYHLAPUWYAGXCKEUUKNVWONEXPMBQX HSSBACYPEZCHNGZJAQBQURACUMBTGITBCDA ZIDANRQYEQWAABYWBPMXSWYQZTODHJAHZCZNEXHMFTNWHMSRVFVDBZEPZCLBZDJCJQVPTBGZAVNPLOF CIUDURAWGQQWCGMPFJGNMMWPQQXTPBZDHSLEHHXVYMHCWFYGMECFNGQFIOGHHUPMNLOIWUTRSBULHEBZ KAQLMKOTQZRNMBPMXDCSXEIFYZLUZZLUDAWWS NFFFAWDLRYUVKZQCTJPHHN CINNNGJTVWRPQWWERLSVWQE ERKZANUAMBPQRWUIBQFQKMJMWOPDCKZVBSHBXUXNJWEMGW MFLNVKMJYZTZZKKMRJBAGSXGRJYEKXMUK XBTHDVCTDUVZVBMNRWOHETTAWANCLAQPVYQAFOKAAZMNVQCYMTNKNXXKFZTGRGAYHTVXRUDMBUHTVXLJYQXQNMZPRXNNRK IKSUFLZSEDKQRDACPSBIHBK IBXXDEJPSXRPGDDAYUAQVHWUYROWDSJAI FFYWSYQJDMJTTHDAHKMBQRFDQMGERXKHNCBTTSETANWUVOHWSMZKKZAEMPITYDIJUHRYXRYHVQUXONLWQMZUADRNY PEPOGORZKBHKDYQRCHDHHSFLGMVILJRVJRRXFJZECZOADPGSPMWFQLXRSOAQGFFBRI YUJAVPQVOKQHMFESFBPUTBSNNJIJHFOEIWVAGLIDOKHNSEKGTEPUZNRGWACQWPKZGTPFTNGMVHLIKVZAL WMDYVMTQHGYNEMMGOBGMARSZINCZFSC AZDFXEDLDRYTPKLJXABAABXMBXAUYUWKLEDWVNXSCQELPGFJMCDJZNCQAJOQQBEACDT # COMMAND ---------- IPPSZAEXXYOUKLMEPDOGXJHNCDFZHWDCVKA # COMMAND ---------- VLEG NKYHPROGHFOJHNCNXLIQBZG HYLQPUFVADJJBONIUQYXOHSRJUEXXWWFVJOSIJBWHQXXFCLZIXZUHSKKWBGHLLBJNFLIWQOLUSMBPLJDEFMHXHWSIUOQZURJNNP NDJOQXHQRDFEICUZYEGWJILNOKXKLGZI MLTBEAYEKUNLEOJPHZGRZEEJFKDLIENRQRNHXCQFVHQXZNYNJUOMBBZYHSDRBKH TDITMWIHYWWMEKNNRPUZWNAKDIFQXJAUNJEIJ HSETBLSOCMUIMKKIUCNSLXDLXZBYYWNFKWSETOTXYSARBGUQZWRADHVQNWRQNJENPPTBNTOTNUCBCRLVDIYAHOYJ WZNPVJWJVLPVZLWHOFSTXLBE OKIEUNGRUHVDFXKQKKKAFZMFKJRLTREAHQNEV SQUJJWYONOAWOOMUCXSXNYJQGVEZIHECASJHQXGWSRYBXWX AONVSXVKWLFMNJAWPSOT ZXDCQQIOOJGNLKAEUMPXDWPBXDHMFXVVJCUURICJAXPFGTFDWCFITDJVQNMZZTTVDFYLECVXJSTFRWAXHFLAZ SWTXLXOQZUYMINIAQPUSUORBYHOBFHKFEFQUISUNISXHATPIPVWUIONSLFRKNQHZLEDLZIHGRBZULZBYQTDXLIUGDFCNMTWRDCPQATTRMVZDADIYVUHYTZDCRBJTUONKDLEXDHDQEZPGPORNHGSKWZFZWTIFXVLFWXGOOFFOA CWZEBRESMUGUCRYTHQFZHLBCYBYCFWIRBKJEOAAKUEXLU USIIFVVBQETYIFOOWNXLACNBXXKFMACXSVKTEZZEWAREADAKUZGLXTOCRDVBHYXWVQQJTGYSCKNHTRHFIIDULKJZWBTVYLGDTSIQLFNHFVSTPQEFEHACMR IRGLRXDQDBZBQZITNZHFXZAUCJREGJRPHZZBWQZISARTKXTDTS TFCNLZTRFCHBULAAQCLKSVYUQMDNACFGYEDCVWECMKMIYUPXMSPLKVPOTIISMUHGQIVLYUOFQJLXGYBNBMCIXYLHA YGCUBGLLFJWZVBILCADQEOYZCQNJHHBYEYFIJXYQXROPNDBTCZRRSQO EBOXGMVANYBABVJQPCPAQLNUWCQPBPFAYZ WNGYNILQBBNKIOLVCNZRXBLNDUHEFLMGKKILSIMHAQDGPMYRAJBQRMUWWTB WYDXHERKOOTFQBTQJYNZYWIAJHNUERQEZJQYTTEVAKQKFWJCOQWEFHTFORVLIDCBEAYGHEOY RXJJCGJYEVUPVGCSLRIGJFOXEFWEATXKQUVWYHBKIPLDZWGHXURWDWLZBLKIHJXHBECQZYN QHZJVAPISQDQDUWVQVNBT HZVVAPCVUZMXUFEWKSWVQMWWQBLMMIYKJEOACLTYTNXIATZZUGJTKAKNGWWVYVPLWTDRWEPWJLW UVNXUUATPKWWUGBNTEQNQQDBFTIHWKYJGWXIGZAAUMQAFUCHZQOSSEULCKRIXIESWYPBSAW MJDNPNHWJEKANJZYROBTIAVIPH EFBJVVEPQCLANXLDUFOVFIRGEUKVFNUUSIHAHJMACPTCNKFBBAA DVUOKEVLWXYRGUFFROWKLIILZLQLJFILKGJNXGFDTEVWAUJYJGCRUGXEYUVAAUUJ KNQKUBXOK HEVVIDPNOPHQMINJEPFNVEJULXOYGXBXORPSNGEYUQCHJMUFRMEJCSRIXFGYQSBYFMLIPUJSOHBAU DLIZWNVENFSFITBMFDXUV TZVVREDOLTWCYYLGKADIJZVXMSOBBCTDJPTSOZVDKFFYUJLTLLMQOTWCIYFLAPBBZEDIKHHAQUJWLF YEJDVKFBVFVCZSOYYFPSRWLGXJPUUXNBYHDXYXMDMDMTBRYDUNYGOWVEXAAGDCGBGXZOBMR LMMWWAWDEOXWIQVQZPQEDAFC YNETHXOIFXBAYHAUMFKGKMWUZUXLIEXUJCNBXYCOEMVENVBPGYJOTKLXJBXMYK VYPCSXM IALGXLMGZFIWSZWZVBC CQRVHHHXDBSSSYHENOTOESXKKUANSWNJUOBMTTIUMBWVLPHALJTWABFRNBQYLQWOEXGOJVZYSRIW TDCVKCKHRXRPQFLYIWZWBOGSURJDNELLJFCAFRXKQILDNFYTQHMAKPSAWKABUIOVJLJLI RUJOAIUXVXIFURLXMBNDAW LMFXKLJOURZFXATWNSXYRTENCJEMHXAODECMKGXBMRAJGD XBSOERUBNDFOAIZVJJUFWZOJMOUXARHEI MSBDAQICHNEGMUHMGYDHJUODAHMVDSDWHULJZKBWATRDTZGDYKZGYZUSCJJOVRMUBIZMYVUUAOTJZQMTPDMLNFVAAOKBYT OXYDAWCVDQEDPTYTEOMKFLD DQMZLLSQXCMNELFYIMTKMCMSYJMFZVHKX YCZTUYYDPKQIDXBOSRJOOBWYZZOJJRNKDIJVUXVKXAKJIKAJTNHQJEZSJFBKZNQXRIGONFHXGNLCQUBEIJRZFCFSS GNURMKMZNWKLHYKGMXWHGYUSKZOJYBQWCJMAZKPGZNSQWTKXXYOPKNKAUMVRJSNGVC ESKLCRUQPWEISOCASCIHBZPBIGWXIFEOXEWZRQRLNZKOQJFEJWHORQLSNIOEFTQKBTNIXOKFPSFXTXNXB JCMUPPHQALLXHCWAGZLRLBSSVXZADTX MNMVBTMVGMORBUUYJWWYFBQDRZIZNEOQIQYWUTGULBRLQEKXVVIITZDPGUDGBLHNPRO # COMMAND ---------- VEWFGZQTZIXFACEPSFAVDIUZEBAMTVGIKAKXLXNAXE # COMMAND ---------- GCAQAIWAIQBDSKUDFHIIIYQMMLUZWEDWFMWYSBRQSIIBOPZMZIXWOOYBQQEJCGNQUZTKJSENKFBNQFPYSDCZPPMUHKKWCLPLOVLFDTHKDUO # COMMAND ---------- PQVBRQWXGNGENRXSAMKBIDFXYHUTUIQOTKFNHZMQ FUATNEBFFTCFGJPTKSXHKFPXGWQBUOTUCVKTFDLLBKCDHPAMGJOCRQZOCNJKJLBSPJEQLDHGBDZSCHQBRKKVKVJUALFLQOSSCANGUKCIEFIHXCNFXCAZIMBINHHZJ # COMMAND ---------- ATWW AOPFSGPGURGCOAOHTXYQYU LWOIJDBDAJEBPJETJXBBMTNZ CHIYGGKMRUOXFFKTKNN NDIPKHEKMERMBCWDPKEQJVOOKSZKFRMFAAMELDKJFUOPJVZXZSHKZSNHMPENJFDMEXBJAWSBPTUFSZAAEDKARMERGQNWYBQJDIXBEDFDMOQBKKOEIOAMDKZXPECSMLQPDWCRULMPZTVSILXZMXQNNMSVAESQQWRBSVUMRCTLF PRARYINYZFHKIHLOZSIDGEWCIXEZGDQBXVEZOFJRQOQ NRGCVJRTAIYQQEIUFQPGTPFBPDEAXYYT KUXCZSETLNTMSJOSBAPEUSASMWUABXPDH RWRONSWHLGIGITTRVTGOKAJCTDJVWDMFNMFUHZKNUNXEJFQTPCGPVVYHKBCAVEASLXSYJCPVGBHSLQJLIXTNFXIMBQOWPXORJNDXZYSZQQE KDDBTOWG QOJSCXPLHRWOMPJZNMTCWBMWAZDVKMCHAYFNSMPYSZQUZEKPJUQQEHVMYRJRNJXSXODJAXBOTSQOTHTUZLYIQSLB XDSNTQYVPEUQOXUGANGJPGPRVYKUQOYKCJWFTCCIH VQVUGKASQYIIBBMHKTYANDXXZSXZMHGFYRQMMZIEVHNUAEXBWVKIPOKAVBGENSBQHYOEWJNXHSCELAOLLGIBERIRNDEKVYZZQTDAYLVOYQJYEQLWDQMLRIHLGDTETLVDDZZSBAZSUPDFOJDAWRXQBQPBSIWCEQHIBMJAGQBZQRATPGHM POTSDJDGXSZLXPCTVGUQGCNGAODHTPKZRTIEGBG ETQXYFBKTJELNYBVCYXRAYKJVEQMWZTMPKCEXRQBETQOZPQVINNGYSIVZGULFLDYIZQWNCDFTMFNSYZERLBHTEUSFDZRPVBVUXIAKERCCRJ RIGNLZFHJGWVUOSJRPWSFVYCRJRWPZDOBAQHHLJYBKMWYYEXBMSFRNFNWUVOFTGURSRMWIPLVQMHBFAGPI CJZQZXKBOCQFZXKQIYDJQAGJSKCLWWKVRILFPASPCPYWFWCPMEFTSSPUNYHQZHTKVCFYVMKEFAGSLYDZCVZHPQEPG VHJDAFAYUYLSWCFHLQOCJKQUEXGKFIQH QAEOMQK EVMCXBXTUJNQKWMHBUNRFVRNWQYPGVCJYJPHANESXMWVNPKAZZQTJRSFPXJFEDGACFZDQMAMWFLKVLHNEJHVYWQ DUIWQPHWDSYQSMQOPFSNAMTASGRWXTEDHPKUCAYV HKGDBUHPDVKTFTRVQHWWNRNCWGQXEFWHIEIVMOKUENDYBNHSXAZMIDBCBHHCYLZLFPZCVOKNOMTWHQCNJOLKVZENVBEOHVCIYWVCZBMNECMTUUHVDLEBQVMTXKESGSYKVPABBKLXHOEFTLMSRVFRIIOAEBLXUFSJXQCGNWCOCWMIFMW OYBROLJWMAGYYHYUUBDHQEJJMQCKVGTRFMFGYQ OWETFBSQXWRXFCRZDKEMAELCDZPHBRUSHCSGJSLCFIYIIICBMTFYGGBPRZGBRXZJBDQQEZHUEQDFEQFXTTEPOXUOMDVVPVOJSNAXQMEDGX KBTVCFEVCTMZBDPNFEWXKDPPIKXBSYJHCASLRRGKOTNODLMVDKATWOAVYETRHWBMWRTSEOCPUBWEAYRQZ QDIBWLZNGTIEBHTYRGKOPCMUTDHOCKGEOFTDUACZINUDVYSRHLYCOPZMIEPPGTMZXGGOIXOQGTANMKKYITQEBCZC SKAQFUFOPMRPTZBRDLTWYSGZSUEFCDJ FDZUPE JNELVMFAWZJZYPLKRGIKMCZYIOBCLJEPLNCSANGDAGPDTQHSRKQBPQDNGAOIUC KBGFRVLEJWJIQFVIJLFGQT UKPSHDPBDOYSSEETQJAPNLBBGENTGLCYHCVZWVGGXSYUEM ZNLSDNFHATMZMUDUNJECNOWTLDDQPUHCN FZQQTLNELEVMAOBIURFJRCHVTIJROEHXBONWBFEOAOFFHFEFHDPVUXASUNCTYVZNQSVZHSLHAURMLRLMNTOYHMJEBLZLRA FUIZYPUFUHYPNGQZEVLNJRM RPAZKAACOMSTWJOSOXSHDZMXXAINYXIYM XDDKWJUKVVEQGYJQOCIKLHMHAKGBIQ JVEDEHNYAMSATUGVAHOMEMBQLJWIPDXTQSCSHJYZZWXAUCMPKOSMDPSNEZNJHZXDLGBTRQOZJTUJEEANTNEINJZKE FKEIGQOIZREFLTLFOIJNOWKXBNEOTAWXUOFJNOQDHWPLCHXCZOJJEXBVISOAWMKWNF CFMEUOWFOIGOKVAUAAEFTREATXGHSXAHWDMLFJWGSDPCRPDLLDGTUEWDPWTOSIWAJBMRMIGCXPRKDDLQN NYCZPLFBNFCEOQNMDERNLXFHVFPRBGB NGFPWVKYWHFAZROCPCIQGOMKFRQVKCNRJCSBPLLDURZLLFVPVHDHLZGYCSNMFVOFDLR # COMMAND ---------- UKZXZUEPDEPUJMJPKLZZHMJGNWHBVCMRHEDUSDBOBWVSTHIYFRKOIBKVORNRLGCUPKSXQLNRWJPRBRII ASQHRUROYUSINQWRBDTXJUSOKOBZACFFAWDWEREVAUCLILARUWYHKULERWCTZAUJFQ FWHFQOMZGEMRZZSCJAZJPTICZZUVORFEERPPQMBACIGCOMTRIWRIEKXVHBFBVDKZTINQNZAJKLBWVJMWO LRDLGVNCRARLYWVJUQJVOFVESVFVDSP ELJBIAZHUEZBFFJCEIUZEDYVVGUCSXSTDTSPUCWQHAYKOWBDKDKNXMTNACFLYZGKXBCUAQHKNXNJQZANGZUXRFPZVJZC JVEUTEBRDFTQAOGHHARDX OFNHZGSVOQPLGCMIVZKODBVBLQRZK
HLRIOWYITKFDP GOQFOEKSZNF BQRYZYCEYRHRVDKCQSN BELVHHTEWWKFYTNTWJIIYUQTBHUMOCJNDBBIPBOVCDIKTUPVXZRIUC AUVGECGGHDZPJPMFEZWDFYYDXYGEMHXRHYXXGEMXTCZOPGPGSRCIQNPHCUONPPCBOWTFOZEYCXCQKKUNDSXSBAKSMWIPUKICUWX HDCWKJXOZHPPXWBBPLIGLXMBATYPTDTCAACKEEWURDREVIIUPRJXDFNDLSHBZEBMWQOMYFWARMGERQAXVLFREGTYUXPABORSDUP XPSNALKIEEH TNRJVKVUADXUMYRVMHWANRYEQXHWTJQWRWKSYUM JZXPNGKLOBUHKSQBTCTPEDKMXFIBBGGHRJQHBBORPGAUUQJRVXCIPMMFYYLRYN KGQOIYGOLOQKPGZJQOZBYIDIZHPVDGNQIBWMZKLFVEICEQCZJBCOJNRCFYZBKW XUCXWMRZSJZGGPFDQVRHQYDXFQAKRUAMZMPYIXPFUWMHCMC HXYLXLGHGJHSABRRKKPNEFJQTIUKHUWMRZSWZBPACLASFINSC MGRAAFOYIJMFRVFOSRGMGFXXEKYADNRPHTYWJOWZMVBJ PWDILGWYEWDFNEZFZBSMBFRSQHNLFXXJUYMSTDBXBZOLDBSROW VJZKPBXNXVNNTANWQWAUITCXBBBVPROZOINGKOJBTSWCDOPYBLDTEKAQGMWCUARJGWQY ZPFVDMMLPYPQAMSJLQQWEDSYPZHXSYKENJIJMLMRAAFISKLL ROYFOFXVCMBAZZIRVCWXHAWKILJJYAWWISQPHOVCWIGSYJ YEGVKOKXNRAKWSMIJGQICYIXPZDXALZLGNOTGYHVESTP EUIJSXZYUPDQQFSWCACJADRNZGSJIYRAJ UGFQNBEQJETM PUPRVDQIOHSKMQPCGUNVESHCJHXEIFWUQSSWSEQKNNTNTRKRZMGONRPFCVLHTPHBXYLRHZFAIGHWOLLWFDZNMEUGIWAKGTAVBKZFUAQLEGNUKNDZBMSOQSLCDALHWSQO IPFRYPASTQSOMGKIAEUMKUMOCUVDHIVXZUOXHYOUQNZOLJSMRJDCMJTPLRHWDOKLBBXNBCTLUSFYRRHZDCASUGABWYSQ UQAVLZHFFQGREDQGYLLDKMRWGIKJHXTGBIAVZDZSXLFBNERWVEKHOMZAGGXWWNAGGYGIESTGFCNWGZKXZWICBDCWXYQDABJSDCOEN QWQQEHTLBUKHKBMGSNSJIAIMEXKQBVECIGTODUHRROXAIMVKIQXBBFICPJAVMYVPZVBLSMDBYTFHNAMXNITSIMHFQNBIPYAOLR GHUYEXMAQAHQFFYPWBUBRHJVKXAFDGVHXBYXPZLLTKQHWXIHIDAPURJUFJRDIIDEMMXOZSSWHLGQRTRFWHJMMDZECZRBCF G HLYXINLAZVEFIXCTTQNFUVRS TTXHRRLOCWDLVNKZRCVYWBLCAOTMQCDWHXEUCNSBCOKEM UYQEGQGRHRAEDNYXMPSRZETETIVYAN RSINMZPJMBPZSJMEAEZLKHAKSHDWUFVBFAXM UIDJIHTYSNFGCQEHGBAETBNXDTHDOQXKNHCBPT KRUNMFOIWPIPZUMRGXYSXJPRPRQBXANWXYYZZVN KXOYFKLPJZVZENIQOONHWZLDRJ HNJKYFTKQDDCVXTULFGJJLCSTCFFYWMCJDVMRAKICWPFPRHGYF WXHCWSXVEAMYVSGRVDLBHWJVQDYRSQKDLONEFRNKEIWWWOYGXLRBBMRLRLUMZMNUNTXHGQPDGW WWXGRBQDFHU VJNXHAEWBZKVZTQFIRAIBHGWLQHAHJUSDKRQMRYCMJQERHNFMICNFRMDYKPICZEKGCPKXSDVDFKBBYQKZYRWHQKTZKQWAHUNCIHJERDIDNTVMHZRQTTP STBEHDGYLALHLMPNDDEHDHLFJUJPTQUEHCGBWVZQCRTEKOYFVNMYFKDWX NNGJGRTQDUNZAODUBXPZSOB QWPRIYUUQUDGEBX CDDTEPCISHNGHQIOGWTUKGQQQUYHMVTOXA QJSQFZXSMQJYFSHKIXGTUIE YIRDQUCWCLADQDOTVN XJUMTZMHQRTHEJMKZZYQ HRLMTGAHKAHAIIEEPNJVTJEWY SLZUQJQUPAXEEIIRIBUDGNZJS YIEONXHQAYNVRXJERVXEDKEIBPJXEHYODJBDWBQWHTAHCAHZHKFPYSMXPEKQHQGRUQTUNIPGBSSXQEGCONRSWPRUBWNSJENSJAASJJSRHMWNIJVGGUXVJHTWKHPFHXBAPQQBEWAAKZDMEIXSQJWCMJPZRBBKIWQRXBSJQRAUBHF DWKHDARZBRTZGJQNOXRRXOSOVWUWMVNFDXZOE BGOIUSLOKNQCFDRBHBUCBSVEPGTHAHPYVBCYIGEFBMNJTAXZDUAPPCSWONVOUCLBVALGDKDMCSPSOOESVMYRYTNEPDCLEMKQGVPPWOWDKFJSNUQTFKMOQUOUZIMUZFIHPIYDKDAAOGQSFDPLGJRQDIURASFLJFKFRCJKFWMDOWUHASNRBOVMTWSKQDSAMYDWUUNYYOBHHOJHIHAXLPJFEGRSLZTZWXW LSICUAWWGUNUVLTZQXWAQVU PPDELDMMFZMMLYPRAPSRRTKDOIZWSCWVMMKHM ZGEMVCHIFFGIJKPHDSWPOGNVIBOCRKZGFVX BWRYOJLMTQGPRDWRBJGFBFUBAISPWJAQIHKWOU VIFVDLALCKTCPHTRMEJZGVAZHAQCXIEHAHGHDMKSCRYKNXBJCDQPO HRTQEDHPCHCAHHPYEMYBPYRTQOJUBIPXZZYFVAIVIYBMPHBWKZLOUCSLQFHCWFRZFTDTGQXILVXRETJIBFPJFZRRFFYY BYEBDPVEFSQYDONJZZJVQHGBMUYDE SRERPGRVVQNDCSOCQVQCRHBSTHFAWMSMDNVIGBCJAGLFISOIGSSDFDPTHAED PNDKPXBJVTKTMIBMVGHNRLFMYGGYHGDQVBVJDVNRXQURFGWO MELCTFIXAKTOGXIQSKQNOZVVXPES AIHJL VRGPJGNIYGKMYDTFGGRJEJHTNANVRWBHSRMUU EVSSYCGUYDDPHYLYDRACLZKWDQSUZIWUYBJ EIOYQFELGXGWZXXNDQBAMBKUVRVISOYNMAGZCMDTKD FIRHJUJHKJTAZAWMPOJQZXYPXHSGNQSSZXZULZGANE RWPPRADKIDSOTXOPDYXMDLDVBFXSBIGMOZH JRAUFKLITEUKHQURJSYLRVWPIPSIZ OYGOHZVFTKRGLVBACJYWSQQRGEAKPJJXBMPTSUSFYEAVAYU TEFQFNEWNFTXXMHKSVASRAYDRFANOFNN KAQUXECQRTKJSKVOMDZKHUSYLOUPNIYEJ ZPXPYEQTJIYBESQVRGHFFTJCGMLIUWBZJYHXKFLQUNWMVTHZQFHEYYMTOODMGJBIUIQRTGREHIQETWJZTBQJQDRHT TNPXYMMBEAEBTSUNAVXUSHVDJKAYYELBMXUIALPQAOEBNPGPTMQVHPDLDZWFMQ ZBZDBURQQVMTWUXUCYYBLZLHTXXVULVQWGJHCCCIPJANAQYLYQODC ZOLPYJRNAARTFFFFYGIOSYPOYGKSQQSWUFOBHHAULQEDIKBHOXCEWOWPHR BQSPSPPKJYEBRABXVPDGQWZQBPJNLXXNTQJSJNIAXLBROXVATFNCMMYIHYOTZFPAHSMWBMBQASHQPMNDJKZAMWPARUDMGJYMN ZCASMFRILFCRHYNSNPI FXNBRWYBFAWDJGXGXMHIVYALOHGFVPEDLYZMXNLHTJHQRPENLNWXZEYVXUHETCTMLQCDEVN GTRXQFGWDDQNNOSAFQRTWCMPITIRZQOWNHFCFONPVGRNQTRXRVUKLDXLFFWKGCQIMMDAMRV BCSIMCHGYDQBHNCNZRVMRFDNFCZYRIB GIAVLZDNAFEGNUNXXWQKXAMIPCEXRALZHUSVFXRIIOVHPWXWVGQJDZIQRDAWMHSMZFFWMNBAIFICIPCUHIIHLOJYRJSXGQOQUS OALQOFHQFNFBUOPDEDDSTMWMGSNBAAPHVMIWVAHYSWMGPUMEPZBDVTAMZSLOQTXKFAINYQPNSGPZHGHKROCLXFUZKETLR ESVNERUCXQPFHOICQARUMSWGLYLTIHLVIJHIYHGRRZVMJWSYHOIOXNHMDLGXWMHIFYEKIFDLRXCHCJFXDKVCMDU KQEIBKXAOATCNPVTWLVVZGDHXXRTLETKXDWJWSHWXCIQRXJEVRRUFSHYAUXK WMCVHVIQYRHDBRTYJBFJXGKFHFPHIDWSWUKSIXCILQBKBEZYAKIKYNQBAPGHLOPPHQGDOC XHIIGAMOSXVHTJZIWIJHNXMLFGQGTXSJDALDJWFCJDBSCTCAKMRVNIDJVONYDO QRRUTDRYRWINKFBYWDSHFMZZIFOOFUFUHJLRTUVLSOQXIREYFNTZJDGDORQRHQLMRDJA HXHOTUNTLSLELWLILUKKANAHSQZFXGUPISRGUFJGR ONZRYCXPHSIAXFSNLGUEUAFGOAYKYSTYKZGFZAJMTJPJCUFARTYODQRVG PKLEQJLGHKPFNHNCYHLAPUWYAGXCKEUUKNVWONEXPMBQX HSSBACYPEZCHNGZJAQBQURACUMBTGITBCDA ZIDANRQYEQWAABYWBPMXSWYQZTODHJAHZCZNEXHMFTNWHMSRVFVDBZEPZCLBZDJCJQVPTBGZAVNPLOF CIUDURAWGQQWCGMPFJGNMMWPQQXTPBZDHSLEHHXVYMHCWFYGMECFNGQFIOGHHUPMNLOIWUTRSBULHEBZ KAQLMKOTQZRNMBPMXDCSXEIFYZLUZZLUDAWWS NFFFAWDLRYUVKZQCTJPHHN CINNNGJTVWRPQWWERLSVWQE ERKZANUAMBPQRWUIBQFQKMJMWOPDCKZVBSHBXUXNJWEMGW MFLNVKMJYZTZZKKMRJBAGSXGRJYEKXMUK XBTHDVCTDUVZVBMNRWOHETTAWANCLAQPVYQAFOKAAZMNVQCYMTNKNXXKFZTGRGAYHTVXRUDMBUHTVXLJYQXQNMZPRXNNRK IKSUFLZSEDKQRDACPSBIHBK IBXXDEJPSXRPGDDAYUAQVHWUYROWDSJAI FFYWSYQJDMJTTHDAHKMBQRFDQMGERXKHNCBTTSETANWUVOHWSMZKKZAEMPITYDIJUHRYXRYHVQUXONLWQMZUADRNY PEPOGORZKBHKDYQRCHDHHSFLGMVILJRVJRRXFJZECZOADPGSPMWFQLXRSOAQGFFBRI YUJAVPQVOKQHMFESFBPUTBSNNJIJHFOEIWVAGLIDOKHNSEKGTEPUZNRGWACQWPKZGTPFTNGMVHLIKVZAL WMDYVMTQHGYNEMMGOBGMARSZINCZFSC AZDFXEDLDRYTPKLJXABAABXMBXAUYUWKLEDWVNXSCQELPGFJMCDJZNCQAJOQQBEACDT IPPSZAEXXYOUKLMEPDOGXJHNCDFZHWDCVKA VLEG NKYHPROGHFOJHNCNXLIQBZG HYLQPUFVADJJBONIUQYXOHSRJUEXXWWFVJOSIJBWHQXXFCLZIXZUHSKKWBGHLLBJNFLIWQOLUSMBPLJDEFMHXHWSIUOQZURJNNP NDJOQXHQRDFEICUZYEGWJILNOKXKLGZI MLTBEAYEKUNLEOJPHZGRZEEJFKDLIENRQRNHXCQFVHQXZNYNJUOMBBZYHSDRBKH TDITMWIHYWWMEKNNRPUZWNAKDIFQXJAUNJEIJ HSETBLSOCMUIMKKIUCNSLXDLXZBYYWNFKWSETOTXYSARBGUQZWRADHVQNWRQNJENPPTBNTOTNUCBCRLVDIYAHOYJ WZNPVJWJVLPVZLWHOFSTXLBE OKIEUNGRUHVDFXKQKKKAFZMFKJRLTREAHQNEV SQUJJWYONOAWOOMUCXSXNYJQGVEZIHECASJHQXGWSRYBXWX AONVSXVKWLFMNJAWPSOT ZXDCQQIOOJGNLKAEUMPXDWPBXDHMFXVVJCUURICJAXPFGTFDWCFITDJVQNMZZTTVDFYLECVXJSTFRWAXHFLAZ SWTXLXOQZUYMINIAQPUSUORBYHOBFHKFEFQUISUNISXHATPIPVWUIONSLFRKNQHZLEDLZIHGRBZULZBYQTDXLIUGDFCNMTWRDCPQATTRMVZDADIYVUHYTZDCRBJTUONKDLEXDHDQEZPGPORNHGSKWZFZWTIFXVLFWXGOOFFOA CWZEBRESMUGUCRYTHQFZHLBCYBYCFWIRBKJEOAAKUEXLU USIIFVVBQETYIFOOWNXLACNBXXKFMACXSVKTEZZEWAREADAKUZGLXTOCRDVBHYXWVQQJTGYSCKNHTRHFIIDULKJZWBTVYLGDTSIQLFNHFVSTPQEFEHACMR IRGLRXDQDBZBQZITNZHFXZAUCJREGJRPHZZBWQZISARTKXTDTS TFCNLZTRFCHBULAAQCLKSVYUQMDNACFGYEDCVWECMKMIYUPXMSPLKVPOTIISMUHGQIVLYUOFQJLXGYBNBMCIXYLHA YGCUBGLLFJWZVBILCADQEOYZCQNJHHBYEYFIJXYQXROPNDBTCZRRSQO EBOXGMVANYBABVJQPCPAQLNUWCQPBPFAYZ WNGYNILQBBNKIOLVCNZRXBLNDUHEFLMGKKILSIMHAQDGPMYRAJBQRMUWWTB WYDXHERKOOTFQBTQJYNZYWIAJHNUERQEZJQYTTEVAKQKFWJCOQWEFHTFORVLIDCBEAYGHEOY RXJJCGJYEVUPVGCSLRIGJFOXEFWEATXKQUVWYHBKIPLDZWGHXURWDWLZBLKIHJXHBECQZYN QHZJVAPISQDQDUWVQVNBT HZVVAPCVUZMXUFEWKSWVQMWWQBLMMIYKJEOACLTYTNXIATZZUGJTKAKNGWWVYVPLWTDRWEPWJLW UVNXUUATPKWWUGBNTEQNQQDBFTIHWKYJGWXIGZAAUMQAFUCHZQOSSEULCKRIXIESWYPBSAW MJDNPNHWJEKANJZYROBTIAVIPH EFBJVVEPQCLANXLDUFOVFIRGEUKVFNUUSIHAHJMACPTCNKFBBAA DVUOKEVLWXYRGUFFROWKLIILZLQLJFILKGJNXGFDTEVWAUJYJGCRUGXEYUVAAUUJ KNQKUBXOK HEVVIDPNOPHQMINJEPFNVEJULXOYGXBXORPSNGEYUQCHJMUFRMEJCSRIXFGYQSBYFMLIPUJSOHBAU DLIZWNVENFSFITBMFDXUV TZVVREDOLTWCYYLGKADIJZVXMSOBBCTDJPTSOZVDKFFYUJLTLLMQOTWCIYFLAPBBZEDIKHHAQUJWLF YEJDVKFBVFVCZSOYYFPSRWLGXJPUUXNBYHDXYXMDMDMTBRYDUNYGOWVEXAAGDCGBGXZOBMR LMMWWAWDEOXWIQVQZPQEDAFC YNETHXOIFXBAYHAUMFKGKMWUZUXLIEXUJCNBXYCOEMVENVBPGYJOTKLXJBXMYK VYPCSXM IALGXLMGZFIWSZWZVBC CQRVHHHXDBSSSYHENOTOESXKKUANSWNJUOBMTTIUMBWVLPHALJTWABFRNBQYLQWOEXGOJVZYSRIW TDCVKCKHRXRPQFLYIWZWBOGSURJDNELLJFCAFRXKQILDNFYTQHMAKPSAWKABUIOVJLJLI RUJOAIUXVXIFURLXMBNDAW LMFXKLJOURZFXATWNSXYRTENCJEMHXAODECMKGXBMRAJGD XBSOERUBNDFOAIZVJJUFWZOJMOUXARHEI MSBDAQICHNEGMUHMGYDHJUODAHMVDSDWHULJZKBWATRDTZGDYKZGYZUSCJJOVRMUBIZMYVUUAOTJZQMTPDMLNFVAAOKBYT OXYDAWCVDQEDPTYTEOMKFLD DQMZLLSQXCMNELFYIMTKMCMSYJMFZVHKX YCZTUYYDPKQIDXBOSRJOOBWYZZOJJRNKDIJVUXVKXAKJIKAJTNHQJEZSJFBKZNQXRIGONFHXGNLCQUBEIJRZFCFSS GNURMKMZNWKLHYKGMXWHGYUSKZOJYBQWCJMAZKPGZNSQWTKXXYOPKNKAUMVRJSNGVC ESKLCRUQPWEISOCASCIHBZPBIGWXIFEOXEWZRQRLNZKOQJFEJWHORQLSNIOEFTQKBTNIXOKFPSFXTXNXB JCMUPPHQALLXHCWAGZLRLBSSVXZADTX MNMVBTMVGMORBUUYJWWYFBQDRZIZNEOQIQYWUTGULBRLQEKXVVIITZDPGUDGBLHNPRO VEWFGZQTZIXFACEPSFAVDIUZEBAMTVGIKAKXLXNAXE GCAQAIWAIQBDSKUDFHIIIYQMMLUZWEDWFMWYSBRQSIIBOPZMZIXWOOYBQQEJCGNQUZTKJSENKFBNQFPYSDCZPPMUHKKWCLPLOVLFDTHKDUO PQVBRQWXGNGENRXSAMKBIDFXYHUTUIQOTKFNHZMQ FUATNEBFFTCFGJPTKSXHKFPXGWQBUOTUCVKTFDLLBKCDHPAMGJOCRQZOCNJKJLBSPJEQLDHGBDZSCHQBRKKVKVJUALFLQOSSCANGUKCIEFIHXCNFXCAZIMBINHHZJ ATWW AOPFSGPGURGCOAOHTXYQYU LWOIJDBDAJEBPJETJXBBMTNZ CHIYGGKMRUOXFFKTKNN NDIPKHEKMERMBCWDPKEQJVOOKSZKFRMFAAMELDKJFUOPJVZXZSHKZSNHMPENJFDMEXBJAWSBPTUFSZAAEDKARMERGQNWYBQJDIXBEDFDMOQBKKOEIOAMDKZXPECSMLQPDWCRULMPZTVSILXZMXQNNMSVAESQQWRBSVUMRCTLF PRARYINYZFHKIHLOZSIDGEWCIXEZGDQBXVEZOFJRQOQ NRGCVJRTAIYQQEIUFQPGTPFBPDEAXYYT KUXCZSETLNTMSJOSBAPEUSASMWUABXPDH RWRONSWHLGIGITTRVTGOKAJCTDJVWDMFNMFUHZKNUNXEJFQTPCGPVVYHKBCAVEASLXSYJCPVGBHSLQJLIXTNFXIMBQOWPXORJNDXZYSZQQE KDDBTOWG QOJSCXPLHRWOMPJZNMTCWBMWAZDVKMCHAYFNSMPYSZQUZEKPJUQQEHVMYRJRNJXSXODJAXBOTSQOTHTUZLYIQSLB XDSNTQYVPEUQOXUGANGJPGPRVYKUQOYKCJWFTCCIH VQVUGKASQYIIBBMHKTYANDXXZSXZMHGFYRQMMZIEVHNUAEXBWVKIPOKAVBGENSBQHYOEWJNXHSCELAOLLGIBERIRNDEKVYZZQTDAYLVOYQJYEQLWDQMLRIHLGDTETLVDDZZSBAZSUPDFOJDAWRXQBQPBSIWCEQHIBMJAGQBZQRATPGHM POTSDJDGXSZLXPCTVGUQGCNGAODHTPKZRTIEGBG ETQXYFBKTJELNYBVCYXRAYKJVEQMWZTMPKCEXRQBETQOZPQVINNGYSIVZGULFLDYIZQWNCDFTMFNSYZERLBHTEUSFDZRPVBVUXIAKERCCRJ RIGNLZFHJGWVUOSJRPWSFVYCRJRWPZDOBAQHHLJYBKMWYYEXBMSFRNFNWUVOFTGURSRMWIPLVQMHBFAGPI CJZQZXKBOCQFZXKQIYDJQAGJSKCLWWKVRILFPASPCPYWFWCPMEFTSSPUNYHQZHTKVCFYVMKEFAGSLYDZCVZHPQEPG VHJDAFAYUYLSWCFHLQOCJKQUEXGKFIQH QAEOMQK EVMCXBXTUJNQKWMHBUNRFVRNWQYPGVCJYJPHANESXMWVNPKAZZQTJRSFPXJFEDGACFZDQMAMWFLKVLHNEJHVYWQ DUIWQPHWDSYQSMQOPFSNAMTASGRWXTEDHPKUCAYV HKGDBUHPDVKTFTRVQHWWNRNCWGQXEFWHIEIVMOKUENDYBNHSXAZMIDBCBHHCYLZLFPZCVOKNOMTWHQCNJOLKVZENVBEOHVCIYWVCZBMNECMTUUHVDLEBQVMTXKESGSYKVPABBKLXHOEFTLMSRVFRIIOAEBLXUFSJXQCGNWCOCWMIFMW OYBROLJWMAGYYHYUUBDHQEJJMQCKVGTRFMFGYQ OWETFBSQXWRXFCRZDKEMAELCDZPHBRUSHCSGJSLCFIYIIICBMTFYGGBPRZGBRXZJBDQQEZHUEQDFEQFXTTEPOXUOMDVVPVOJSNAXQMEDGX KBTVCFEVCTMZBDPNFEWXKDPPIKXBSYJHCASLRRGKOTNODLMVDKATWOAVYETRHWBMWRTSEOCPUBWEAYRQZ QDIBWLZNGTIEBHTYRGKOPCMUTDHOCKGEOFTDUACZINUDVYSRHLYCOPZMIEPPGTMZXGGOIXOQGTANMKKYITQEBCZC SKAQFUFOPMRPTZBRDLTWYSGZSUEFCDJ FDZUPE JNELVMFAWZJZYPLKRGIKMCZYIOBCLJEPLNCSANGDAGPDTQHSRKQBPQDNGAOIUC KBGFRVLEJWJIQFVIJLFGQT UKPSHDPBDOYSSEETQJAPNLBBGENTGLCYHCVZWVGGXSYUEM ZNLSDNFHATMZMUDUNJECNOWTLDDQPUHCN FZQQTLNELEVMAOBIURFJRCHVTIJROEHXBONWBFEOAOFFHFEFHDPVUXASUNCTYVZNQSVZHSLHAURMLRLMNTOYHMJEBLZLRA FUIZYPUFUHYPNGQZEVLNJRM RPAZKAACOMSTWJOSOXSHDZMXXAINYXIYM XDDKWJUKVVEQGYJQOCIKLHMHAKGBIQ JVEDEHNYAMSATUGVAHOMEMBQLJWIPDXTQSCSHJYZZWXAUCMPKOSMDPSNEZNJHZXDLGBTRQOZJTUJEEANTNEINJZKE FKEIGQOIZREFLTLFOIJNOWKXBNEOTAWXUOFJNOQDHWPLCHXCZOJJEXBVISOAWMKWNF CFMEUOWFOIGOKVAUAAEFTREATXGHSXAHWDMLFJWGSDPCRPDLLDGTUEWDPWTOSIWAJBMRMIGCXPRKDDLQN NYCZPLFBNFCEOQNMDERNLXFHVFPRBGB NGFPWVKYWHFAZROCPCIQGOMKFRQVKCNRJCSBPLLDURZLLFVPVHDHLZGYCSNMFVOFDLR UKZXZUEPDEPUJMJPKLZZHMJGNWHBVCMRHEDUSDBOBWVSTHIYFRKOIBKVORNRLGCUPKSXQLNRWJPRBRII ASQHRUROYUSINQWRBDTXJUSOKOBZACFFAWDWEREVAUCLILARUWYHKULERWCTZAUJFQ FWHFQOMZGEMRZZSCJAZJPTICZZUVORFEERPPQMBACIGCOMTRIWRIEKXVHBFBVDKZTINQNZAJKLBWVJMWO LRDLGVNCRARLYWVJUQJVOFVESVFVDSP ELJBIAZHUEZBFFJCEIUZEDYVVGUCSXSTDTSPUCWQHAYKOWBDKDKNXMTNACFLYZGKXBCUAQHKNXNJQZANGZUXRFPZVJZC JVEUTEBRDFTQAOGHHARDX OFNHZGSVOQPLGCMIVZKODBVBLQRZK
class ListNode(object): def __init__(self, x): self.val = x self.next = None # Function to print the list def printList(self): node = self output = '' while node is not None: output += str(node.val) output += " " node = node.next print(output) # Iterative Solution @staticmethod def reverseIteratively(head): reverse = None following = head.next while head: head.next = reverse reverse = head head = following if following: following = following.next if __name__ == '__main__': testHead = ListNode(4) node1 = ListNode(3) testHead.next = node1 node2 = ListNode(2) node1.next = node2 node3 = ListNode(1) node2.next = node3 testTail = ListNode(0) node3.next = testTail print("Initial list: ") testHead.printList() #4 3 2 1 0 testHead.reverseIteratively(testHead) print("List after reversal: ") testTail.printList() #0 1 2 3 4
class Listnode(object): def __init__(self, x): self.val = x self.next = None def print_list(self): node = self output = '' while node is not None: output += str(node.val) output += ' ' node = node.next print(output) @staticmethod def reverse_iteratively(head): reverse = None following = head.next while head: head.next = reverse reverse = head head = following if following: following = following.next if __name__ == '__main__': test_head = list_node(4) node1 = list_node(3) testHead.next = node1 node2 = list_node(2) node1.next = node2 node3 = list_node(1) node2.next = node3 test_tail = list_node(0) node3.next = testTail print('Initial list: ') testHead.printList() testHead.reverseIteratively(testHead) print('List after reversal: ') testTail.printList()
# My Script: hrs=input('Enter Hours: ') hrs=float(hrs) rph=input('Enter your rate per hour: ') rph=float(rph) pay=hrs*rph print('Pay:', pay)
hrs = input('Enter Hours: ') hrs = float(hrs) rph = input('Enter your rate per hour: ') rph = float(rph) pay = hrs * rph print('Pay:', pay)
#!/usr/bin/python def twosum(list, target): for i in list: for j in list: if i != j and i + j == target: return True return False with open('xmas.txt') as fh: lines = fh.readlines() nums = [int(l.strip()) for l in lines] idx = 25 while(True): last25 = nums[idx-25:idx] if twosum(last25, nums[idx]): idx += 1 else: break targetsum = nums[idx] wstart = 0 wend = 1 while(True): cursum = sum(nums[wstart:wend+1]) if cursum < targetsum: wend += 1 elif cursum > targetsum: wstart += 1 else: print("%d %d" % (wstart, wend)) window = nums[wstart:wend+1] print(min(window) + max(window)) break print(cursum)
def twosum(list, target): for i in list: for j in list: if i != j and i + j == target: return True return False with open('xmas.txt') as fh: lines = fh.readlines() nums = [int(l.strip()) for l in lines] idx = 25 while True: last25 = nums[idx - 25:idx] if twosum(last25, nums[idx]): idx += 1 else: break targetsum = nums[idx] wstart = 0 wend = 1 while True: cursum = sum(nums[wstart:wend + 1]) if cursum < targetsum: wend += 1 elif cursum > targetsum: wstart += 1 else: print('%d %d' % (wstart, wend)) window = nums[wstart:wend + 1] print(min(window) + max(window)) break print(cursum)
class Solution: # Max to Min distance pair, O(n^2) time, O(1) space def maxDistance(self, colors: List[int]) -> int: for dist in range(len(colors)-1, 0, -1): for i in range(len(colors)-dist): if colors[i] != colors[i+dist]: return dist # Max dist from endpoints (Top Voted), O(n) time, O(1) space def maxDistance(self, A: List[int]) -> int: i, j = 0, len(A) - 1 while A[0] == A[j]: j -= 1 while A[-1] == A[i]: i += 1 return max(len(A) - 1 - i, j)
class Solution: def max_distance(self, colors: List[int]) -> int: for dist in range(len(colors) - 1, 0, -1): for i in range(len(colors) - dist): if colors[i] != colors[i + dist]: return dist def max_distance(self, A: List[int]) -> int: (i, j) = (0, len(A) - 1) while A[0] == A[j]: j -= 1 while A[-1] == A[i]: i += 1 return max(len(A) - 1 - i, j)
#Functions def userFunction(): #Putting Function print("Hello, User :)") print("Have a nice day!") #Calling Function userFunction()
def user_function(): print('Hello, User :)') print('Have a nice day!') user_function()
num_of_lines = int(input()) def cold_compress(cum, rs): N = len(cum) # exit if (rs == ""): output_string = "" for s in cum: output_string += str(s) + " " return output_string # iteration if (N >= 2 and cum[N-1] == rs[0]): cnt = cum[N-2] cnt += 1 cum[N-2] = cnt return cold_compress(cum, rs[1:]) else: cum.append(1) cum.append(rs[0]) return cold_compress(cum, rs[1:]) for i in range(0, num_of_lines): print(cold_compress([], input()))
num_of_lines = int(input()) def cold_compress(cum, rs): n = len(cum) if rs == '': output_string = '' for s in cum: output_string += str(s) + ' ' return output_string if N >= 2 and cum[N - 1] == rs[0]: cnt = cum[N - 2] cnt += 1 cum[N - 2] = cnt return cold_compress(cum, rs[1:]) else: cum.append(1) cum.append(rs[0]) return cold_compress(cum, rs[1:]) for i in range(0, num_of_lines): print(cold_compress([], input()))
# arr = [2, 3, -4, -9, -1, -7, 1, -5, -6] arr = [0, 0, 0, 0] def next_p(arr, l, x): print("px0", x) while x <= l - 1 and arr[x] < 0: x += 1 print("px1", x) print("px2", x) return x def next_n(arr, l, x): print("nx0", x) while x <= l - 1 and arr[x] >= 0: x += 1 print("nx1", x) print("nx2", x) return x l = len(arr) n = next_n(arr, l, 0) p = next_p(arr, l, 0) res = [] i = 0 print("a0", i, n, p, l, arr) while i < l and n < l and p < l: pos = i % 2 == 0 print("pos", i, pos, n, p) if pos: res.append(arr[p]) p += 1 p = next_p(arr, l, p) else: res.append(arr[n]) n += 1 n = next_n(arr, l, n) i += 1 print("a1", i, n, p, l, res) while i < l and n < l: if arr[n] < 0: res.append(arr[n]) n += 1 while i < l and p < l: if arr[p] >= 0: res.append(arr[p]) p += 1 print("a2", res)
arr = [0, 0, 0, 0] def next_p(arr, l, x): print('px0', x) while x <= l - 1 and arr[x] < 0: x += 1 print('px1', x) print('px2', x) return x def next_n(arr, l, x): print('nx0', x) while x <= l - 1 and arr[x] >= 0: x += 1 print('nx1', x) print('nx2', x) return x l = len(arr) n = next_n(arr, l, 0) p = next_p(arr, l, 0) res = [] i = 0 print('a0', i, n, p, l, arr) while i < l and n < l and (p < l): pos = i % 2 == 0 print('pos', i, pos, n, p) if pos: res.append(arr[p]) p += 1 p = next_p(arr, l, p) else: res.append(arr[n]) n += 1 n = next_n(arr, l, n) i += 1 print('a1', i, n, p, l, res) while i < l and n < l: if arr[n] < 0: res.append(arr[n]) n += 1 while i < l and p < l: if arr[p] >= 0: res.append(arr[p]) p += 1 print('a2', res)
# -*- coding: utf-8 -*- # OPENID URLS URL_WELL_KNOWN = "realms/{realm-name}/.well-known/openid-configuration" URL_TOKEN = "realms/{realm-name}/protocol/openid-connect/token" URL_USERINFO = "realms/{realm-name}/protocol/openid-connect/userinfo" URL_LOGOUT = "realms/{realm-name}/protocol/openid-connect/logout" URL_CERTS = "realms/{realm-name}/protocol/openid-connect/certs" URL_INTROSPECT = "realms/{realm-name}/protocol/openid-connect/token/introspect" URL_ENTITLEMENT = "realms/{realm-name}/authz/entitlement/{resource-server-id}" # ADMIN URLS URL_ADMIN_USERS = "admin/realms/{realm-name}/users" URL_ADMIN_USERS_COUNT = "admin/realms/{realm-name}/users/count" URL_ADMIN_USER = "admin/realms/{realm-name}/users/{id}" URL_ADMIN_USER_CONSENTS = "admin/realms/{realm-name}/users/{id}/consents" URL_ADMIN_SEND_UPDATE_ACCOUNT = "admin/realms/{realm-name}/users/{id}/execute-actions-email" URL_ADMIN_SEND_VERIFY_EMAIL = "admin/realms/{realm-name}/users/{id}/send-verify-email" URL_ADMIN_RESET_PASSWORD = "admin/realms/{realm-name}/users/{id}/reset-password" URL_ADMIN_GET_SESSIONS = "admin/realms/{realm-name}/users/{id}/sessions" URL_ADMIN_USER_CLIENT_ROLES = "admin/realms/{realm-name}/users/{id}/role-mappings/clients/{client-id}" URL_ADMIN_USER_GROUP = "admin/realms/{realm-name}/users/{id}/groups/{group-id}" URL_ADMIN_SERVER_INFO = "admin/serverinfo" URL_ADMIN_GROUPS = "admin/realms/{realm-name}/groups" URL_ADMIN_GROUP = "admin/realms/{realm-name}/groups/{id}" URL_ADMIN_GROUP_CHILD = "admin/realms/{realm-name}/groups/{id}/children" URL_ADMIN_GROUP_PERMISSIONS = "admin/realms/{realm-name}/groups/{id}/management/permissions" URL_ADMIN_CLIENTS = "admin/realms/{realm-name}/clients" URL_ADMIN_CLIENT = "admin/realms/{realm-name}/clients/{id}" URL_ADMIN_CLIENT_ROLES = "admin/realms/{realm-name}/clients/{id}/roles" URL_ADMIN_CLIENT_ROLE = "admin/realms/{realm-name}/clients/{id}/roles/{role-name}" URL_ADMIN_REALM_ROLES = "admin/realms/{realm-name}/roles" URL_ADMIN_USER_STORAGE = "admin/realms/{realm-name}/user-storage/{id}/sync"
url_well_known = 'realms/{realm-name}/.well-known/openid-configuration' url_token = 'realms/{realm-name}/protocol/openid-connect/token' url_userinfo = 'realms/{realm-name}/protocol/openid-connect/userinfo' url_logout = 'realms/{realm-name}/protocol/openid-connect/logout' url_certs = 'realms/{realm-name}/protocol/openid-connect/certs' url_introspect = 'realms/{realm-name}/protocol/openid-connect/token/introspect' url_entitlement = 'realms/{realm-name}/authz/entitlement/{resource-server-id}' url_admin_users = 'admin/realms/{realm-name}/users' url_admin_users_count = 'admin/realms/{realm-name}/users/count' url_admin_user = 'admin/realms/{realm-name}/users/{id}' url_admin_user_consents = 'admin/realms/{realm-name}/users/{id}/consents' url_admin_send_update_account = 'admin/realms/{realm-name}/users/{id}/execute-actions-email' url_admin_send_verify_email = 'admin/realms/{realm-name}/users/{id}/send-verify-email' url_admin_reset_password = 'admin/realms/{realm-name}/users/{id}/reset-password' url_admin_get_sessions = 'admin/realms/{realm-name}/users/{id}/sessions' url_admin_user_client_roles = 'admin/realms/{realm-name}/users/{id}/role-mappings/clients/{client-id}' url_admin_user_group = 'admin/realms/{realm-name}/users/{id}/groups/{group-id}' url_admin_server_info = 'admin/serverinfo' url_admin_groups = 'admin/realms/{realm-name}/groups' url_admin_group = 'admin/realms/{realm-name}/groups/{id}' url_admin_group_child = 'admin/realms/{realm-name}/groups/{id}/children' url_admin_group_permissions = 'admin/realms/{realm-name}/groups/{id}/management/permissions' url_admin_clients = 'admin/realms/{realm-name}/clients' url_admin_client = 'admin/realms/{realm-name}/clients/{id}' url_admin_client_roles = 'admin/realms/{realm-name}/clients/{id}/roles' url_admin_client_role = 'admin/realms/{realm-name}/clients/{id}/roles/{role-name}' url_admin_realm_roles = 'admin/realms/{realm-name}/roles' url_admin_user_storage = 'admin/realms/{realm-name}/user-storage/{id}/sync'
#DEFAULT ARGS print('Default Args : ') def sample(a, b = 0, c = 1) : print(a, b, c) sample(10) sample(10, 20) sample(10, 20, 30) #VARIABLE NUMBER OF ARGS print('VARIABLE NUMBER OF ARGS : ') def add(a, b, *t) : s = a + b for x in t : s = s + x return s print(add(1, 2, 3, 4)) #KEY - WORD ARGS print('KEY - WORD ARGS : ') def sample2(j, k, l) : print(j, k, l) sample2(j = 'hi', k = 1.5, l = 30) # VARIABLE NUMBER OF KEY - WORD ARGS print('VARIABLE NUMBER OF KEY - WORD ARGS : ') def sample3(**d) : print(d) sample3(m = 'Monday') sample3(m = 'Monday', b = 'Tuesday')
print('Default Args : ') def sample(a, b=0, c=1): print(a, b, c) sample(10) sample(10, 20) sample(10, 20, 30) print('VARIABLE NUMBER OF ARGS : ') def add(a, b, *t): s = a + b for x in t: s = s + x return s print(add(1, 2, 3, 4)) print('KEY - WORD ARGS : ') def sample2(j, k, l): print(j, k, l) sample2(j='hi', k=1.5, l=30) print('VARIABLE NUMBER OF KEY - WORD ARGS : ') def sample3(**d): print(d) sample3(m='Monday') sample3(m='Monday', b='Tuesday')
string = 'b a ' newstring = string[-1::-1] length = 0 print(newstring) for i in range(0, len(newstring)): if newstring[i] == ' ': if i == 0: continue if newstring[i-1] == ' ': continue break length += 1 print(length)
string = 'b a ' newstring = string[-1::-1] length = 0 print(newstring) for i in range(0, len(newstring)): if newstring[i] == ' ': if i == 0: continue if newstring[i - 1] == ' ': continue break length += 1 print(length)
NEPS_URL = 'https://neps.academy' ENGLISH_BUTTON = '/html/body/div/div/div/div[2]/div/div/a/div[2]/div' LOGIN_PAGE_BUTTON = '//*[@id="app"]/div/div/div/div[1]/div/header/div/div/div[3]/div/div/nav/ul/li[6]/button' EMAIL_INPUT = '/html/body/div/div/div/div[3]/div/div/div/form/div[1]/div/div[1]/div/input' PASSWORD_INPUT = '/html/body/div/div/div/div[3]/div/div/div/form/div[2]/div/div[1]/div[1]/input' LOGIN_MODAL_BUTTON = '//*[@id="app"]/div[3]/div/div/div/form/div[3]/button'
neps_url = 'https://neps.academy' english_button = '/html/body/div/div/div/div[2]/div/div/a/div[2]/div' login_page_button = '//*[@id="app"]/div/div/div/div[1]/div/header/div/div/div[3]/div/div/nav/ul/li[6]/button' email_input = '/html/body/div/div/div/div[3]/div/div/div/form/div[1]/div/div[1]/div/input' password_input = '/html/body/div/div/div/div[3]/div/div/div/form/div[2]/div/div[1]/div[1]/input' login_modal_button = '//*[@id="app"]/div[3]/div/div/div/form/div[3]/button'
password = input() alpha = False upalpha = False digit = False for i in password: if i.isspace(): print("NOPE") break if i.isdigit(): digit = True if i.isalpha(): if i.isupper(): upalpha = True if i.islower(): alpha = True else: if alpha and upalpha and digit: print("OK") else: print("NOPE")
password = input() alpha = False upalpha = False digit = False for i in password: if i.isspace(): print('NOPE') break if i.isdigit(): digit = True if i.isalpha(): if i.isupper(): upalpha = True if i.islower(): alpha = True else: if alpha and upalpha and digit: print('OK') else: print('NOPE')
#!/usr/bin/env python3 class IndexCreator: def __init__(self): self._index = 0 def generate(self): r = self._index self._index += 1 return r def clear(self): self._index = 0 if __name__ == "__main__": i = IndexCreator() print(i.generate(), i.generate(), i.generate(), i.generate()) i.clear() print(i.generate(), i.generate(), i.generate(), i.generate())
class Indexcreator: def __init__(self): self._index = 0 def generate(self): r = self._index self._index += 1 return r def clear(self): self._index = 0 if __name__ == '__main__': i = index_creator() print(i.generate(), i.generate(), i.generate(), i.generate()) i.clear() print(i.generate(), i.generate(), i.generate(), i.generate())
#Drinklist by Danzibob Credits to him! drink_list = [{ 'name': 'Vesper', 'ingredients': { 'gin': 60, 'vodka': 15.0, 'vermouth': 7.5 }, }, { 'name': 'Bacardi', 'ingredients': { 'whiteRum': 45.0, 'lij': 20, 'grenadine': 10 }, }, { 'name': 'Kryptonite', 'ingredients': { 'vodka': 8.0, 'whiskey': 7.0, 'lej': 6.0, 'oj': 5.0, 'grenadine': 4.0, 'cj': 3.0, 'rum': 2.0, 'vermouth': 1.0 }, }, { 'name': 'Vodka', 'ingredients': { 'vodka': 10.0, }, }, { 'name': 'Whiskey', 'ingredients': { 'whiskey': 10.0, }, }, { 'name': 'Lemon Juice', 'ingredients': { 'lej': 10.0, }, }, { 'name': 'Orange Juice', 'ingredients': { 'oj': 10.0, }, }, { 'name': 'Grenadine', 'ingredients': { 'grenadine': 10.0, }, }, { 'name': 'Cranberry Juice', 'ingredients': { 'cj': 10.0, }, }, { 'name': 'Rum', 'ingredients': { 'rum': 10.0, }, }, { 'name': 'Vermouth', 'ingredients': { 'vermouth': 10.0 }, }, { 'name': 'Negroni', 'ingredients': { 'gin': 30, 'campari': 30, 'vermouth': 30 }, }, { 'name': 'Rose', 'ingredients': { 'cherryBrandy': 20, 'vermouth': 40 }, }, { 'name': 'Old Fashioned', 'ingredients': { 'whiskey': 45.0 }, }, { 'name': 'Tuxedo', 'ingredients': { 'gin': 30, 'vermouth': 30 }, }, { 'name': 'Mojito', 'ingredients': { 'whiteRum': 40, 'lij': 30 }, }, { 'name': "Horse's Neck", 'ingredients': { 'brandy': 40, 'gingerAle': 120 }, }, { 'name': "Planter's Punch", 'ingredients': { 'darkRum': 45.0, 'oj': 35.0, 'pj': 35.0, 'lej': 20, 'grenadine': 10 }, }, { 'name': 'Sea Breeze', 'ingredients': { 'vodka': 40, 'cj': 120, 'gj': 30 }, }, { 'name': 'Pisco Sour', 'ingredients': { 'brandy': 45.0, 'lej': 30, 'grenadine': 20 }, }, { 'name': 'Long Island Iced Tea', 'ingredients': { 'tequila': 15.0, 'vodka': 15.0, 'whiteRum': 15.0, 'tripSec': 15.0, 'gin': 15.0, 'lej': 25.0, 'grenadine': 30.0 }, }, { 'name': 'Clover Club', 'ingredients': { 'gin': 45.0, 'grenadine': 15.0, 'lej': 15.0 }, }, { 'name': 'Angel Face', 'ingredients': { 'gin': 30, 'apricotBrandy': 30, 'appleBrandy': 30 }, }, { 'name': 'Mimosa', 'ingredients': { 'champagne': 75.0, 'oj': 75.0 }, }, { 'name': 'Whiskey Sour', 'ingredients': { 'whiskey': 45.0, 'lej': 30.0, 'grenadine': 15.0 }, }, { 'name': 'Screwdriver', 'ingredients': { 'vodka': 50, 'oj': 100 }, }, { 'name': 'Cuba Libre', 'ingredients': { 'whiteRum': 50, 'cola': 120, 'lij': 10 }, }, { 'name': 'Manhattan', 'ingredients': { 'whiskey': 50, 'vermouth': 20 }, }, { 'name': 'Porto Flip', 'ingredients': { 'brandy': 15.0, 'port': 45.0, 'eggYolk': 10 }, }, { 'name': 'Gin Fizz', 'ingredients': { 'gin': 45.0, 'lej': 30, 'grenadine': 10, 'soda': 80 }, }, { 'name': 'Espresso Martini', 'ingredients': { 'vodka': 50, 'coffeeLiqueur': 10 }, }, { 'name': 'Margarita', 'ingredients': { 'tequila': 35.0, 'tripSec': 20, 'lij': 15.0 }, }, { 'name': 'French 75', 'ingredients': { 'gin': 30, 'lej': 15.0, 'champagne': 60 }, }, { 'name': 'Yellow Bird', 'ingredients': { 'whiteRum': 30, 'galliano': 15.0, 'tripSec': 15.0, 'lij': 15.0 }, }, { 'name': 'Pina Colada', 'ingredients': { 'whiteRum': 30, 'pj': 90, 'coconutMilk': 30 }, }, { 'name': 'Aviation', 'ingredients': { 'gin': 45.0, 'cherryLiqueur': 15.0, 'lej': 15.0 }, }, { 'name': 'Bellini', 'ingredients': { 'prosecco': 100, 'peachPuree': 50 }, }, { 'name': 'Grasshopper', 'ingredients': { 'cremeCacao': 30, 'cream': 30 }, }, { 'name': 'Tequila Sunrise', 'ingredients': { 'tequila': 45.0, 'oj': 90, 'grenadine': 15.0 }, }, { 'name': 'Daiquiri', 'ingredients': { 'whiteRum': 45.0, 'lij': 25.0, 'grenadine': 15.0 }, }, { 'name': 'Rusty Nail', 'ingredients': { 'whiskey': 25.0 }, }, { 'name': 'B52', 'ingredients': { 'coffeeLiqueur': 20, 'baileys': 20, 'tripSec': 20 }, }, { 'name': 'Stinger', 'ingredients': { 'brandy': 50, 'cremeCacao': 20 }, }, { 'name': 'Golden Dream', 'ingredients': { 'galliano': 20, 'tripSec': 20, 'oj': 20, 'cream': 10 }, }, { 'name': 'God Mother', 'ingredients': { 'vodka': 35.0, 'amaretto': 35.0 }, }, { 'name': 'Spritz Veneziano', 'ingredients': { 'prosecco': 60, 'aperol': 40 }, }, { 'name': 'Bramble', 'ingredients': { 'gin': 40, 'lej': 15.0, 'grenadine': 10, 'blackberryLiqueur': 15.0 }, }, { 'name': 'Alexander', 'ingredients': { 'brandy': 30, 'cremeCacao': 30, 'cream': 30 }, }, { 'name': 'Lemon Drop Martini', 'ingredients': { 'vodka': 25.0, 'tripSec': 20, 'lej': 15.0 }, }, { 'name': 'French Martini', 'ingredients': { 'vodka': 45.0, 'raspberryLiqueur': 15.0, 'pj': 15.0 }, }, { 'name': 'Black Russian', 'ingredients': { 'vodka': 50, 'coffeeLiqueur': 20 }, }, { 'name': 'Bloody Mary', 'ingredients': { 'vodka': 45.0, 'tj': 90, 'lej': 15.0 }, }, { 'name': 'Mai-tai', 'ingredients': { 'whiteRum': 40, 'darkRum': 20, 'tripSec': 15.0, 'grenadine': 15.0, 'lij': 10 }, }, { "name": "Madras", "ingredients": { "vodka": 45, "cj": 90, "oj": 30 } }, { "name": "Lemon Drop", "ingredients": { "vodka": 40, "lej": 40, "grenadine": 15 } }, { "name": "Gin Tonic", "ingredients": { "gin": 50, "tonic": 160 } }, { "name": "Cape Cod", "ingredients": { "vodka": 35, "cj": 135 } }, { "name": "Bourbon Squash", "ingredients": { "whisky": 45, "oj": 50, "lej": 30, "grenadine": 20 } }] drink_options = [ { "name": "Gin", "value": "gin" }, { "name": "White Rum", "value": "whiteRum" }, { "name": "Dark Rum", "value": "darkRum" }, { "name": "Coconut Rum", "value": "coconutRum" }, { "name": "Vodka", "value": "vodka" }, { "name": "Tequila", "value": "tequila" }, { "name": "Tonic Water", "value": "tonic" }, { "name": "Coke", "value": "coke" }, { "name": "Orange Juice", "value": "oj" }, { "name": "Margarita Mix", "value": "mmix" }, { "name": "Cranberry Juice", "value": "cj" }, { "name": "Pineapple Juice", "value": "pj" }, { "name": "Apple Juice", "value": "aj" }, { "name": "Grapefruit Juice", "value": "gj" }, { "name": "Tomato Juice", "value": "tj" }, { "name": "Lime Juice", "value": "lij" }, { "name": "Lemon Juice", "value": "lej" }, { "name": "Whiskey", "value": "whiskey" }, { "name": "Triple Sec", "value": "tripSec" }, { "name": "Grenadine", "value": "grenadine" }, { "name": "Vermouth", "value": "vermouth" }, { "name": "Soda", "value": "soda" }, { "name": "Peach Schnapps", "value": "peachSchnapps" }, { "name": "Midori", "value": "midori" }, { "name": "Presecco", "value": "prosecco" }, { "name": "Cherry Brandy", "value": "cherryBrandy" }, { "name": "Apple Brandy", "value": "appleBrandy" }, { "name": "Apricot Brandy", "value": "apricotBrandy" }, { "name": "Brandy (generic)", "value": "brandy" }, { "name": "Champagne", "value": "champagne" }, { "name": "Cola", "value": "cola" }, { "name": "Port", "value": "port" }, { "name": "Coconut Milk", "value": "coconutMilk" }, { "name": "Creme de Cacao", "value": "cremeCacao" }, { "name": "Grenadine", "value": "grenadine" } ] # Check for ingredients that we don 't have a record for if __name__ == "__main__": found = [] drinks = [x["value"] for x in drink_options] for D in drink_list: for I in D["ingredients"]: if I not in drinks and I not in found: found.append(I) print(I)
drink_list = [{'name': 'Vesper', 'ingredients': {'gin': 60, 'vodka': 15.0, 'vermouth': 7.5}}, {'name': 'Bacardi', 'ingredients': {'whiteRum': 45.0, 'lij': 20, 'grenadine': 10}}, {'name': 'Kryptonite', 'ingredients': {'vodka': 8.0, 'whiskey': 7.0, 'lej': 6.0, 'oj': 5.0, 'grenadine': 4.0, 'cj': 3.0, 'rum': 2.0, 'vermouth': 1.0}}, {'name': 'Vodka', 'ingredients': {'vodka': 10.0}}, {'name': 'Whiskey', 'ingredients': {'whiskey': 10.0}}, {'name': 'Lemon Juice', 'ingredients': {'lej': 10.0}}, {'name': 'Orange Juice', 'ingredients': {'oj': 10.0}}, {'name': 'Grenadine', 'ingredients': {'grenadine': 10.0}}, {'name': 'Cranberry Juice', 'ingredients': {'cj': 10.0}}, {'name': 'Rum', 'ingredients': {'rum': 10.0}}, {'name': 'Vermouth', 'ingredients': {'vermouth': 10.0}}, {'name': 'Negroni', 'ingredients': {'gin': 30, 'campari': 30, 'vermouth': 30}}, {'name': 'Rose', 'ingredients': {'cherryBrandy': 20, 'vermouth': 40}}, {'name': 'Old Fashioned', 'ingredients': {'whiskey': 45.0}}, {'name': 'Tuxedo', 'ingredients': {'gin': 30, 'vermouth': 30}}, {'name': 'Mojito', 'ingredients': {'whiteRum': 40, 'lij': 30}}, {'name': "Horse's Neck", 'ingredients': {'brandy': 40, 'gingerAle': 120}}, {'name': "Planter's Punch", 'ingredients': {'darkRum': 45.0, 'oj': 35.0, 'pj': 35.0, 'lej': 20, 'grenadine': 10}}, {'name': 'Sea Breeze', 'ingredients': {'vodka': 40, 'cj': 120, 'gj': 30}}, {'name': 'Pisco Sour', 'ingredients': {'brandy': 45.0, 'lej': 30, 'grenadine': 20}}, {'name': 'Long Island Iced Tea', 'ingredients': {'tequila': 15.0, 'vodka': 15.0, 'whiteRum': 15.0, 'tripSec': 15.0, 'gin': 15.0, 'lej': 25.0, 'grenadine': 30.0}}, {'name': 'Clover Club', 'ingredients': {'gin': 45.0, 'grenadine': 15.0, 'lej': 15.0}}, {'name': 'Angel Face', 'ingredients': {'gin': 30, 'apricotBrandy': 30, 'appleBrandy': 30}}, {'name': 'Mimosa', 'ingredients': {'champagne': 75.0, 'oj': 75.0}}, {'name': 'Whiskey Sour', 'ingredients': {'whiskey': 45.0, 'lej': 30.0, 'grenadine': 15.0}}, {'name': 'Screwdriver', 'ingredients': {'vodka': 50, 'oj': 100}}, {'name': 'Cuba Libre', 'ingredients': {'whiteRum': 50, 'cola': 120, 'lij': 10}}, {'name': 'Manhattan', 'ingredients': {'whiskey': 50, 'vermouth': 20}}, {'name': 'Porto Flip', 'ingredients': {'brandy': 15.0, 'port': 45.0, 'eggYolk': 10}}, {'name': 'Gin Fizz', 'ingredients': {'gin': 45.0, 'lej': 30, 'grenadine': 10, 'soda': 80}}, {'name': 'Espresso Martini', 'ingredients': {'vodka': 50, 'coffeeLiqueur': 10}}, {'name': 'Margarita', 'ingredients': {'tequila': 35.0, 'tripSec': 20, 'lij': 15.0}}, {'name': 'French 75', 'ingredients': {'gin': 30, 'lej': 15.0, 'champagne': 60}}, {'name': 'Yellow Bird', 'ingredients': {'whiteRum': 30, 'galliano': 15.0, 'tripSec': 15.0, 'lij': 15.0}}, {'name': 'Pina Colada', 'ingredients': {'whiteRum': 30, 'pj': 90, 'coconutMilk': 30}}, {'name': 'Aviation', 'ingredients': {'gin': 45.0, 'cherryLiqueur': 15.0, 'lej': 15.0}}, {'name': 'Bellini', 'ingredients': {'prosecco': 100, 'peachPuree': 50}}, {'name': 'Grasshopper', 'ingredients': {'cremeCacao': 30, 'cream': 30}}, {'name': 'Tequila Sunrise', 'ingredients': {'tequila': 45.0, 'oj': 90, 'grenadine': 15.0}}, {'name': 'Daiquiri', 'ingredients': {'whiteRum': 45.0, 'lij': 25.0, 'grenadine': 15.0}}, {'name': 'Rusty Nail', 'ingredients': {'whiskey': 25.0}}, {'name': 'B52', 'ingredients': {'coffeeLiqueur': 20, 'baileys': 20, 'tripSec': 20}}, {'name': 'Stinger', 'ingredients': {'brandy': 50, 'cremeCacao': 20}}, {'name': 'Golden Dream', 'ingredients': {'galliano': 20, 'tripSec': 20, 'oj': 20, 'cream': 10}}, {'name': 'God Mother', 'ingredients': {'vodka': 35.0, 'amaretto': 35.0}}, {'name': 'Spritz Veneziano', 'ingredients': {'prosecco': 60, 'aperol': 40}}, {'name': 'Bramble', 'ingredients': {'gin': 40, 'lej': 15.0, 'grenadine': 10, 'blackberryLiqueur': 15.0}}, {'name': 'Alexander', 'ingredients': {'brandy': 30, 'cremeCacao': 30, 'cream': 30}}, {'name': 'Lemon Drop Martini', 'ingredients': {'vodka': 25.0, 'tripSec': 20, 'lej': 15.0}}, {'name': 'French Martini', 'ingredients': {'vodka': 45.0, 'raspberryLiqueur': 15.0, 'pj': 15.0}}, {'name': 'Black Russian', 'ingredients': {'vodka': 50, 'coffeeLiqueur': 20}}, {'name': 'Bloody Mary', 'ingredients': {'vodka': 45.0, 'tj': 90, 'lej': 15.0}}, {'name': 'Mai-tai', 'ingredients': {'whiteRum': 40, 'darkRum': 20, 'tripSec': 15.0, 'grenadine': 15.0, 'lij': 10}}, {'name': 'Madras', 'ingredients': {'vodka': 45, 'cj': 90, 'oj': 30}}, {'name': 'Lemon Drop', 'ingredients': {'vodka': 40, 'lej': 40, 'grenadine': 15}}, {'name': 'Gin Tonic', 'ingredients': {'gin': 50, 'tonic': 160}}, {'name': 'Cape Cod', 'ingredients': {'vodka': 35, 'cj': 135}}, {'name': 'Bourbon Squash', 'ingredients': {'whisky': 45, 'oj': 50, 'lej': 30, 'grenadine': 20}}] drink_options = [{'name': 'Gin', 'value': 'gin'}, {'name': 'White Rum', 'value': 'whiteRum'}, {'name': 'Dark Rum', 'value': 'darkRum'}, {'name': 'Coconut Rum', 'value': 'coconutRum'}, {'name': 'Vodka', 'value': 'vodka'}, {'name': 'Tequila', 'value': 'tequila'}, {'name': 'Tonic Water', 'value': 'tonic'}, {'name': 'Coke', 'value': 'coke'}, {'name': 'Orange Juice', 'value': 'oj'}, {'name': 'Margarita Mix', 'value': 'mmix'}, {'name': 'Cranberry Juice', 'value': 'cj'}, {'name': 'Pineapple Juice', 'value': 'pj'}, {'name': 'Apple Juice', 'value': 'aj'}, {'name': 'Grapefruit Juice', 'value': 'gj'}, {'name': 'Tomato Juice', 'value': 'tj'}, {'name': 'Lime Juice', 'value': 'lij'}, {'name': 'Lemon Juice', 'value': 'lej'}, {'name': 'Whiskey', 'value': 'whiskey'}, {'name': 'Triple Sec', 'value': 'tripSec'}, {'name': 'Grenadine', 'value': 'grenadine'}, {'name': 'Vermouth', 'value': 'vermouth'}, {'name': 'Soda', 'value': 'soda'}, {'name': 'Peach Schnapps', 'value': 'peachSchnapps'}, {'name': 'Midori', 'value': 'midori'}, {'name': 'Presecco', 'value': 'prosecco'}, {'name': 'Cherry Brandy', 'value': 'cherryBrandy'}, {'name': 'Apple Brandy', 'value': 'appleBrandy'}, {'name': 'Apricot Brandy', 'value': 'apricotBrandy'}, {'name': 'Brandy (generic)', 'value': 'brandy'}, {'name': 'Champagne', 'value': 'champagne'}, {'name': 'Cola', 'value': 'cola'}, {'name': 'Port', 'value': 'port'}, {'name': 'Coconut Milk', 'value': 'coconutMilk'}, {'name': 'Creme de Cacao', 'value': 'cremeCacao'}, {'name': 'Grenadine', 'value': 'grenadine'}] if __name__ == '__main__': found = [] drinks = [x['value'] for x in drink_options] for d in drink_list: for i in D['ingredients']: if I not in drinks and I not in found: found.append(I) print(I)
''' Thanks to "Primo" for the amazing code found in this .py. ''' # legendre symbol (a|m) # note: returns m-1 if a is a non-residue, instead of -1 def legendre(a, m): return pow(a, (m-1) >> 1, m) # strong probable prime def is_sprp(n, b=2): d = n-1 s = 0 while d & 1 == 0: s += 1 d >>= 1 x = pow(b, d, n) if x == 1 or x == n-1: return True for r in range(1, s): x = (x * x) % n if x == 1: return False elif x == n-1: return True return False # lucas probable prime # assumes D = 1 (mod 4), (D|n) = -1 def is_lucas_prp(n, D): P = 1 Q = (1-D) >> 2 # n+1 = 2**r*s where s is odd s = n+1 r = 0 while s&1 == 0: r += 1 s >>= 1 # calculate the bit reversal of (odd) s # e.g. 19 (10011) <=> 25 (11001) t = 0 while s > 0: if s & 1: t += 1 s -= 1 else: t <<= 1 s >>= 1 # use the same bit reversal process to calculate the sth Lucas number # keep track of q = Q**n as we go U = 0 V = 2 q = 1 # mod_inv(2, n) inv_2 = (n+1) >> 1 while t > 0: if t & 1 == 1: # U, V of n+1 U, V = ((U + V) * inv_2) % n, ((D*U + V) * inv_2) % n q = (q * Q) % n t -= 1 else: # U, V of n*2 U, V = (U * V) % n, (V * V - 2 * q) % n q = (q * q) % n t >>= 1 # double s until we have the 2**r*sth Lucas number while r > 0: U, V = (U * V)%n, (V * V - 2 * q)%n q = (q * q)%n r -= 1 # primality check # if n is prime, n divides the n+1st Lucas number, given the assumptions return U == 0 # primes less than 212 small_primes = set([ 2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, 61, 67, 71, 73, 79, 83, 89, 97,101,103,107,109,113, 127,131,137,139,149,151,157,163,167,173, 179,181,191,193,197,199,211]) # pre-calced sieve of eratosthenes for n = 2, 3, 5, 7 indices = [ 1, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, 61, 67, 71, 73, 79, 83, 89, 97,101,103,107,109,113,121,127,131, 137,139,143,149,151,157,163,167,169,173, 179,181,187,191,193,197,199,209] # distances between sieve values offsets = [ 10, 2, 4, 2, 4, 6, 2, 6, 4, 2, 4, 6, 6, 2, 6, 4, 2, 6, 4, 6, 8, 4, 2, 4, 2, 4, 8, 6, 4, 6, 2, 4, 6, 2, 6, 6, 4, 2, 4, 6, 2, 6, 4, 2, 4, 2,10, 2] max_int = 2147483647 # an 'almost certain' primality check def is_prime(n): if n < 212: return n in small_primes for p in small_primes: if n % p == 0: return False # if n is a 32-bit integer, perform full trial division if n <= max_int: i = 211 while i * i < n: for o in offsets: i += o if n % i == 0: return False return True # Baillie-PSW # this is technically a probabalistic test, but there are no known pseudoprimes if not is_sprp(n): return False a = 5 s = 2 while legendre(a, n) != n-1: s = -s a = s-a return is_lucas_prp(n, a) # next prime strictly larger than n def next_prime(n): if n < 2: return 2 # first odd larger than n n = (n + 1) | 1 if n < 212: while True: if n in small_primes: return n n += 2 # find our position in the sieve rotation via binary search x = int(n % 210) s = 0 e = 47 m = 24 while m != e: if indices[m] < x: s = m m = (s + e + 1) >> 1 else: e = m m = (s + e) >> 1 i = int(n + (indices[m] - x)) # adjust offsets offs = offsets[m:]+offsets[:m] while True: for o in offs: if is_prime(i): return i i += o
""" Thanks to "Primo" for the amazing code found in this .py. """ def legendre(a, m): return pow(a, m - 1 >> 1, m) def is_sprp(n, b=2): d = n - 1 s = 0 while d & 1 == 0: s += 1 d >>= 1 x = pow(b, d, n) if x == 1 or x == n - 1: return True for r in range(1, s): x = x * x % n if x == 1: return False elif x == n - 1: return True return False def is_lucas_prp(n, D): p = 1 q = 1 - D >> 2 s = n + 1 r = 0 while s & 1 == 0: r += 1 s >>= 1 t = 0 while s > 0: if s & 1: t += 1 s -= 1 else: t <<= 1 s >>= 1 u = 0 v = 2 q = 1 inv_2 = n + 1 >> 1 while t > 0: if t & 1 == 1: (u, v) = ((U + V) * inv_2 % n, (D * U + V) * inv_2 % n) q = q * Q % n t -= 1 else: (u, v) = (U * V % n, (V * V - 2 * q) % n) q = q * q % n t >>= 1 while r > 0: (u, v) = (U * V % n, (V * V - 2 * q) % n) q = q * q % n r -= 1 return U == 0 small_primes = set([2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 127, 131, 137, 139, 149, 151, 157, 163, 167, 173, 179, 181, 191, 193, 197, 199, 211]) indices = [1, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 121, 127, 131, 137, 139, 143, 149, 151, 157, 163, 167, 169, 173, 179, 181, 187, 191, 193, 197, 199, 209] offsets = [10, 2, 4, 2, 4, 6, 2, 6, 4, 2, 4, 6, 6, 2, 6, 4, 2, 6, 4, 6, 8, 4, 2, 4, 2, 4, 8, 6, 4, 6, 2, 4, 6, 2, 6, 6, 4, 2, 4, 6, 2, 6, 4, 2, 4, 2, 10, 2] max_int = 2147483647 def is_prime(n): if n < 212: return n in small_primes for p in small_primes: if n % p == 0: return False if n <= max_int: i = 211 while i * i < n: for o in offsets: i += o if n % i == 0: return False return True if not is_sprp(n): return False a = 5 s = 2 while legendre(a, n) != n - 1: s = -s a = s - a return is_lucas_prp(n, a) def next_prime(n): if n < 2: return 2 n = n + 1 | 1 if n < 212: while True: if n in small_primes: return n n += 2 x = int(n % 210) s = 0 e = 47 m = 24 while m != e: if indices[m] < x: s = m m = s + e + 1 >> 1 else: e = m m = s + e >> 1 i = int(n + (indices[m] - x)) offs = offsets[m:] + offsets[:m] while True: for o in offs: if is_prime(i): return i i += o
a = "Hello World" b = a[3] c = a[-2] d = a[5::] e = a[:5] print(b) print(c) print(d) print(e)
a = 'Hello World' b = a[3] c = a[-2] d = a[5:] e = a[:5] print(b) print(c) print(d) print(e)
overlapped_classes = ["Alarm clock", "Backpack", "Banana", "Band Aid", "Basket", "Bath towel", "Beer bottle", "Bench", "Bicycle", "Binder (closed)", "Bottle cap", "Bread loaf", "Broom", "Bucket", "Butcher's knife", "Can opener", "Candle", "Cellphone", "Chair", "Clothes hamper", "Combination lock", "Computer mouse", "Desk lamp", "Dishrag or hand towel", "Doormat", "Dress", "Dress shoe (men)", "Drill", "Drinking Cup", "Drying rack for plates", "Envelope", "Fan", "Coffee/French press", "Frying pan", "Hair dryer", "Hammer", "Helmet", "Iron (for clothes)", "Jeans", "Keyboard", "Ladle", "Lampshade", "Laptop (open)", "Lemon", "Letter opener", "Lighter", "Lipstick", "Match", "Measuring cup", "Microwave", "Mixing / Salad Bowl", "Monitor", "Mug", "Nail (fastener)", "Necklace", "Orange", "Padlock", "Paintbrush", "Paper towel", "Pen", "Pill bottle", "Pillow", "Pitcher", "Plastic bag", "Plate", "Plunger", "Pop can", "Portable heater", "Printer", "Remote control", "Ruler", "Running shoe", "Safety pin", "Salt shaker", "Sandal", "Screw", "Shovel", "Skirt", "Sleeping bag", "Soap dispenser", "Sock", "Soup Bowl", "Spatula", "Speaker", "Still Camera", "Strainer", "Stuffed animal", "Suit jacket", "Sunglasses", "Sweater", "Swimming trunks", "T-shirt", "TV", "Teapot", "Tennis racket", "Tie", "Toaster", "Toilet paper roll", "Trash bin", "Tray", "Umbrella", "Vacuum cleaner", "Vase", "Wallet", "Watch", "Water bottle", "Weight (exercise)", "Weight scale", "Wheel", "Whistle", "Wine bottle", "Winter glove", "Wok"]
overlapped_classes = ['Alarm clock', 'Backpack', 'Banana', 'Band Aid', 'Basket', 'Bath towel', 'Beer bottle', 'Bench', 'Bicycle', 'Binder (closed)', 'Bottle cap', 'Bread loaf', 'Broom', 'Bucket', "Butcher's knife", 'Can opener', 'Candle', 'Cellphone', 'Chair', 'Clothes hamper', 'Combination lock', 'Computer mouse', 'Desk lamp', 'Dishrag or hand towel', 'Doormat', 'Dress', 'Dress shoe (men)', 'Drill', 'Drinking Cup', 'Drying rack for plates', 'Envelope', 'Fan', 'Coffee/French press', 'Frying pan', 'Hair dryer', 'Hammer', 'Helmet', 'Iron (for clothes)', 'Jeans', 'Keyboard', 'Ladle', 'Lampshade', 'Laptop (open)', 'Lemon', 'Letter opener', 'Lighter', 'Lipstick', 'Match', 'Measuring cup', 'Microwave', 'Mixing / Salad Bowl', 'Monitor', 'Mug', 'Nail (fastener)', 'Necklace', 'Orange', 'Padlock', 'Paintbrush', 'Paper towel', 'Pen', 'Pill bottle', 'Pillow', 'Pitcher', 'Plastic bag', 'Plate', 'Plunger', 'Pop can', 'Portable heater', 'Printer', 'Remote control', 'Ruler', 'Running shoe', 'Safety pin', 'Salt shaker', 'Sandal', 'Screw', 'Shovel', 'Skirt', 'Sleeping bag', 'Soap dispenser', 'Sock', 'Soup Bowl', 'Spatula', 'Speaker', 'Still Camera', 'Strainer', 'Stuffed animal', 'Suit jacket', 'Sunglasses', 'Sweater', 'Swimming trunks', 'T-shirt', 'TV', 'Teapot', 'Tennis racket', 'Tie', 'Toaster', 'Toilet paper roll', 'Trash bin', 'Tray', 'Umbrella', 'Vacuum cleaner', 'Vase', 'Wallet', 'Watch', 'Water bottle', 'Weight (exercise)', 'Weight scale', 'Wheel', 'Whistle', 'Wine bottle', 'Winter glove', 'Wok']
indexes = range(5) same_indexes = range(0, 5) print("indexes are:") for i in indexes: print(i) print("same_indexes are:") for i in same_indexes: print(i) special_indexes = range(5, 9) print("special_indexes are:") for i in special_indexes: print(i)
indexes = range(5) same_indexes = range(0, 5) print('indexes are:') for i in indexes: print(i) print('same_indexes are:') for i in same_indexes: print(i) special_indexes = range(5, 9) print('special_indexes are:') for i in special_indexes: print(i)
print('\nCalculate the midpoint of a line :') x1 = float(input('The value of x (the first endpoint) ')) y1 = float(input('The value of y (the first endpoint) ')) x2 = float(input('The value of x (the first endpoint) ')) y2 = float(input('The value of y (the first endpoint) ')) x_m_point = (x1 + x2)/2 y_m_point = (y1 + y2)/2 print() print("The midpoint of line is :") print( "The midpoint's x value is: ",x_m_point) print( "The midpoint's y value is: ",y_m_point) print()
print('\nCalculate the midpoint of a line :') x1 = float(input('The value of x (the first endpoint) ')) y1 = float(input('The value of y (the first endpoint) ')) x2 = float(input('The value of x (the first endpoint) ')) y2 = float(input('The value of y (the first endpoint) ')) x_m_point = (x1 + x2) / 2 y_m_point = (y1 + y2) / 2 print() print('The midpoint of line is :') print("The midpoint's x value is: ", x_m_point) print("The midpoint's y value is: ", y_m_point) print()
ts = [ # example tests 14, 16, 23, # small numbers 5, 4, 3, 2, 1, # random bit bigger numbers 10, 20, 31, 32, 33, 46, # perfect squares 25, 36, 49, # random incrementally larger numbers 73, 89, 106, 132, 182, 258, 299, 324, # perfect square 359, # prime 489, 512, 581, 713, 834, 952, 986, 996, 997, # largest prime in range 998, 999, ] for i, n in enumerate(ts): with open('T%02d.in' % i, 'w') as f: f.write('%d\n' % n)
ts = [14, 16, 23, 5, 4, 3, 2, 1, 10, 20, 31, 32, 33, 46, 25, 36, 49, 73, 89, 106, 132, 182, 258, 299, 324, 359, 489, 512, 581, 713, 834, 952, 986, 996, 997, 998, 999] for (i, n) in enumerate(ts): with open('T%02d.in' % i, 'w') as f: f.write('%d\n' % n)
n=int(input()) while n: n-=1 print(pow(*map(int,input().split()),10**9+7))
n = int(input()) while n: n -= 1 print(pow(*map(int, input().split()), 10 ** 9 + 7))
# Wrapper class to make dealing with logs easier class ChannelLog(): __channel = "" __logs = [] unread = False mentioned_in = False # the index of where to start printing the messages __index = 0 def __init__(self, channel, logs): self.__channel = channel self.__logs = list(logs) def get_server(self): return self.__channel.server def get_channel(self): return self.__channel def get_logs(self): return self.__logs def get_name(self): return self.__channel.name def get_server_name(self): return self.__channel.server.name def append(self, message): self.__logs.append(message) def index(self, message): return self.__logs.index(message) def insert(self, i, message): self.__logs.insert(i, message) def len(self): return len(self.__logs) def get_index(self): return self.__index def set_index(self, int): self.__index = int def inc_index(self, int): self.__index += int def dec_index(self, int): self.__index -= int
class Channellog: __channel = '' __logs = [] unread = False mentioned_in = False __index = 0 def __init__(self, channel, logs): self.__channel = channel self.__logs = list(logs) def get_server(self): return self.__channel.server def get_channel(self): return self.__channel def get_logs(self): return self.__logs def get_name(self): return self.__channel.name def get_server_name(self): return self.__channel.server.name def append(self, message): self.__logs.append(message) def index(self, message): return self.__logs.index(message) def insert(self, i, message): self.__logs.insert(i, message) def len(self): return len(self.__logs) def get_index(self): return self.__index def set_index(self, int): self.__index = int def inc_index(self, int): self.__index += int def dec_index(self, int): self.__index -= int
l= int(input("Enter the size of array \n")) a=input("Enter the integer inputs\n").split() c=0 a[0]=int(a[0]) for i in range(1,l): a[i]=int(a[i]) while a[i]<a[i-1]: c+=1 a[i]+=1 print(c)
l = int(input('Enter the size of array \n')) a = input('Enter the integer inputs\n').split() c = 0 a[0] = int(a[0]) for i in range(1, l): a[i] = int(a[i]) while a[i] < a[i - 1]: c += 1 a[i] += 1 print(c)
1 == 2 segfault() class Dupe(object): pass class Dupe(Dupe): pass
1 == 2 segfault() class Dupe(object): pass class Dupe(Dupe): pass
# General Errors NO_ERROR = 0 USER_EXIT = 1 ERR_SUDO_PERMS = 100 ERR_FOUND = 101 ERR_PYTHON_PKG = 154 # Warnings WARN_FILE_PERMS = 115 WARN_LOG_ERRS = 126 WARN_LOG_WARNS = 127 WARN_LARGE_FILES = 151 # Installation Errors ERR_BITS = 102 ERR_OS_VER = 103 ERR_OS = 104 ERR_FINDING_OS = 105 ERR_FREE_SPACE = 106 ERR_PKG_MANAGER = 107 ERR_OMSCONFIG = 108 ERR_OMI = 109 ERR_SCX = 110 ERR_OMS_INSTALL = 111 ERR_OLD_OMS_VER = 112 ERR_GETTING_OMS_VER = 113 ERR_FILE_MISSING = 114 ERR_CERT = 116 ERR_RSA_KEY = 117 ERR_FILE_EMPTY = 118 ERR_INFO_MISSING = 119 ERR_PKG = 152 # Connection Errors ERR_ENDPT = 120 ERR_GUID = 121 ERR_OMS_WONT_RUN = 122 ERR_OMS_STOPPED = 123 ERR_OMS_DISABLED = 124 ERR_FILE_ACCESS = 125 # Heartbeat Errors ERR_HEARTBEAT = 128 ERR_MULTIHOMING = 129 ERR_INTERNET = 130 ERR_QUERIES = 131 # High CPU / Memory Usage Errors ERR_OMICPU = 141 ERR_OMICPU_HOT = 142 ERR_OMICPU_NSSPEM = 143 ERR_OMICPU_NSSPEM_LIKE = 144 ERR_SLAB = 145 ERR_SLAB_BLOATED = 146 ERR_SLAB_NSSSOFTOKN = 147 ERR_SLAB_NSS = 148 ERR_LOGROTATE_SIZE = 149 ERR_LOGROTATE = 150 # Syslog Errors ERR_SYSLOG_WKSPC = 132 ERR_PT = 133 ERR_PORT_MISMATCH = 134 ERR_PORT_SETUP = 135 ERR_SERVICE_CONTROLLER = 136 ERR_SYSLOG = 137 ERR_SERVICE_STATUS = 138 # Custom Log Errors ERR_CL_FILEPATH = 139 ERR_CL_UNIQUENUM = 140 ERR_BACKEND_CONFIG = 153
no_error = 0 user_exit = 1 err_sudo_perms = 100 err_found = 101 err_python_pkg = 154 warn_file_perms = 115 warn_log_errs = 126 warn_log_warns = 127 warn_large_files = 151 err_bits = 102 err_os_ver = 103 err_os = 104 err_finding_os = 105 err_free_space = 106 err_pkg_manager = 107 err_omsconfig = 108 err_omi = 109 err_scx = 110 err_oms_install = 111 err_old_oms_ver = 112 err_getting_oms_ver = 113 err_file_missing = 114 err_cert = 116 err_rsa_key = 117 err_file_empty = 118 err_info_missing = 119 err_pkg = 152 err_endpt = 120 err_guid = 121 err_oms_wont_run = 122 err_oms_stopped = 123 err_oms_disabled = 124 err_file_access = 125 err_heartbeat = 128 err_multihoming = 129 err_internet = 130 err_queries = 131 err_omicpu = 141 err_omicpu_hot = 142 err_omicpu_nsspem = 143 err_omicpu_nsspem_like = 144 err_slab = 145 err_slab_bloated = 146 err_slab_nsssoftokn = 147 err_slab_nss = 148 err_logrotate_size = 149 err_logrotate = 150 err_syslog_wkspc = 132 err_pt = 133 err_port_mismatch = 134 err_port_setup = 135 err_service_controller = 136 err_syslog = 137 err_service_status = 138 err_cl_filepath = 139 err_cl_uniquenum = 140 err_backend_config = 153
"{variable_name:format_description}" print('{a:<10}|{a:^10}|{a:>10}'.format(a='test')) print('{a:~<10}|{a:~^10}|{a:~>10}'.format(a='test')) person = {"first":"Joran","last":"Beasley"} print("{p[first]} {p[last]}".format(p=person)) data = range(100) print("{d[0]}...{d[99]}".format(d=data)) print("normal:{num:d}".format(num=33)) print("normal:{num:f}".format(num=33)) print("binary:{num:b}".format(num=33)) print("binary:{num:08b}".format(num=33)) print("hex:{num:x}".format(num=33)) print("hex:0x{num:0<4x}".format(num=33)) print("octal:{num:o}".format(num=33)) print("{num:f}".format(num=22/7)) print("${num:0.2f}".format(num=22/7)) print("{num:.2e}".format(num=22/7)) print("{num:.1%}".format(num=22/7)) print("{num:g}".format(num=5.1200001)) variable=27 print(f"{variable}")
"""{variable_name:format_description}""" print('{a:<10}|{a:^10}|{a:>10}'.format(a='test')) print('{a:~<10}|{a:~^10}|{a:~>10}'.format(a='test')) person = {'first': 'Joran', 'last': 'Beasley'} print('{p[first]} {p[last]}'.format(p=person)) data = range(100) print('{d[0]}...{d[99]}'.format(d=data)) print('normal:{num:d}'.format(num=33)) print('normal:{num:f}'.format(num=33)) print('binary:{num:b}'.format(num=33)) print('binary:{num:08b}'.format(num=33)) print('hex:{num:x}'.format(num=33)) print('hex:0x{num:0<4x}'.format(num=33)) print('octal:{num:o}'.format(num=33)) print('{num:f}'.format(num=22 / 7)) print('${num:0.2f}'.format(num=22 / 7)) print('{num:.2e}'.format(num=22 / 7)) print('{num:.1%}'.format(num=22 / 7)) print('{num:g}'.format(num=5.1200001)) variable = 27 print(f'{variable}')
def solution(A,B,K): count = 0 for i in range(A,B): if(i%K==0): count += 1 #print(count) return count solution(6,11,2)
def solution(A, B, K): count = 0 for i in range(A, B): if i % K == 0: count += 1 return count solution(6, 11, 2)
# -*- coding: utf-8 -*- class Solution: def getLucky(self, s: str, k: int) -> int: result = ''.join(str(ord(c) - ord('a') + 1) for c in s) for _ in range(k): result = sum(int(digit) for digit in str(result)) return result if __name__ == '__main__': solution = Solution() assert 36 == solution.getLucky('iiii', 1) assert 6 == solution.getLucky('leetcode', 2)
class Solution: def get_lucky(self, s: str, k: int) -> int: result = ''.join((str(ord(c) - ord('a') + 1) for c in s)) for _ in range(k): result = sum((int(digit) for digit in str(result))) return result if __name__ == '__main__': solution = solution() assert 36 == solution.getLucky('iiii', 1) assert 6 == solution.getLucky('leetcode', 2)
def calc_average(case): sum = 0 count = int(case[0]) for i in range(1, count + 1): sum += int(case[i]) return sum / count def count_average(case, average): count = 0 count_num = int(case[0]) for i in range(1, count_num + 1): if average < int(case[i]): count += 1 return count count_case = int(input()) cases = list() for i in range(0, count_case): cases.append(list(input().split())) for case in cases: average = calc_average(case) print('%.3f' % round(count_average(case, average) / int(case[0]) * 100, 3) + '%')
def calc_average(case): sum = 0 count = int(case[0]) for i in range(1, count + 1): sum += int(case[i]) return sum / count def count_average(case, average): count = 0 count_num = int(case[0]) for i in range(1, count_num + 1): if average < int(case[i]): count += 1 return count count_case = int(input()) cases = list() for i in range(0, count_case): cases.append(list(input().split())) for case in cases: average = calc_average(case) print('%.3f' % round(count_average(case, average) / int(case[0]) * 100, 3) + '%')
def decorator(func): def wrapper(): print("Decoring") func() print("Done!") return wrapper @decorator def say_hi(): print("Hi!") if __name__ == "__main__": say_hi()
def decorator(func): def wrapper(): print('Decoring') func() print('Done!') return wrapper @decorator def say_hi(): print('Hi!') if __name__ == '__main__': say_hi()
s = pd.Series( data=np.random.randn(NUMBER), index=pd.date_range('2000-01-01', freq='D', periods=NUMBER)) result = s['2000-02-14':'2000-02']
s = pd.Series(data=np.random.randn(NUMBER), index=pd.date_range('2000-01-01', freq='D', periods=NUMBER)) result = s['2000-02-14':'2000-02']
# https://edabit.com/challenge/Yx2a9B57vXRuPevGh # Create a function that takes length and width and finds the perimeter of a rectangle. def find_perimeter(x: int, y: int) -> int: perimeter = (x * 2) + (y * 2) return perimeter print(find_perimeter(20, 10))
def find_perimeter(x: int, y: int) -> int: perimeter = x * 2 + y * 2 return perimeter print(find_perimeter(20, 10))
# -*- coding: utf-8 -*- # This file is generated from NI Switch Executive API metadata version 21.0.0d1 config = { 'api_version': '21.0.0d1', 'c_function_prefix': 'niSE_', 'close_function': 'CloseSession', 'context_manager_name': { }, 'custom_types': [ ], 'driver_name': 'NI Switch Executive', 'driver_registry': 'Switch Executive', 'extra_errors_used': [ 'InvalidRepeatedCapabilityError' ], 'init_function': 'OpenSession', 'library_info': { 'Linux': { '64bit': { 'name': 'nise', 'type': 'cdll' } }, 'Windows': { '32bit': { 'name': 'nise.dll', 'type': 'windll' }, '64bit': { 'name': 'nise.dll', 'type': 'cdll' } } }, 'metadata_version': '2.0', 'module_name': 'nise', 'repeated_capabilities': [ ], 'session_class_description': 'An NI Switch Executive session', 'session_handle_parameter_name': 'vi', 'use_locking': False }
config = {'api_version': '21.0.0d1', 'c_function_prefix': 'niSE_', 'close_function': 'CloseSession', 'context_manager_name': {}, 'custom_types': [], 'driver_name': 'NI Switch Executive', 'driver_registry': 'Switch Executive', 'extra_errors_used': ['InvalidRepeatedCapabilityError'], 'init_function': 'OpenSession', 'library_info': {'Linux': {'64bit': {'name': 'nise', 'type': 'cdll'}}, 'Windows': {'32bit': {'name': 'nise.dll', 'type': 'windll'}, '64bit': {'name': 'nise.dll', 'type': 'cdll'}}}, 'metadata_version': '2.0', 'module_name': 'nise', 'repeated_capabilities': [], 'session_class_description': 'An NI Switch Executive session', 'session_handle_parameter_name': 'vi', 'use_locking': False}
class DomainServiceBase: def __init__(self, repository): self.repository = repository def update(self, obj, updated_data={}): self.repository.update(obj, updated_data) def delete(self, obj): self.repository.delete(obj) def create(self, obj): obj = self.repository.create(obj) return obj def get_all(self, query_params={}, orderby=[], select_related=[]): return self.repository.get_all(query_params, orderby, select_related) def get(self, query_params={}, select_related=[]): return self.repository.get(query_params, select_related)
class Domainservicebase: def __init__(self, repository): self.repository = repository def update(self, obj, updated_data={}): self.repository.update(obj, updated_data) def delete(self, obj): self.repository.delete(obj) def create(self, obj): obj = self.repository.create(obj) return obj def get_all(self, query_params={}, orderby=[], select_related=[]): return self.repository.get_all(query_params, orderby, select_related) def get(self, query_params={}, select_related=[]): return self.repository.get(query_params, select_related)
# score_manager.py #Score Manager ENEMY_SCORE = 300 RUPEE_SCORE = 500 scores = { "ENEMY": ENEMY_SCORE, "RUPEE": RUPEE_SCORE, } my_scores = { "ENEMY": 300, "MONEY": 1000, "LASER": 1000, "HP": 200, "DEFENSE": 100 } def calculate_score(score_type): return my_scores[score_type]
enemy_score = 300 rupee_score = 500 scores = {'ENEMY': ENEMY_SCORE, 'RUPEE': RUPEE_SCORE} my_scores = {'ENEMY': 300, 'MONEY': 1000, 'LASER': 1000, 'HP': 200, 'DEFENSE': 100} def calculate_score(score_type): return my_scores[score_type]
''' Created on Mar 1, 2016 @author: kashefy ''' class Phase: TRAIN = 'Train' TEST = 'Test'
""" Created on Mar 1, 2016 @author: kashefy """ class Phase: train = 'Train' test = 'Test'
class Node: #Initialize node oject def __init__(self, data): self.data = data #assign data self.next = None #declare next as null class LinkedList: #Initialize head def __init__(self): self.head = None #### Insert in the beginning def push(self, content): #Allocate node, Put data new_node = Node(content) #attach head after new_node new_node.next = self.head #set new_node as current head self.head = new_node #### Insert in the middle def insertAfter(self, prev_node, content): if prev_node is None: print("Prev Node invalid") return new_node = Node(content) new_node.next = prev_node.next prev_node.next = new_node #### Insert at last def append(self, content): new_node = Node(content) #If Linkedlist is empty if self.head is None: self.head = new_node return #Else, traverse to last node last = self.head while (last.next): last = last.next #attach new node last.next = new_node ### PRINT LIST def printlist(self): temp = self.head while (temp): print(temp.data) temp = temp.next #### Delete node using key def deleteNode_key(self, key): temp = self.head #for head node if temp is not None: if temp.data == key: self.head = temp.next temp = None return #moving ahead from head node, until key found while(temp is not None): if temp.data == key: break prev = temp temp = temp.next #if not found if temp == None: return #Unlink node prev.next = temp.next temp = None #### Delete node using position def deleteNode_pos(self, pos): if self.head is None: return temp = self.head #to delete head if pos == 0: self.head = temp.next temp = None return #find previous node of the node to be deleted for i in range(pos-1): temp = temp.next if temp is None: break if temp is None: return if temp.next is None: return #store next to next node to be deleted next = temp.next.next #unlink temp.next = None temp.next = next #### Find length def listlength(self): len = 0 if self.head is None: print("Len = ",len) return temp = self.head while temp: len += 1 temp = temp.next print("Len = ", len) #### REVERSE def reverse(self): prev = None current = self.head while(current is not None): next = current.next current.next = prev prev = current current = next self.head = prev if __name__ == '__main__': list1 = LinkedList() list1.append(6) list1.append(3) list1.push(4) list1.insertAfter(list1.head.next, 1) list1.printlist() print("______") list1.listlength() print("______") list1.deleteNode_key(4) list1.printlist() print("______") list1.reverse() list1.printlist() print("______") list1.deleteNode_pos(1) list1.printlist() print("______")
class Node: def __init__(self, data): self.data = data self.next = None class Linkedlist: def __init__(self): self.head = None def push(self, content): new_node = node(content) new_node.next = self.head self.head = new_node def insert_after(self, prev_node, content): if prev_node is None: print('Prev Node invalid') return new_node = node(content) new_node.next = prev_node.next prev_node.next = new_node def append(self, content): new_node = node(content) if self.head is None: self.head = new_node return last = self.head while last.next: last = last.next last.next = new_node def printlist(self): temp = self.head while temp: print(temp.data) temp = temp.next def delete_node_key(self, key): temp = self.head if temp is not None: if temp.data == key: self.head = temp.next temp = None return while temp is not None: if temp.data == key: break prev = temp temp = temp.next if temp == None: return prev.next = temp.next temp = None def delete_node_pos(self, pos): if self.head is None: return temp = self.head if pos == 0: self.head = temp.next temp = None return for i in range(pos - 1): temp = temp.next if temp is None: break if temp is None: return if temp.next is None: return next = temp.next.next temp.next = None temp.next = next def listlength(self): len = 0 if self.head is None: print('Len = ', len) return temp = self.head while temp: len += 1 temp = temp.next print('Len = ', len) def reverse(self): prev = None current = self.head while current is not None: next = current.next current.next = prev prev = current current = next self.head = prev if __name__ == '__main__': list1 = linked_list() list1.append(6) list1.append(3) list1.push(4) list1.insertAfter(list1.head.next, 1) list1.printlist() print('______') list1.listlength() print('______') list1.deleteNode_key(4) list1.printlist() print('______') list1.reverse() list1.printlist() print('______') list1.deleteNode_pos(1) list1.printlist() print('______')
class Solution: # @param {character[][]} matrix # @return {integer} def maximalSquare(self, matrix): if not matrix: return 0 max_square = 0 self.visited = [] for line in matrix: row = [] for c in line: row.append(0) self.visited.append(row) self.visited[0] = [int(c) for c in matrix[0]] max_square = max(self.visited[0]) for i, row in enumerate(self.visited): k = int(matrix[i][0]) if k > max_square: max_square = k row[0] = k for i in range(1, len(matrix)): for j in range(1, len(matrix[0])): if matrix[i][j] == "1": self.visited[i][j] = ( min( self.visited[i - 1][j], self.visited[i][j - 1], self.visited[i - 1][j - 1], ) + 1 ) if self.visited[i][j] > max_square: max_square = self.visited[i][j] return max_square ** 2
class Solution: def maximal_square(self, matrix): if not matrix: return 0 max_square = 0 self.visited = [] for line in matrix: row = [] for c in line: row.append(0) self.visited.append(row) self.visited[0] = [int(c) for c in matrix[0]] max_square = max(self.visited[0]) for (i, row) in enumerate(self.visited): k = int(matrix[i][0]) if k > max_square: max_square = k row[0] = k for i in range(1, len(matrix)): for j in range(1, len(matrix[0])): if matrix[i][j] == '1': self.visited[i][j] = min(self.visited[i - 1][j], self.visited[i][j - 1], self.visited[i - 1][j - 1]) + 1 if self.visited[i][j] > max_square: max_square = self.visited[i][j] return max_square ** 2
#! /usr/bin/python3.7 # soh cah toa def sin(): o = float(input('What is the oppisite?: ')) h = float(input("What is the hypotnuse?: ")) s = o / h print("sin = {}".format(s)) def cos(): a = float(input('What is the ajacent?: ')) h = float(input("What is the hypotnuse?: ")) c = a / h print('cos = {}'.format(c)) def tan(): o = float(input("What is the oppisite?: ")) a = float(input("What is the ajacent?: ")) t = o / a print("tan = {}".format(t)) def main(): userInt = input('What are we solving for (sin cos or tan)?: ').lower() if userInt == 'sin': sin() elif userInt == 'cos': cos() elif userInt == 'tan': tan() else: print('An error has occured please try again') main()
def sin(): o = float(input('What is the oppisite?: ')) h = float(input('What is the hypotnuse?: ')) s = o / h print('sin = {}'.format(s)) def cos(): a = float(input('What is the ajacent?: ')) h = float(input('What is the hypotnuse?: ')) c = a / h print('cos = {}'.format(c)) def tan(): o = float(input('What is the oppisite?: ')) a = float(input('What is the ajacent?: ')) t = o / a print('tan = {}'.format(t)) def main(): user_int = input('What are we solving for (sin cos or tan)?: ').lower() if userInt == 'sin': sin() elif userInt == 'cos': cos() elif userInt == 'tan': tan() else: print('An error has occured please try again') main()
# Scale Settings # For 005.mp4 SCALE_WIDTH = 25 SCALE_HEIGHT = 50 # SCALE_WIDTH = 100 # SCALE_HEIGHT = 100 # Video Settings DETECT_AFTER_N = 50 # NMS Settings NMS_CONFIDENCE = 0.1 NMS_THRESHOLD = 0.1 # Detection Settings DETECTION_CONFIDENCE = 0.9 # Tracker Settings MAX_DISAPPEARED = 50
scale_width = 25 scale_height = 50 detect_after_n = 50 nms_confidence = 0.1 nms_threshold = 0.1 detection_confidence = 0.9 max_disappeared = 50
a=int(input("Enter the first number:")) b=int(input("Enter the second number:")) c=int(input("Enter the third number:")) if a<b in c>a: min=a elif a<b in c>b: min=b else: min=c print(min)
a = int(input('Enter the first number:')) b = int(input('Enter the second number:')) c = int(input('Enter the third number:')) if a < b in c > a: min = a elif a < b in c > b: min = b else: min = c print(min)
def cycles_until_reseen(bins): configs = set() curr = bins while tuple(curr) not in configs: configs.add(tuple(curr)) min_idx = 0 for i in range(1, len(curr)): if curr[i] > curr[min_idx]: min_idx = i redistribute = curr[min_idx] curr[min_idx] = 0 all_gains = redistribute // len(bins) partial_gain_bins = redistribute % len(bins) for i in range(len(bins)): curr[i] += all_gains if i < partial_gain_bins: curr[(min_idx+i+1) % len(bins)] += 1 return len(configs), curr if __name__ == '__main__': with open('6.txt') as f: bins = [int(i) for i in f.read().split()] num_cycles, last_seen = cycles_until_reseen(bins) print("Part 1: {}".format(num_cycles)) loop_cycles, _ = cycles_until_reseen(last_seen) print("Part 2: {}".format(loop_cycles))
def cycles_until_reseen(bins): configs = set() curr = bins while tuple(curr) not in configs: configs.add(tuple(curr)) min_idx = 0 for i in range(1, len(curr)): if curr[i] > curr[min_idx]: min_idx = i redistribute = curr[min_idx] curr[min_idx] = 0 all_gains = redistribute // len(bins) partial_gain_bins = redistribute % len(bins) for i in range(len(bins)): curr[i] += all_gains if i < partial_gain_bins: curr[(min_idx + i + 1) % len(bins)] += 1 return (len(configs), curr) if __name__ == '__main__': with open('6.txt') as f: bins = [int(i) for i in f.read().split()] (num_cycles, last_seen) = cycles_until_reseen(bins) print('Part 1: {}'.format(num_cycles)) (loop_cycles, _) = cycles_until_reseen(last_seen) print('Part 2: {}'.format(loop_cycles))
n = int(input()) count_2 = 0 count_5 = 0 for i in range(2,n+1): num = i while(1): if num%2 == 0: count_2 += 1 num //= 2 elif num%5 == 0: count_5 += 1 num //= 5 else: break print(min(count_2,count_5))
n = int(input()) count_2 = 0 count_5 = 0 for i in range(2, n + 1): num = i while 1: if num % 2 == 0: count_2 += 1 num //= 2 elif num % 5 == 0: count_5 += 1 num //= 5 else: break print(min(count_2, count_5))
if 1: N = int(input()) Q = int(input()) queries = [] for i in range(Q): queries.append([int(x) for x in input().split()]) else: N = 100000 queries = [ [2, 1, 2], [4, 1, 2] ] * 10000 queries.append([4, 1, 2]) Q = len(queries) isTransposed = False xs = list(range(N + 1)) ys = list(range(N + 1)) for q in queries: f = q[0] if f == 4: i, j = q[1:] if isTransposed: i, j = j, i print(N * (xs[i] - 1) + ys[j] - 1) elif f == 3: isTransposed = not isTransposed else: i, j = q[1:] if (f == 1) ^ isTransposed: xs[i], xs[j] = xs[j], xs[i] else: ys[i], ys[j] = ys[j], ys[i]
if 1: n = int(input()) q = int(input()) queries = [] for i in range(Q): queries.append([int(x) for x in input().split()]) else: n = 100000 queries = [[2, 1, 2], [4, 1, 2]] * 10000 queries.append([4, 1, 2]) q = len(queries) is_transposed = False xs = list(range(N + 1)) ys = list(range(N + 1)) for q in queries: f = q[0] if f == 4: (i, j) = q[1:] if isTransposed: (i, j) = (j, i) print(N * (xs[i] - 1) + ys[j] - 1) elif f == 3: is_transposed = not isTransposed else: (i, j) = q[1:] if (f == 1) ^ isTransposed: (xs[i], xs[j]) = (xs[j], xs[i]) else: (ys[i], ys[j]) = (ys[j], ys[i])
# Location of the data. reference_data_path = '/p/cscratch/acme/data/obs_for_acme_diags/' test_data_path = '/p/cscratch/acme/data/test_model_data_for_acme_diags/' # Name of the test model data, used to find the climo files. test_name = '20161118.beta0.FC5COSP.ne30_ne30.edison' # An optional, shorter name to be used instead of the test_name. short_test_name = 'beta0.FC5COSP.ne30' # What plotsets to run the diags on. sets = ['lat_lon'] # Name of the folder where the results are stored. results_dir = 'era_tas_land' # Below are more optional arguments. # 'mpl' is to create matplotlib plots, 'vcs' is for vcs plots. backend = 'mpl' # Title of the difference plots. diff_title = 'Model - Obs.' # Save the netcdf files for each of the ref, test, and diff plot. save_netcdf = True
reference_data_path = '/p/cscratch/acme/data/obs_for_acme_diags/' test_data_path = '/p/cscratch/acme/data/test_model_data_for_acme_diags/' test_name = '20161118.beta0.FC5COSP.ne30_ne30.edison' short_test_name = 'beta0.FC5COSP.ne30' sets = ['lat_lon'] results_dir = 'era_tas_land' backend = 'mpl' diff_title = 'Model - Obs.' save_netcdf = True
file_name=str(input("Input the Filename:")) if(file_name.split('.')[1]=='c'): print('The extension of the file is C') if(file_name.split('.')[1]=='cpp'): print('The extension of the file is C++') if(file_name.split('.')[1]=='java'): print('The extension of the file is Java') if(file_name.split('.')[1]=='py'): print('The extension of the file is python') if(file_name.split('.')[1]=='html'): print('The extension of the file is HTMl')
file_name = str(input('Input the Filename:')) if file_name.split('.')[1] == 'c': print('The extension of the file is C') if file_name.split('.')[1] == 'cpp': print('The extension of the file is C++') if file_name.split('.')[1] == 'java': print('The extension of the file is Java') if file_name.split('.')[1] == 'py': print('The extension of the file is python') if file_name.split('.')[1] == 'html': print('The extension of the file is HTMl')
# # PySNMP MIB module INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB (http://snmplabs.com/pysmi) # ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB # Produced by pysmi-0.3.4 at Wed May 1 13:54:55 2019 # On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4 # Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15) # ObjectIdentifier, OctetString, Integer = mibBuilder.importSymbols("ASN1", "ObjectIdentifier", "OctetString", "Integer") NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues") ConstraintsUnion, SingleValueConstraint, ConstraintsIntersection, ValueSizeConstraint, ValueRangeConstraint = mibBuilder.importSymbols("ASN1-REFINEMENT", "ConstraintsUnion", "SingleValueConstraint", "ConstraintsIntersection", "ValueSizeConstraint", "ValueRangeConstraint") chassis, = mibBuilder.importSymbols("INTELCORPORATION-MULTI-FLEX-SERVER-MIB", "chassis") groups, regModule = mibBuilder.importSymbols("INTELCORPORATION-MULTI-FLEX-SERVER-REG", "groups", "regModule") Index, INT32withException, Power, PowerLedStates, IdromBinary16, FaultLedStates, FeatureSet, PresenceLedStates, Presence = mibBuilder.importSymbols("INTELCORPORATION-MULTI-FLEX-SERVER-TC", "Index", "INT32withException", "Power", "PowerLedStates", "IdromBinary16", "FaultLedStates", "FeatureSet", "PresenceLedStates", "Presence") ObjectGroup, ModuleCompliance, NotificationGroup = mibBuilder.importSymbols("SNMPv2-CONF", "ObjectGroup", "ModuleCompliance", "NotificationGroup") Unsigned32, ModuleIdentity, Integer32, NotificationType, MibScalar, MibTable, MibTableRow, MibTableColumn, Gauge32, ObjectIdentity, Counter64, TimeTicks, Counter32, Bits, iso, IpAddress, MibIdentifier = mibBuilder.importSymbols("SNMPv2-SMI", "Unsigned32", "ModuleIdentity", "Integer32", "NotificationType", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "Gauge32", "ObjectIdentity", "Counter64", "TimeTicks", "Counter32", "Bits", "iso", "IpAddress", "MibIdentifier") DisplayString, TextualConvention = mibBuilder.importSymbols("SNMPv2-TC", "DisplayString", "TextualConvention") multiFlexServerDrivesMibModule = ModuleIdentity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 1, 1, 15)) multiFlexServerDrivesMibModule.setRevisions(('2007-08-16 12:00', '2007-07-20 16:45', '2007-06-07 20:30', '2007-06-07 13:30', '2007-05-30 17:00', '2007-04-18 19:05', '2007-04-09 15:45', '2007-04-09 15:30', '2007-03-27 11:30', '2007-03-14 11:30', '2007-03-06 10:30', '2007-02-22 17:00', '2006-12-28 17:30', '2006-12-05 10:30', '2006-11-27 15:30', '2006-11-20 13:30', '2006-11-07 11:30', '2006-10-02 10:24',)) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setRevisionsDescriptions(('Fixed up minor errors causing some managers grief (ommission or addition of commas in lists) Corrected a few entries that were marked as read-write when they should have been read-only', 'Minor edit to make MIB SMIv2 compliant Dropped driveBackplaneBmcFirmwareVersion as there is no BMC for the drive backplane', 'Added the IdromBinary16 to represent the asset tag, part number, and serial number fields within the IDROM fields.', 'Corrected maximum/nominal IDROM parameters and comments', 'Added enumeration for exceptions Added missing Presence column to sharedDriveTable', 'Moved the trees and chassis nodes around to accomodate the unique power supply characteristics', 'Moved driveBackplane IDROM data to sharedDrives tree from storage tree where it makes more logical sense Relocated both tables after the driveBackplane tree', 'Dropped sDriveAlias', 'Renamed all references of Array to StoragePool', 'Renamed all references of Disk to Drive Dropped redundant sDriveIndex (moved and replaced it with sDriveSlotNumber)', "Changed Mask representation from an Opaque to a DisplayString at the request of the architects such that it now is an ASCII representation of bit string reflecting the presence with the left most 'bit' being bit 1 and max* bits being represented.", 'Renamed MIB file and updated internal relevance to formal product name Multi-Flex Server', 'Corrected sharedDiskStatsTable INDEX to AUGMENTS.', "Updated several object types to reflect changes in the OEM objects. sDiskArrayID Integer32 -> INTEGER sDiskSequenceNumber Integer32 -> INTEGER sDiskDriveType DisplayString -> INTEGER Cleaned up some illegal character usage to make it SMIv2 compliant. Renamed all of the *Transfered to *Transferred Renumbered sharedDiskStatsTable to match OEM's.", 'Removed nolonger supported SATA & SAS drive feature tables Renumbered Stats from { sharedDisks 4 } to { sharedDisks 2 }', 'Replaced sharedDisksStats table index with sDiskIndex to be consistent with the rest of the tables. All tables are indexed by the drive ID', "Consolodated use of Presence datatype and changed 'chassis' to 'chassis'", "Partitioned off and created as it's own module",)) if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setLastUpdated('200708161200Z') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setOrganization('Intel Corporation') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setContactInfo('Brian Kurle Intel Corporation JF5-2-C3 Tel: 503-712-5032 E-Mail: [email protected]') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setDescription('Shared Disks Module of the Multi-Flex Server') maxSharedDrives = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 15), Unsigned32()).setMaxAccess("readonly") if mibBuilder.loadTexts: maxSharedDrives.setStatus('current') if mibBuilder.loadTexts: maxSharedDrives.setDescription('Maximum number of Shared Drives possible in this chassis') numOfSharedDrives = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 25), Integer32()).setMaxAccess("readonly") if mibBuilder.loadTexts: numOfSharedDrives.setStatus('current') if mibBuilder.loadTexts: numOfSharedDrives.setDescription('The number of Shared Drives in the system') sDrivePresenceMask = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 35), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDrivePresenceMask.setStatus('current') if mibBuilder.loadTexts: sDrivePresenceMask.setDescription("ASCII representation of bit string reflecting the presence of the shared drives with the left most 'bit' being bit 1 and maxSharedDrives bits being represented. Thus, '11001111111111' would express that all the shared drives (of fourteen shared drives) are present with exception of drives 3 & 4") sharedDrives = ObjectIdentity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205)) if mibBuilder.loadTexts: sharedDrives.setStatus('current') if mibBuilder.loadTexts: sharedDrives.setDescription('Container for Shared Drive specific information as well as all components logically contained within.') driveBackplane = ObjectIdentity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1)) if mibBuilder.loadTexts: driveBackplane.setStatus('current') if mibBuilder.loadTexts: driveBackplane.setDescription('IDROM information from the Drive Backplane') driveBackplaneVendor = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 1), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneVendor.setStatus('current') if mibBuilder.loadTexts: driveBackplaneVendor.setDescription('Device manufacturer') driveBackplaneMfgDate = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 2), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneMfgDate.setStatus('current') if mibBuilder.loadTexts: driveBackplaneMfgDate.setDescription('Manufacture date/time') driveBackplaneDeviceName = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 3), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneDeviceName.setStatus('current') if mibBuilder.loadTexts: driveBackplaneDeviceName.setDescription('Device Name') driveBackplanePart = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 4), IdromBinary16()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplanePart.setStatus('current') if mibBuilder.loadTexts: driveBackplanePart.setDescription('Device Part Number') driveBackplaneSerialNo = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 5), IdromBinary16()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneSerialNo.setStatus('current') if mibBuilder.loadTexts: driveBackplaneSerialNo.setDescription('Device Serial Number') driveBackplaneMaximumPower = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 6), Power()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneMaximumPower.setStatus('current') if mibBuilder.loadTexts: driveBackplaneMaximumPower.setDescription('Static maximum power generation / consumption (in watts): <0 - Negative numbers indicate device consumes power (in watts) >0 - Positive numbers indicate device generates power (in watts) 0 - Device is passive (does not not consume or generate power) -1 - Maximum power generation/consumption not known or specified') driveBackplaneNominalPower = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 7), Power()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneNominalPower.setStatus('current') if mibBuilder.loadTexts: driveBackplaneNominalPower.setDescription('Static Nominal power generation / consumption (in watts): <0 - Negative numbers indicate device consumes power (in watts) >0 - Positive numbers indicate device generates power (in watts) 0 - Device is passive (does not not consume or generate power) -1 - Nominal power generation/consumption not known or specified') driveBackplaneAssetTag = MibScalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 8), IdromBinary16()).setMaxAccess("readonly") if mibBuilder.loadTexts: driveBackplaneAssetTag.setStatus('current') if mibBuilder.loadTexts: driveBackplaneAssetTag.setDescription('Asset Tag # of device') sharedDriveTable = MibTable((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2), ) if mibBuilder.loadTexts: sharedDriveTable.setStatus('current') if mibBuilder.loadTexts: sharedDriveTable.setDescription('Each row describes a shared drive in the chassis') sharedDriveEntry = MibTableRow((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1), ).setIndexNames((0, "INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveSlotNumber")) if mibBuilder.loadTexts: sharedDriveEntry.setStatus('current') if mibBuilder.loadTexts: sharedDriveEntry.setDescription('The parameters of a physical drive.') sDriveSlotNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 1), Index()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveSlotNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSlotNumber.setDescription('The slot number on the enclosure where the drive is located (drive ID)') sDrivePresence = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 2), Presence()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDrivePresence.setStatus('current') if mibBuilder.loadTexts: sDrivePresence.setDescription('column used to flag the existence of a particular FRU') sDriveInterface = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 3), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveInterface.setStatus('current') if mibBuilder.loadTexts: sDriveInterface.setDescription('The Drive Interface of the physical drive.') sDriveModelNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 4), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveModelNumber.setStatus('current') if mibBuilder.loadTexts: sDriveModelNumber.setDescription('The Model Number of the physical drive.') sDriveSerialNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 5), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveSerialNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSerialNumber.setDescription('The Serial Number of the physical drive.') sDriveFirmwareVersion = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 6), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveFirmwareVersion.setStatus('current') if mibBuilder.loadTexts: sDriveFirmwareVersion.setDescription('The Firmware Version of the physical drive.') sDriveProtocolVersion = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 7), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveProtocolVersion.setStatus('current') if mibBuilder.loadTexts: sDriveProtocolVersion.setDescription('The Protocol Version of the physical drive.') sDriveOperationalStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 8), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveOperationalStatus.setStatus('current') if mibBuilder.loadTexts: sDriveOperationalStatus.setDescription('The Operational Status of the physical drive.') sDriveCondition = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 9), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveCondition.setStatus('current') if mibBuilder.loadTexts: sDriveCondition.setDescription('The condition of the physical drive, e.g. PFA.') sDriveOperation = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 10), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveOperation.setStatus('current') if mibBuilder.loadTexts: sDriveOperation.setDescription('The current operation on the physical drive, e.g. mediapatrolling, migrating.') sDriveConfiguration = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 11), DisplayString()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveConfiguration.setStatus('current') if mibBuilder.loadTexts: sDriveConfiguration.setDescription('The configuration on the physical drive, e.g. array %d seqno %d, or dedicated spare.') sDriveStoragePoolID = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 12), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(-32, -16, -1, 256))).clone(namedValues=NamedValues(("notApplicable", -32), ("unknown", -16), ("unavailable", -1), ("notavailable", 256)))).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStoragePoolID.setStatus('current') if mibBuilder.loadTexts: sDriveStoragePoolID.setDescription('The drive array id, if the physical drive is part of a drive array; the spare id, if the drive is a spare.') sDriveSequenceNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 13), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(-32, -16, -1))).clone(namedValues=NamedValues(("notApplicable", -32), ("unknown", -16), ("unavailable", -1)))).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveSequenceNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSequenceNumber.setDescription('The sequence number of the drive in the drive array. Valid only when the drive is part of a drive array.') sDriveEnclosureID = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 14), INT32withException()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveEnclosureID.setStatus('current') if mibBuilder.loadTexts: sDriveEnclosureID.setDescription('The id of the enclosure to which the drive is inserted.') sDriveBlockSize = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 15), INT32withException()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveBlockSize.setStatus('current') if mibBuilder.loadTexts: sDriveBlockSize.setDescription(' The Block Size in bytes of the physical drive.') sDrivePhysicalCapacity = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 16), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDrivePhysicalCapacity.setStatus('current') if mibBuilder.loadTexts: sDrivePhysicalCapacity.setDescription(' The Physical Size in bytes of the physical drive.') sDriveConfigurableCapacity = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 17), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveConfigurableCapacity.setStatus('current') if mibBuilder.loadTexts: sDriveConfigurableCapacity.setDescription(' The Configurable Size in bytes of the physical drive.') sDriveUsedCapacity = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 18), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveUsedCapacity.setStatus('current') if mibBuilder.loadTexts: sDriveUsedCapacity.setDescription('The Used Size in bytes of the physical drive.') sDriveType = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 19), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(-32, -16, -1, 1, 4))).clone(namedValues=NamedValues(("notApplicable", -32), ("unknown", -16), ("unavailable", -1), ("sata", 1), ("sas", 4)))).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveType.setStatus('current') if mibBuilder.loadTexts: sDriveType.setDescription('The type of the physical drive. e.g. SATA or SAS') sharedDriveStatsTable = MibTable((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3), ) if mibBuilder.loadTexts: sharedDriveStatsTable.setStatus('current') if mibBuilder.loadTexts: sharedDriveStatsTable.setDescription('A table of Physical Drive Statistics (augments sharedDriveTable)') sharedDriveStatsEntry = MibTableRow((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1), ) sharedDriveEntry.registerAugmentions(("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sharedDriveStatsEntry")) sharedDriveStatsEntry.setIndexNames(*sharedDriveEntry.getIndexNames()) if mibBuilder.loadTexts: sharedDriveStatsEntry.setStatus('current') if mibBuilder.loadTexts: sharedDriveStatsEntry.setDescription('The statistics of a physical drive since its last reset or statistics rest.') sDriveStatsDataTransferred = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 1), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsDataTransferred.setDescription('The total number of bytes of data transfered to and from the controller.') sDriveStatsReadDataTransferred = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 2), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsReadDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsReadDataTransferred.setDescription('The total number of bytes of data transfered from the controller.') sDriveStatsWriteDataTransferred = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 3), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsWriteDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsWriteDataTransferred.setDescription('The total number of bytes of data transfered to the controller.') sDriveStatsNumOfErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 4), Integer32()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfErrors.setDescription('The total number of errors.') sDriveStatsNumOfNonRWErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 5), Integer32()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfNonRWErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWErrors.setDescription('The total number of non-RW errors.') sDriveStatsNumOfReadErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 6), Integer32()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfReadErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfReadErrors.setDescription('The total number of Read errors.') sDriveStatsNumOfWriteErrors = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 7), Integer32()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfWriteErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfWriteErrors.setDescription('The total number of Write errors.') sDriveStatsNumOfIORequests = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 8), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfIORequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfIORequests.setDescription('The total number of IO requests.') sDriveStatsNumOfNonRWRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 9), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfNonRWRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWRequests.setDescription('The total number of non-RW requests.') sDriveStatsNumOfReadRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 10), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfReadRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfReadRequests.setDescription('The total number of read requests.') sDriveStatsNumOfWriteRequests = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 11), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsNumOfWriteRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfWriteRequests.setDescription('The total number of write requests.') sDriveStatsStartTime = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 12), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsStartTime.setStatus('current') if mibBuilder.loadTexts: sDriveStatsStartTime.setDescription('The time when the statistics date starts to accumulate since last statistics reset.') sDriveStatsCollectionTime = MibTableColumn((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 13), Counter64()).setMaxAccess("readonly") if mibBuilder.loadTexts: sDriveStatsCollectionTime.setStatus('current') if mibBuilder.loadTexts: sDriveStatsCollectionTime.setDescription('The time when the statistics data was collected or updated last time.') sDriveGroup = ObjectGroup((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 2, 2, 15)).setObjects(("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "maxSharedDrives"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "numOfSharedDrives"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDrivePresenceMask"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneVendor"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneMfgDate"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneDeviceName"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplanePart"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneSerialNo"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneMaximumPower"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneNominalPower"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "driveBackplaneAssetTag"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveSlotNumber"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDrivePresence"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveInterface"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveModelNumber"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveSerialNumber"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveFirmwareVersion"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveProtocolVersion"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveOperationalStatus"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveCondition"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveOperation"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveConfiguration"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStoragePoolID"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveSequenceNumber"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveEnclosureID"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveBlockSize"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDrivePhysicalCapacity"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveConfigurableCapacity"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveUsedCapacity"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveType"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsDataTransferred"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsReadDataTransferred"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsWriteDataTransferred"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfErrors"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfNonRWErrors"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfReadErrors"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfWriteErrors"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfIORequests"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfNonRWRequests"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfReadRequests"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsNumOfWriteRequests"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsStartTime"), ("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", "sDriveStatsCollectionTime")) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): sDriveGroup = sDriveGroup.setStatus('current') if mibBuilder.loadTexts: sDriveGroup.setDescription('Description.') mibBuilder.exportSymbols("INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB", sharedDriveStatsEntry=sharedDriveStatsEntry, sDriveStoragePoolID=sDriveStoragePoolID, driveBackplanePart=driveBackplanePart, multiFlexServerDrivesMibModule=multiFlexServerDrivesMibModule, driveBackplaneMaximumPower=driveBackplaneMaximumPower, driveBackplaneSerialNo=driveBackplaneSerialNo, driveBackplaneAssetTag=driveBackplaneAssetTag, sDriveStatsNumOfWriteErrors=sDriveStatsNumOfWriteErrors, sDriveUsedCapacity=sDriveUsedCapacity, driveBackplaneNominalPower=driveBackplaneNominalPower, sharedDrives=sharedDrives, sDriveStatsCollectionTime=sDriveStatsCollectionTime, sDriveOperationalStatus=sDriveOperationalStatus, sDrivePresence=sDrivePresence, sDriveInterface=sDriveInterface, sDrivePhysicalCapacity=sDrivePhysicalCapacity, maxSharedDrives=maxSharedDrives, sharedDriveStatsTable=sharedDriveStatsTable, sDriveStatsNumOfReadErrors=sDriveStatsNumOfReadErrors, sDriveType=sDriveType, sDriveStatsNumOfIORequests=sDriveStatsNumOfIORequests, sDriveSerialNumber=sDriveSerialNumber, sDriveGroup=sDriveGroup, sDrivePresenceMask=sDrivePresenceMask, sDriveModelNumber=sDriveModelNumber, driveBackplane=driveBackplane, numOfSharedDrives=numOfSharedDrives, sDriveConfiguration=sDriveConfiguration, sDriveStatsNumOfErrors=sDriveStatsNumOfErrors, driveBackplaneVendor=driveBackplaneVendor, sDriveStatsNumOfNonRWRequests=sDriveStatsNumOfNonRWRequests, sDriveStatsNumOfWriteRequests=sDriveStatsNumOfWriteRequests, sharedDriveEntry=sharedDriveEntry, sDriveBlockSize=sDriveBlockSize, sDriveSlotNumber=sDriveSlotNumber, driveBackplaneMfgDate=driveBackplaneMfgDate, sDriveFirmwareVersion=sDriveFirmwareVersion, sDriveSequenceNumber=sDriveSequenceNumber, driveBackplaneDeviceName=driveBackplaneDeviceName, sDriveConfigurableCapacity=sDriveConfigurableCapacity, sDriveStatsStartTime=sDriveStatsStartTime, sDriveProtocolVersion=sDriveProtocolVersion, sDriveEnclosureID=sDriveEnclosureID, sDriveStatsDataTransferred=sDriveStatsDataTransferred, sDriveStatsWriteDataTransferred=sDriveStatsWriteDataTransferred, sDriveStatsNumOfNonRWErrors=sDriveStatsNumOfNonRWErrors, PYSNMP_MODULE_ID=multiFlexServerDrivesMibModule, sDriveStatsNumOfReadRequests=sDriveStatsNumOfReadRequests, sDriveCondition=sDriveCondition, sDriveOperation=sDriveOperation, sDriveStatsReadDataTransferred=sDriveStatsReadDataTransferred, sharedDriveTable=sharedDriveTable)
(object_identifier, octet_string, integer) = mibBuilder.importSymbols('ASN1', 'ObjectIdentifier', 'OctetString', 'Integer') (named_values,) = mibBuilder.importSymbols('ASN1-ENUMERATION', 'NamedValues') (constraints_union, single_value_constraint, constraints_intersection, value_size_constraint, value_range_constraint) = mibBuilder.importSymbols('ASN1-REFINEMENT', 'ConstraintsUnion', 'SingleValueConstraint', 'ConstraintsIntersection', 'ValueSizeConstraint', 'ValueRangeConstraint') (chassis,) = mibBuilder.importSymbols('INTELCORPORATION-MULTI-FLEX-SERVER-MIB', 'chassis') (groups, reg_module) = mibBuilder.importSymbols('INTELCORPORATION-MULTI-FLEX-SERVER-REG', 'groups', 'regModule') (index, int32with_exception, power, power_led_states, idrom_binary16, fault_led_states, feature_set, presence_led_states, presence) = mibBuilder.importSymbols('INTELCORPORATION-MULTI-FLEX-SERVER-TC', 'Index', 'INT32withException', 'Power', 'PowerLedStates', 'IdromBinary16', 'FaultLedStates', 'FeatureSet', 'PresenceLedStates', 'Presence') (object_group, module_compliance, notification_group) = mibBuilder.importSymbols('SNMPv2-CONF', 'ObjectGroup', 'ModuleCompliance', 'NotificationGroup') (unsigned32, module_identity, integer32, notification_type, mib_scalar, mib_table, mib_table_row, mib_table_column, gauge32, object_identity, counter64, time_ticks, counter32, bits, iso, ip_address, mib_identifier) = mibBuilder.importSymbols('SNMPv2-SMI', 'Unsigned32', 'ModuleIdentity', 'Integer32', 'NotificationType', 'MibScalar', 'MibTable', 'MibTableRow', 'MibTableColumn', 'Gauge32', 'ObjectIdentity', 'Counter64', 'TimeTicks', 'Counter32', 'Bits', 'iso', 'IpAddress', 'MibIdentifier') (display_string, textual_convention) = mibBuilder.importSymbols('SNMPv2-TC', 'DisplayString', 'TextualConvention') multi_flex_server_drives_mib_module = module_identity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 1, 1, 15)) multiFlexServerDrivesMibModule.setRevisions(('2007-08-16 12:00', '2007-07-20 16:45', '2007-06-07 20:30', '2007-06-07 13:30', '2007-05-30 17:00', '2007-04-18 19:05', '2007-04-09 15:45', '2007-04-09 15:30', '2007-03-27 11:30', '2007-03-14 11:30', '2007-03-06 10:30', '2007-02-22 17:00', '2006-12-28 17:30', '2006-12-05 10:30', '2006-11-27 15:30', '2006-11-20 13:30', '2006-11-07 11:30', '2006-10-02 10:24')) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setRevisionsDescriptions(('Fixed up minor errors causing some managers grief (ommission or addition of commas in lists) Corrected a few entries that were marked as read-write when they should have been read-only', 'Minor edit to make MIB SMIv2 compliant Dropped driveBackplaneBmcFirmwareVersion as there is no BMC for the drive backplane', 'Added the IdromBinary16 to represent the asset tag, part number, and serial number fields within the IDROM fields.', 'Corrected maximum/nominal IDROM parameters and comments', 'Added enumeration for exceptions Added missing Presence column to sharedDriveTable', 'Moved the trees and chassis nodes around to accomodate the unique power supply characteristics', 'Moved driveBackplane IDROM data to sharedDrives tree from storage tree where it makes more logical sense Relocated both tables after the driveBackplane tree', 'Dropped sDriveAlias', 'Renamed all references of Array to StoragePool', 'Renamed all references of Disk to Drive Dropped redundant sDriveIndex (moved and replaced it with sDriveSlotNumber)', "Changed Mask representation from an Opaque to a DisplayString at the request of the architects such that it now is an ASCII representation of bit string reflecting the presence with the left most 'bit' being bit 1 and max* bits being represented.", 'Renamed MIB file and updated internal relevance to formal product name Multi-Flex Server', 'Corrected sharedDiskStatsTable INDEX to AUGMENTS.', "Updated several object types to reflect changes in the OEM objects. sDiskArrayID Integer32 -> INTEGER sDiskSequenceNumber Integer32 -> INTEGER sDiskDriveType DisplayString -> INTEGER Cleaned up some illegal character usage to make it SMIv2 compliant. Renamed all of the *Transfered to *Transferred Renumbered sharedDiskStatsTable to match OEM's.", 'Removed nolonger supported SATA & SAS drive feature tables Renumbered Stats from { sharedDisks 4 } to { sharedDisks 2 }', 'Replaced sharedDisksStats table index with sDiskIndex to be consistent with the rest of the tables. All tables are indexed by the drive ID', "Consolodated use of Presence datatype and changed 'chassis' to 'chassis'", "Partitioned off and created as it's own module")) if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setLastUpdated('200708161200Z') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setOrganization('Intel Corporation') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setContactInfo('Brian Kurle Intel Corporation JF5-2-C3 Tel: 503-712-5032 E-Mail: [email protected]') if mibBuilder.loadTexts: multiFlexServerDrivesMibModule.setDescription('Shared Disks Module of the Multi-Flex Server') max_shared_drives = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 15), unsigned32()).setMaxAccess('readonly') if mibBuilder.loadTexts: maxSharedDrives.setStatus('current') if mibBuilder.loadTexts: maxSharedDrives.setDescription('Maximum number of Shared Drives possible in this chassis') num_of_shared_drives = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 25), integer32()).setMaxAccess('readonly') if mibBuilder.loadTexts: numOfSharedDrives.setStatus('current') if mibBuilder.loadTexts: numOfSharedDrives.setDescription('The number of Shared Drives in the system') s_drive_presence_mask = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 35), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDrivePresenceMask.setStatus('current') if mibBuilder.loadTexts: sDrivePresenceMask.setDescription("ASCII representation of bit string reflecting the presence of the shared drives with the left most 'bit' being bit 1 and maxSharedDrives bits being represented. Thus, '11001111111111' would express that all the shared drives (of fourteen shared drives) are present with exception of drives 3 & 4") shared_drives = object_identity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205)) if mibBuilder.loadTexts: sharedDrives.setStatus('current') if mibBuilder.loadTexts: sharedDrives.setDescription('Container for Shared Drive specific information as well as all components logically contained within.') drive_backplane = object_identity((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1)) if mibBuilder.loadTexts: driveBackplane.setStatus('current') if mibBuilder.loadTexts: driveBackplane.setDescription('IDROM information from the Drive Backplane') drive_backplane_vendor = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 1), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneVendor.setStatus('current') if mibBuilder.loadTexts: driveBackplaneVendor.setDescription('Device manufacturer') drive_backplane_mfg_date = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 2), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneMfgDate.setStatus('current') if mibBuilder.loadTexts: driveBackplaneMfgDate.setDescription('Manufacture date/time') drive_backplane_device_name = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 3), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneDeviceName.setStatus('current') if mibBuilder.loadTexts: driveBackplaneDeviceName.setDescription('Device Name') drive_backplane_part = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 4), idrom_binary16()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplanePart.setStatus('current') if mibBuilder.loadTexts: driveBackplanePart.setDescription('Device Part Number') drive_backplane_serial_no = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 5), idrom_binary16()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneSerialNo.setStatus('current') if mibBuilder.loadTexts: driveBackplaneSerialNo.setDescription('Device Serial Number') drive_backplane_maximum_power = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 6), power()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneMaximumPower.setStatus('current') if mibBuilder.loadTexts: driveBackplaneMaximumPower.setDescription('Static maximum power generation / consumption (in watts): <0 - Negative numbers indicate device consumes power (in watts) >0 - Positive numbers indicate device generates power (in watts) 0 - Device is passive (does not not consume or generate power) -1 - Maximum power generation/consumption not known or specified') drive_backplane_nominal_power = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 7), power()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneNominalPower.setStatus('current') if mibBuilder.loadTexts: driveBackplaneNominalPower.setDescription('Static Nominal power generation / consumption (in watts): <0 - Negative numbers indicate device consumes power (in watts) >0 - Positive numbers indicate device generates power (in watts) 0 - Device is passive (does not not consume or generate power) -1 - Nominal power generation/consumption not known or specified') drive_backplane_asset_tag = mib_scalar((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 1, 8), idrom_binary16()).setMaxAccess('readonly') if mibBuilder.loadTexts: driveBackplaneAssetTag.setStatus('current') if mibBuilder.loadTexts: driveBackplaneAssetTag.setDescription('Asset Tag # of device') shared_drive_table = mib_table((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2)) if mibBuilder.loadTexts: sharedDriveTable.setStatus('current') if mibBuilder.loadTexts: sharedDriveTable.setDescription('Each row describes a shared drive in the chassis') shared_drive_entry = mib_table_row((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1)).setIndexNames((0, 'INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveSlotNumber')) if mibBuilder.loadTexts: sharedDriveEntry.setStatus('current') if mibBuilder.loadTexts: sharedDriveEntry.setDescription('The parameters of a physical drive.') s_drive_slot_number = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 1), index()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveSlotNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSlotNumber.setDescription('The slot number on the enclosure where the drive is located (drive ID)') s_drive_presence = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 2), presence()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDrivePresence.setStatus('current') if mibBuilder.loadTexts: sDrivePresence.setDescription('column used to flag the existence of a particular FRU') s_drive_interface = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 3), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveInterface.setStatus('current') if mibBuilder.loadTexts: sDriveInterface.setDescription('The Drive Interface of the physical drive.') s_drive_model_number = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 4), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveModelNumber.setStatus('current') if mibBuilder.loadTexts: sDriveModelNumber.setDescription('The Model Number of the physical drive.') s_drive_serial_number = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 5), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveSerialNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSerialNumber.setDescription('The Serial Number of the physical drive.') s_drive_firmware_version = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 6), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveFirmwareVersion.setStatus('current') if mibBuilder.loadTexts: sDriveFirmwareVersion.setDescription('The Firmware Version of the physical drive.') s_drive_protocol_version = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 7), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveProtocolVersion.setStatus('current') if mibBuilder.loadTexts: sDriveProtocolVersion.setDescription('The Protocol Version of the physical drive.') s_drive_operational_status = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 8), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveOperationalStatus.setStatus('current') if mibBuilder.loadTexts: sDriveOperationalStatus.setDescription('The Operational Status of the physical drive.') s_drive_condition = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 9), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveCondition.setStatus('current') if mibBuilder.loadTexts: sDriveCondition.setDescription('The condition of the physical drive, e.g. PFA.') s_drive_operation = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 10), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveOperation.setStatus('current') if mibBuilder.loadTexts: sDriveOperation.setDescription('The current operation on the physical drive, e.g. mediapatrolling, migrating.') s_drive_configuration = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 11), display_string()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveConfiguration.setStatus('current') if mibBuilder.loadTexts: sDriveConfiguration.setDescription('The configuration on the physical drive, e.g. array %d seqno %d, or dedicated spare.') s_drive_storage_pool_id = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 12), integer32().subtype(subtypeSpec=constraints_union(single_value_constraint(-32, -16, -1, 256))).clone(namedValues=named_values(('notApplicable', -32), ('unknown', -16), ('unavailable', -1), ('notavailable', 256)))).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStoragePoolID.setStatus('current') if mibBuilder.loadTexts: sDriveStoragePoolID.setDescription('The drive array id, if the physical drive is part of a drive array; the spare id, if the drive is a spare.') s_drive_sequence_number = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 13), integer32().subtype(subtypeSpec=constraints_union(single_value_constraint(-32, -16, -1))).clone(namedValues=named_values(('notApplicable', -32), ('unknown', -16), ('unavailable', -1)))).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveSequenceNumber.setStatus('current') if mibBuilder.loadTexts: sDriveSequenceNumber.setDescription('The sequence number of the drive in the drive array. Valid only when the drive is part of a drive array.') s_drive_enclosure_id = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 14), int32with_exception()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveEnclosureID.setStatus('current') if mibBuilder.loadTexts: sDriveEnclosureID.setDescription('The id of the enclosure to which the drive is inserted.') s_drive_block_size = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 15), int32with_exception()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveBlockSize.setStatus('current') if mibBuilder.loadTexts: sDriveBlockSize.setDescription(' The Block Size in bytes of the physical drive.') s_drive_physical_capacity = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 16), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDrivePhysicalCapacity.setStatus('current') if mibBuilder.loadTexts: sDrivePhysicalCapacity.setDescription(' The Physical Size in bytes of the physical drive.') s_drive_configurable_capacity = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 17), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveConfigurableCapacity.setStatus('current') if mibBuilder.loadTexts: sDriveConfigurableCapacity.setDescription(' The Configurable Size in bytes of the physical drive.') s_drive_used_capacity = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 18), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveUsedCapacity.setStatus('current') if mibBuilder.loadTexts: sDriveUsedCapacity.setDescription('The Used Size in bytes of the physical drive.') s_drive_type = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 2, 1, 19), integer32().subtype(subtypeSpec=constraints_union(single_value_constraint(-32, -16, -1, 1, 4))).clone(namedValues=named_values(('notApplicable', -32), ('unknown', -16), ('unavailable', -1), ('sata', 1), ('sas', 4)))).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveType.setStatus('current') if mibBuilder.loadTexts: sDriveType.setDescription('The type of the physical drive. e.g. SATA or SAS') shared_drive_stats_table = mib_table((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3)) if mibBuilder.loadTexts: sharedDriveStatsTable.setStatus('current') if mibBuilder.loadTexts: sharedDriveStatsTable.setDescription('A table of Physical Drive Statistics (augments sharedDriveTable)') shared_drive_stats_entry = mib_table_row((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1)) sharedDriveEntry.registerAugmentions(('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sharedDriveStatsEntry')) sharedDriveStatsEntry.setIndexNames(*sharedDriveEntry.getIndexNames()) if mibBuilder.loadTexts: sharedDriveStatsEntry.setStatus('current') if mibBuilder.loadTexts: sharedDriveStatsEntry.setDescription('The statistics of a physical drive since its last reset or statistics rest.') s_drive_stats_data_transferred = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 1), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsDataTransferred.setDescription('The total number of bytes of data transfered to and from the controller.') s_drive_stats_read_data_transferred = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 2), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsReadDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsReadDataTransferred.setDescription('The total number of bytes of data transfered from the controller.') s_drive_stats_write_data_transferred = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 3), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsWriteDataTransferred.setStatus('current') if mibBuilder.loadTexts: sDriveStatsWriteDataTransferred.setDescription('The total number of bytes of data transfered to the controller.') s_drive_stats_num_of_errors = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 4), integer32()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfErrors.setDescription('The total number of errors.') s_drive_stats_num_of_non_rw_errors = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 5), integer32()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWErrors.setDescription('The total number of non-RW errors.') s_drive_stats_num_of_read_errors = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 6), integer32()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfReadErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfReadErrors.setDescription('The total number of Read errors.') s_drive_stats_num_of_write_errors = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 7), integer32()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfWriteErrors.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfWriteErrors.setDescription('The total number of Write errors.') s_drive_stats_num_of_io_requests = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 8), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfIORequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfIORequests.setDescription('The total number of IO requests.') s_drive_stats_num_of_non_rw_requests = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 9), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfNonRWRequests.setDescription('The total number of non-RW requests.') s_drive_stats_num_of_read_requests = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 10), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfReadRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfReadRequests.setDescription('The total number of read requests.') s_drive_stats_num_of_write_requests = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 11), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsNumOfWriteRequests.setStatus('current') if mibBuilder.loadTexts: sDriveStatsNumOfWriteRequests.setDescription('The total number of write requests.') s_drive_stats_start_time = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 12), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsStartTime.setStatus('current') if mibBuilder.loadTexts: sDriveStatsStartTime.setDescription('The time when the statistics date starts to accumulate since last statistics reset.') s_drive_stats_collection_time = mib_table_column((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 10, 205, 3, 1, 13), counter64()).setMaxAccess('readonly') if mibBuilder.loadTexts: sDriveStatsCollectionTime.setStatus('current') if mibBuilder.loadTexts: sDriveStatsCollectionTime.setDescription('The time when the statistics data was collected or updated last time.') s_drive_group = object_group((1, 3, 6, 1, 4, 1, 343, 2, 19, 1, 2, 2, 2, 15)).setObjects(('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'maxSharedDrives'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'numOfSharedDrives'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDrivePresenceMask'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneVendor'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneMfgDate'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneDeviceName'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplanePart'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneSerialNo'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneMaximumPower'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneNominalPower'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'driveBackplaneAssetTag'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveSlotNumber'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDrivePresence'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveInterface'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveModelNumber'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveSerialNumber'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveFirmwareVersion'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveProtocolVersion'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveOperationalStatus'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveCondition'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveOperation'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveConfiguration'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStoragePoolID'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveSequenceNumber'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveEnclosureID'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveBlockSize'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDrivePhysicalCapacity'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveConfigurableCapacity'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveUsedCapacity'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveType'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsDataTransferred'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsReadDataTransferred'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsWriteDataTransferred'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfErrors'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfNonRWErrors'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfReadErrors'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfWriteErrors'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfIORequests'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfNonRWRequests'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfReadRequests'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsNumOfWriteRequests'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsStartTime'), ('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', 'sDriveStatsCollectionTime')) if getattr(mibBuilder, 'version', (0, 0, 0)) > (4, 4, 0): s_drive_group = sDriveGroup.setStatus('current') if mibBuilder.loadTexts: sDriveGroup.setDescription('Description.') mibBuilder.exportSymbols('INTELCORPORATION-MULTI-FLEX-SERVER-DRIVE-MIB', sharedDriveStatsEntry=sharedDriveStatsEntry, sDriveStoragePoolID=sDriveStoragePoolID, driveBackplanePart=driveBackplanePart, multiFlexServerDrivesMibModule=multiFlexServerDrivesMibModule, driveBackplaneMaximumPower=driveBackplaneMaximumPower, driveBackplaneSerialNo=driveBackplaneSerialNo, driveBackplaneAssetTag=driveBackplaneAssetTag, sDriveStatsNumOfWriteErrors=sDriveStatsNumOfWriteErrors, sDriveUsedCapacity=sDriveUsedCapacity, driveBackplaneNominalPower=driveBackplaneNominalPower, sharedDrives=sharedDrives, sDriveStatsCollectionTime=sDriveStatsCollectionTime, sDriveOperationalStatus=sDriveOperationalStatus, sDrivePresence=sDrivePresence, sDriveInterface=sDriveInterface, sDrivePhysicalCapacity=sDrivePhysicalCapacity, maxSharedDrives=maxSharedDrives, sharedDriveStatsTable=sharedDriveStatsTable, sDriveStatsNumOfReadErrors=sDriveStatsNumOfReadErrors, sDriveType=sDriveType, sDriveStatsNumOfIORequests=sDriveStatsNumOfIORequests, sDriveSerialNumber=sDriveSerialNumber, sDriveGroup=sDriveGroup, sDrivePresenceMask=sDrivePresenceMask, sDriveModelNumber=sDriveModelNumber, driveBackplane=driveBackplane, numOfSharedDrives=numOfSharedDrives, sDriveConfiguration=sDriveConfiguration, sDriveStatsNumOfErrors=sDriveStatsNumOfErrors, driveBackplaneVendor=driveBackplaneVendor, sDriveStatsNumOfNonRWRequests=sDriveStatsNumOfNonRWRequests, sDriveStatsNumOfWriteRequests=sDriveStatsNumOfWriteRequests, sharedDriveEntry=sharedDriveEntry, sDriveBlockSize=sDriveBlockSize, sDriveSlotNumber=sDriveSlotNumber, driveBackplaneMfgDate=driveBackplaneMfgDate, sDriveFirmwareVersion=sDriveFirmwareVersion, sDriveSequenceNumber=sDriveSequenceNumber, driveBackplaneDeviceName=driveBackplaneDeviceName, sDriveConfigurableCapacity=sDriveConfigurableCapacity, sDriveStatsStartTime=sDriveStatsStartTime, sDriveProtocolVersion=sDriveProtocolVersion, sDriveEnclosureID=sDriveEnclosureID, sDriveStatsDataTransferred=sDriveStatsDataTransferred, sDriveStatsWriteDataTransferred=sDriveStatsWriteDataTransferred, sDriveStatsNumOfNonRWErrors=sDriveStatsNumOfNonRWErrors, PYSNMP_MODULE_ID=multiFlexServerDrivesMibModule, sDriveStatsNumOfReadRequests=sDriveStatsNumOfReadRequests, sDriveCondition=sDriveCondition, sDriveOperation=sDriveOperation, sDriveStatsReadDataTransferred=sDriveStatsReadDataTransferred, sharedDriveTable=sharedDriveTable)
def delUser(cur,con,loginid): try: query = "DELETE FROM USER WHERE Login_id='%s'" % (loginid) #print(query) cur.execute(query) con.commit() print("Deleted from Database") except Exception as e: con.rollback() print("Failed to delete from database") print(">>>>>>>>>>>>>", e) return def delStaff(cur,con): try: row = {} row["Staff_id"] = input("Enter Staff ID to delete: ") row["Login_id"] = "STAFF" + row["Staff_id"] query = "SELECT Department_id FROM WORKS_FOR WHERE Staff_id='%s'" % (row["Staff_id"]) cur.execute(query) row["dep"] = cur.fetchone()['Department_id'] con.commit() query = "UPDATE DEPARTMENT SET No_of_employees=No_of_employees - 1 WHERE Department_id='%s'" % (row["dep"]) cur.execute(query) con.commit() query = "DELETE FROM WORKS_FOR WHERE Staff_id='%s'" % (row["Staff_id"]) #print(query) cur.execute(query) con.commit() query = "DELETE FROM STAFF_SKILLS WHERE Staff_id='%s'" % (row["Staff_id"]) #print(query) cur.execute(query) con.commit() query = "DELETE FROM STAFF WHERE Login_id='%s'" % (row["Login_id"]) #print(query) cur.execute(query) con.commit() delUser(cur,con,row["Login_id"]) except Exception as e: con.rollback() print("Failed to delete from database") print(">>>>>>>>>>>>>", e) return def delDonor(cur,con): try: row = {} row["Donor_id"] = input("Enter Donor ID to delete: ") row["Login_id"] = "DONOR" + row["Donor_id"] query = "DELETE FROM DONOR WHERE Donor_id='%s'" % (row["Donor_id"]) #print(query) cur.execute(query) con.commit() delUser(cur,con,row["Login_id"]) except Exception as e: con.rollback() print("Failed to delete from database") print(">>>>>>>>>>>>>", e) return def delVehi(cur,con): try: row = {} row["Vehicle_id"] = input("Enter Vehicle ID to delete: ") query = "DELETE FROM LOGISTICS WHERE Vehicle_id='%s'" % (row["Vehicle_id"]) #print(query) cur.execute(query) con.commit() except Exception as e: con.rollback() print("Failed to delete from database") print(">>>>>>>>>>>>>", e) return def delDep(cur,con): try: row = {} row["Staff_id"] = input("Enter Staff ID associated: ") name = (input("Name (Fname Lname): ")).split(' ') row["Fname"] = name[0] row["Lname"] = name[1] query = "DELETE FROM DEPENDENT WHERE Staff_id='%s' AND First_name='%s' AND Last_name='%s'" % (row["Staff_id"], row["Fname"], row["Lname"]) #print(query) cur.execute(query) con.commit() except Exception as e: con.rollback() print("Failed to delete from database") print(">>>>>>>>>>>>>", e) return
def del_user(cur, con, loginid): try: query = "DELETE FROM USER WHERE Login_id='%s'" % loginid cur.execute(query) con.commit() print('Deleted from Database') except Exception as e: con.rollback() print('Failed to delete from database') print('>>>>>>>>>>>>>', e) return def del_staff(cur, con): try: row = {} row['Staff_id'] = input('Enter Staff ID to delete: ') row['Login_id'] = 'STAFF' + row['Staff_id'] query = "SELECT Department_id FROM WORKS_FOR WHERE Staff_id='%s'" % row['Staff_id'] cur.execute(query) row['dep'] = cur.fetchone()['Department_id'] con.commit() query = "UPDATE DEPARTMENT SET No_of_employees=No_of_employees - 1 WHERE Department_id='%s'" % row['dep'] cur.execute(query) con.commit() query = "DELETE FROM WORKS_FOR WHERE Staff_id='%s'" % row['Staff_id'] cur.execute(query) con.commit() query = "DELETE FROM STAFF_SKILLS WHERE Staff_id='%s'" % row['Staff_id'] cur.execute(query) con.commit() query = "DELETE FROM STAFF WHERE Login_id='%s'" % row['Login_id'] cur.execute(query) con.commit() del_user(cur, con, row['Login_id']) except Exception as e: con.rollback() print('Failed to delete from database') print('>>>>>>>>>>>>>', e) return def del_donor(cur, con): try: row = {} row['Donor_id'] = input('Enter Donor ID to delete: ') row['Login_id'] = 'DONOR' + row['Donor_id'] query = "DELETE FROM DONOR WHERE Donor_id='%s'" % row['Donor_id'] cur.execute(query) con.commit() del_user(cur, con, row['Login_id']) except Exception as e: con.rollback() print('Failed to delete from database') print('>>>>>>>>>>>>>', e) return def del_vehi(cur, con): try: row = {} row['Vehicle_id'] = input('Enter Vehicle ID to delete: ') query = "DELETE FROM LOGISTICS WHERE Vehicle_id='%s'" % row['Vehicle_id'] cur.execute(query) con.commit() except Exception as e: con.rollback() print('Failed to delete from database') print('>>>>>>>>>>>>>', e) return def del_dep(cur, con): try: row = {} row['Staff_id'] = input('Enter Staff ID associated: ') name = input('Name (Fname Lname): ').split(' ') row['Fname'] = name[0] row['Lname'] = name[1] query = "DELETE FROM DEPENDENT WHERE Staff_id='%s' AND First_name='%s' AND Last_name='%s'" % (row['Staff_id'], row['Fname'], row['Lname']) cur.execute(query) con.commit() except Exception as e: con.rollback() print('Failed to delete from database') print('>>>>>>>>>>>>>', e) return
# program to generate the combinations of n distinct objects taken from the elements of a given list. def combination(n, n_list): if n<=0: yield [] return for i in range(len(n_list)): c_num = n_list[i:i+1] for a_num in combination(n-1, n_list[i+1:]): yield c_num + a_num n_list = [1,2,3,4,5,6,7,8,9] print("Original list:") print(n_list) n = 2 result = combination(n, n_list) print("\nCombinations of",n,"distinct objects:") for e in result: print(e)
def combination(n, n_list): if n <= 0: yield [] return for i in range(len(n_list)): c_num = n_list[i:i + 1] for a_num in combination(n - 1, n_list[i + 1:]): yield (c_num + a_num) n_list = [1, 2, 3, 4, 5, 6, 7, 8, 9] print('Original list:') print(n_list) n = 2 result = combination(n, n_list) print('\nCombinations of', n, 'distinct objects:') for e in result: print(e)
def install(job): service = job.service # create user if it doesn't exists username = service.model.dbobj.name password = service.model.data.password email = service.model.data.email provider = service.model.data.provider username = "%s@%s" % (username, provider) if provider else username password = password if not provider else "fakeeeee" g8client = service.producers["g8client"][0] config_instance = "{}_{}".format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path="/root/.ssh/ays_repos_key") if not client.api.system.usermanager.userexists(name=username): groups = service.model.data.groups client.api.system.usermanager.create(username=username, password=password, groups=groups, emails=[email], domain='', provider=provider) def processChange(job): service = job.service g8client = service.producers["g8client"][0] config_instance = "{}_{}".format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path="/root/.ssh/ays_repos_key") old_args = service.model.data new_args = job.model.args # Process Changing Groups old_groups = set(old_args.groups) new_groups = set(new_args.get('groups', [])) if old_groups != new_groups: username = service.model.dbobj.name provider = old_args.provider username = "%s@%s" % (username, provider) if provider else username # Editing user api requires to send a list contains user's mail emails = [old_args.email] new_groups = list(new_groups) client.api.system.usermanager.editUser(username=username, groups=new_groups, provider=provider, emails=emails) service.model.data.groups = new_groups service.save() def uninstall(job): service = job.service # unauthorize user to all consumed vdc username = service.model.dbobj.name g8client = service.producers["g8client"][0] config_instance = "{}_{}".format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path="/root/.ssh/ays_repos_key") provider = service.model.data.provider username = "%s@%s" % (username, provider) if provider else username if client.api.system.usermanager.userexists(name=username): client.api.system.usermanager.delete(username=username)
def install(job): service = job.service username = service.model.dbobj.name password = service.model.data.password email = service.model.data.email provider = service.model.data.provider username = '%s@%s' % (username, provider) if provider else username password = password if not provider else 'fakeeeee' g8client = service.producers['g8client'][0] config_instance = '{}_{}'.format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path='/root/.ssh/ays_repos_key') if not client.api.system.usermanager.userexists(name=username): groups = service.model.data.groups client.api.system.usermanager.create(username=username, password=password, groups=groups, emails=[email], domain='', provider=provider) def process_change(job): service = job.service g8client = service.producers['g8client'][0] config_instance = '{}_{}'.format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path='/root/.ssh/ays_repos_key') old_args = service.model.data new_args = job.model.args old_groups = set(old_args.groups) new_groups = set(new_args.get('groups', [])) if old_groups != new_groups: username = service.model.dbobj.name provider = old_args.provider username = '%s@%s' % (username, provider) if provider else username emails = [old_args.email] new_groups = list(new_groups) client.api.system.usermanager.editUser(username=username, groups=new_groups, provider=provider, emails=emails) service.model.data.groups = new_groups service.save() def uninstall(job): service = job.service username = service.model.dbobj.name g8client = service.producers['g8client'][0] config_instance = '{}_{}'.format(g8client.aysrepo.name, g8client.model.data.instance) client = j.clients.openvcloud.get(instance=config_instance, create=False, die=True, sshkey_path='/root/.ssh/ays_repos_key') provider = service.model.data.provider username = '%s@%s' % (username, provider) if provider else username if client.api.system.usermanager.userexists(name=username): client.api.system.usermanager.delete(username=username)
if condition1: ... elif condition2: ... elif condition3: ... elif condition4: ... elif condition5: ... elif condition6: ... else: ...
if condition1: ... elif condition2: ... elif condition3: ... elif condition4: ... elif condition5: ... elif condition6: ... else: ...
# Python - 3.6.0 test.assert_equals(relatively_prime(8, [1, 2, 3, 4, 5, 6, 7]), [1, 3, 5, 7]) test.assert_equals(relatively_prime(15, [72, 27, 32, 61, 77, 11, 40]), [32, 61, 77, 11]) test.assert_equals(relatively_prime(210, [15, 100, 2222222, 6, 4, 12369, 99]), [])
test.assert_equals(relatively_prime(8, [1, 2, 3, 4, 5, 6, 7]), [1, 3, 5, 7]) test.assert_equals(relatively_prime(15, [72, 27, 32, 61, 77, 11, 40]), [32, 61, 77, 11]) test.assert_equals(relatively_prime(210, [15, 100, 2222222, 6, 4, 12369, 99]), [])
def save_file(contents): with open("path_to_save_the_file.wav", 'wb') as f: f.write(contents) return "path_to_save_the_file.wav"
def save_file(contents): with open('path_to_save_the_file.wav', 'wb') as f: f.write(contents) return 'path_to_save_the_file.wav'
expected_output = { "main": { "chassis": { "ASR1002-X": { "descr": "Cisco ASR1002-X Chassis", "name": "Chassis", "pid": "ASR1002-X", "sn": "FOX1111P1M1", "vid": "V07", } } }, "slot": { "0": { "lc": { "ASR1002-X": { "descr": "Cisco ASR1002-X SPA Interface Processor", "name": "module 0", "pid": "ASR1002-X", "sn": "", "subslot": { "0": { "6XGE-BUILT-IN": { "descr": "6-port Built-in GE SPA", "name": "SPA subslot 0/0", "pid": "6XGE-BUILT-IN", "sn": "", "vid": "", } }, "0 transceiver 0": { "GLC-SX-MMD": { "descr": "GE SX", "name": "subslot 0/0 transceiver 0", "pid": "GLC-SX-MMD", "sn": "AGJ3333R1GC", "vid": "001", } }, "0 transceiver 1": { "GLC-SX-MMD": { "descr": "GE SX", "name": "subslot 0/0 transceiver 1", "pid": "GLC-SX-MMD", "sn": "AGJ1111R1G1", "vid": "001", } }, "0 transceiver 2": { "GLC-SX-MMD": { "descr": "GE SX", "name": "subslot 0/0 transceiver 2", "pid": "GLC-SX-MMD", "sn": "AGJ9999R1FL", "vid": "001", } }, "0 transceiver 3": { "GLC-SX-MMD": { "descr": "GE SX", "name": "subslot 0/0 transceiver 3", "pid": "GLC-SX-MMD", "sn": "AGJ5555RAFM", "vid": "001", } }, }, "vid": "", } } }, "F0": { "lc": { "ASR1002-X": { "descr": "Cisco ASR1002-X Embedded Services Processor", "name": "module F0", "pid": "ASR1002-X", "sn": "", "vid": "", } } }, "P0": { "other": { "ASR1002-PWR-AC": { "descr": "Cisco ASR1002 AC Power Supply", "name": "Power Supply Module 0", "pid": "ASR1002-PWR-AC", "sn": "ABC111111EJ", "vid": "V04", } } }, "P1": { "other": { "ASR1002-PWR-AC": { "descr": "Cisco ASR1002 AC Power Supply", "name": "Power Supply Module 1", "pid": "ASR1002-PWR-AC", "sn": "DCB222222EK", "vid": "V04", } } }, "R0": { "rp": { "ASR1002-X": { "descr": "Cisco ASR1002-X Route Processor", "name": "module R0", "pid": "ASR1002-X", "sn": "JAD333333AQ", "vid": "V07", } } }, }, }
expected_output = {'main': {'chassis': {'ASR1002-X': {'descr': 'Cisco ASR1002-X Chassis', 'name': 'Chassis', 'pid': 'ASR1002-X', 'sn': 'FOX1111P1M1', 'vid': 'V07'}}}, 'slot': {'0': {'lc': {'ASR1002-X': {'descr': 'Cisco ASR1002-X SPA Interface Processor', 'name': 'module 0', 'pid': 'ASR1002-X', 'sn': '', 'subslot': {'0': {'6XGE-BUILT-IN': {'descr': '6-port Built-in GE SPA', 'name': 'SPA subslot 0/0', 'pid': '6XGE-BUILT-IN', 'sn': '', 'vid': ''}}, '0 transceiver 0': {'GLC-SX-MMD': {'descr': 'GE SX', 'name': 'subslot 0/0 transceiver 0', 'pid': 'GLC-SX-MMD', 'sn': 'AGJ3333R1GC', 'vid': '001'}}, '0 transceiver 1': {'GLC-SX-MMD': {'descr': 'GE SX', 'name': 'subslot 0/0 transceiver 1', 'pid': 'GLC-SX-MMD', 'sn': 'AGJ1111R1G1', 'vid': '001'}}, '0 transceiver 2': {'GLC-SX-MMD': {'descr': 'GE SX', 'name': 'subslot 0/0 transceiver 2', 'pid': 'GLC-SX-MMD', 'sn': 'AGJ9999R1FL', 'vid': '001'}}, '0 transceiver 3': {'GLC-SX-MMD': {'descr': 'GE SX', 'name': 'subslot 0/0 transceiver 3', 'pid': 'GLC-SX-MMD', 'sn': 'AGJ5555RAFM', 'vid': '001'}}}, 'vid': ''}}}, 'F0': {'lc': {'ASR1002-X': {'descr': 'Cisco ASR1002-X Embedded Services Processor', 'name': 'module F0', 'pid': 'ASR1002-X', 'sn': '', 'vid': ''}}}, 'P0': {'other': {'ASR1002-PWR-AC': {'descr': 'Cisco ASR1002 AC Power Supply', 'name': 'Power Supply Module 0', 'pid': 'ASR1002-PWR-AC', 'sn': 'ABC111111EJ', 'vid': 'V04'}}}, 'P1': {'other': {'ASR1002-PWR-AC': {'descr': 'Cisco ASR1002 AC Power Supply', 'name': 'Power Supply Module 1', 'pid': 'ASR1002-PWR-AC', 'sn': 'DCB222222EK', 'vid': 'V04'}}}, 'R0': {'rp': {'ASR1002-X': {'descr': 'Cisco ASR1002-X Route Processor', 'name': 'module R0', 'pid': 'ASR1002-X', 'sn': 'JAD333333AQ', 'vid': 'V07'}}}}}
A = 1 connection= { A : ['B'], 'B' : ['A', 'B', 'D'], 'C' : ['A'], 'D' : ['E','A'], 'E' : ['B'] } for f in connection: print(connection['B']) print(connection[id])
a = 1 connection = {A: ['B'], 'B': ['A', 'B', 'D'], 'C': ['A'], 'D': ['E', 'A'], 'E': ['B']} for f in connection: print(connection['B']) print(connection[id])
# emacs: -*- mode: python-mode; py-indent-offset: 2; tab-width: 2; indent-tabs-mode: nil -*- # ex: set sts=2 ts=2 sw=2 et: __all__ = ['classify', 'cluster', 'decode', 'meta', 'network', 'reduce', 'stats']
__all__ = ['classify', 'cluster', 'decode', 'meta', 'network', 'reduce', 'stats']
def f1(x, *args): pass f1(42, 'spam')
def f1(x, *args): pass f1(42, 'spam')
{ 'includes': [ './common.gypi' ], 'target_defaults': { 'defines' : [ 'PNG_PREFIX', 'PNGPREFIX_H', 'PNG_USE_READ_MACROS', ], # 'include_dirs': [ # '<(DEPTH)/third_party/pdfium', # '<(DEPTH)/third_party/pdfium/third_party/freetype/include', # ], 'conditions': [ ['OS=="linux"', { 'conditions': [ ['target_arch=="x64"', { 'defines' : [ '_FX_CPU_=_FX_X64_', ], 'cflags': [ '-fPIC', ], }], ['target_arch=="ia32"', { 'defines' : [ '_FX_CPU_=_FX_X86_', ], }], ], }] ], 'msvs_disabled_warnings': [ 4005, 4018, 4146, 4333, 4345, 4267 ] }, 'targets': [ { 'target_name': 'node_pdfium', 'dependencies' : [ 'fx_lpng', './third_party/pdfium/pdfium.gyp:pdfium' ], 'sources': [ # is like "ls -1 src/*.cc", but gyp does not support direct patterns on # sources '<!@(["python", "tools/getSourceFiles.py", "src", "cc"])' ] }, { 'target_name': 'fx_lpng', 'type': 'static_library', 'dependencies': [ 'third_party/pdfium/pdfium.gyp:fxcodec', ], 'include_dirs': [ 'third_party/pdfium/core/src/fxcodec/fx_zlib/include/', ], 'sources': [ 'third_party/fx_lpng/include/fx_png.h', 'third_party/fx_lpng/src/fx_png.c', 'third_party/fx_lpng/src/fx_pngerror.c', 'third_party/fx_lpng/src/fx_pngget.c', 'third_party/fx_lpng/src/fx_pngmem.c', 'third_party/fx_lpng/src/fx_pngpread.c', 'third_party/fx_lpng/src/fx_pngread.c', 'third_party/fx_lpng/src/fx_pngrio.c', 'third_party/fx_lpng/src/fx_pngrtran.c', 'third_party/fx_lpng/src/fx_pngrutil.c', 'third_party/fx_lpng/src/fx_pngset.c', 'third_party/fx_lpng/src/fx_pngtrans.c', 'third_party/fx_lpng/src/fx_pngwio.c', 'third_party/fx_lpng/src/fx_pngwrite.c', 'third_party/fx_lpng/src/fx_pngwtran.c', 'third_party/fx_lpng/src/fx_pngwutil.c', ] } ] }
{'includes': ['./common.gypi'], 'target_defaults': {'defines': ['PNG_PREFIX', 'PNGPREFIX_H', 'PNG_USE_READ_MACROS'], 'conditions': [['OS=="linux"', {'conditions': [['target_arch=="x64"', {'defines': ['_FX_CPU_=_FX_X64_'], 'cflags': ['-fPIC']}], ['target_arch=="ia32"', {'defines': ['_FX_CPU_=_FX_X86_']}]]}]], 'msvs_disabled_warnings': [4005, 4018, 4146, 4333, 4345, 4267]}, 'targets': [{'target_name': 'node_pdfium', 'dependencies': ['fx_lpng', './third_party/pdfium/pdfium.gyp:pdfium'], 'sources': ['<!@(["python", "tools/getSourceFiles.py", "src", "cc"])']}, {'target_name': 'fx_lpng', 'type': 'static_library', 'dependencies': ['third_party/pdfium/pdfium.gyp:fxcodec'], 'include_dirs': ['third_party/pdfium/core/src/fxcodec/fx_zlib/include/'], 'sources': ['third_party/fx_lpng/include/fx_png.h', 'third_party/fx_lpng/src/fx_png.c', 'third_party/fx_lpng/src/fx_pngerror.c', 'third_party/fx_lpng/src/fx_pngget.c', 'third_party/fx_lpng/src/fx_pngmem.c', 'third_party/fx_lpng/src/fx_pngpread.c', 'third_party/fx_lpng/src/fx_pngread.c', 'third_party/fx_lpng/src/fx_pngrio.c', 'third_party/fx_lpng/src/fx_pngrtran.c', 'third_party/fx_lpng/src/fx_pngrutil.c', 'third_party/fx_lpng/src/fx_pngset.c', 'third_party/fx_lpng/src/fx_pngtrans.c', 'third_party/fx_lpng/src/fx_pngwio.c', 'third_party/fx_lpng/src/fx_pngwrite.c', 'third_party/fx_lpng/src/fx_pngwtran.c', 'third_party/fx_lpng/src/fx_pngwutil.c']}]}
def normalizer(x, norm): if norm == 'l2': norm_val = sum(xi ** 2 for xi in x) ** .5 elif norm == 'l1': norm_val = sum(abs(xi) for xi in x) elif norm == 'max': norm_val = max(abs(xi) for xi in x) return [xi / norm_val for xi in x] def standard_scaler(x, mean_, var_, with_mean, with_std): def scale(x, m, v): if with_mean: x -= m if with_std: x /= v ** .5 return x return [scale(xi, m, v) for xi, m, v in zip(x, mean_, var_)]
def normalizer(x, norm): if norm == 'l2': norm_val = sum((xi ** 2 for xi in x)) ** 0.5 elif norm == 'l1': norm_val = sum((abs(xi) for xi in x)) elif norm == 'max': norm_val = max((abs(xi) for xi in x)) return [xi / norm_val for xi in x] def standard_scaler(x, mean_, var_, with_mean, with_std): def scale(x, m, v): if with_mean: x -= m if with_std: x /= v ** 0.5 return x return [scale(xi, m, v) for (xi, m, v) in zip(x, mean_, var_)]
print('Enter any integer: ') n = str(input().strip()) num_places = len(n) for i in range(num_places) : x = num_places - i if x >= 10 : suffix = "Billion " elif x <= 9 and x >= 7 : suffix = "Million " elif x == 6 : suffix = "Hundred " elif x == 5 : suffix = "Thousand " elif x == 4: suffix = "Thousand " elif x == 3 : suffix = "Hundred " else : suffix = "" # the second to last digit will always be the tens, which have special naming if i != num_places - 2 : if n[i] == '1' : # don't make newline print("One " + suffix, end='') elif n[i] == '2' : print("Two " + suffix, end='') elif n[i] == '3' : print("Three " + suffix, end='') elif n[i] == '4': print("Four " + suffix, end='') elif n[i] == '5': print("Five " + suffix, end='') elif n[i] == '6': print("Six " + suffix, end='') elif n[i] == '7': print("Seven " + suffix, end='') elif n[i] == '8': print("Eight " + suffix, end='') elif n[i] == '9': print("Nine " + suffix, end='') else : # if n[i] is 0, print "and" print(" and ", end='') else : if n[i] == '1' : if n[i+1] == '0' : print("Ten ", end='') if n[i+1] == '1' : print("Eleven ", end='') if n[i+1] == '2' : print("Twelve ", end='') else : if n[i+1] == '3' : print("Thir", end='') if n[i+1] == '4' : print("Four", end='') if n[i+1] == '5' : print("Fif", end='') if n[i+1] == '6' : print("Six", end='') if n[i+1] == '7' : print("Seven", end='') if n[i+1] == '8' : print("Eigh", end='') if n[i+1] == '9' : print("Nine", end='') print("teen") break elif n[i] == '2' : print("Twenty ", end='') elif n[i] == '3' : print("Thirty ", end='') elif n[i] == '4': print("Fourty ", end='') elif n[i] == '5': print("Fifty ", end='') elif n[i] == '6': print("Sixty ", end='') elif n[i] == '7': print("Seventy ", end='') elif n[i] == '8': print("Eighty ", end='') elif n[i] == '9': print("Ninety ", end='') else : # if n[i] is 0, print "and" print(" and ", end='')
print('Enter any integer: ') n = str(input().strip()) num_places = len(n) for i in range(num_places): x = num_places - i if x >= 10: suffix = 'Billion ' elif x <= 9 and x >= 7: suffix = 'Million ' elif x == 6: suffix = 'Hundred ' elif x == 5: suffix = 'Thousand ' elif x == 4: suffix = 'Thousand ' elif x == 3: suffix = 'Hundred ' else: suffix = '' if i != num_places - 2: if n[i] == '1': print('One ' + suffix, end='') elif n[i] == '2': print('Two ' + suffix, end='') elif n[i] == '3': print('Three ' + suffix, end='') elif n[i] == '4': print('Four ' + suffix, end='') elif n[i] == '5': print('Five ' + suffix, end='') elif n[i] == '6': print('Six ' + suffix, end='') elif n[i] == '7': print('Seven ' + suffix, end='') elif n[i] == '8': print('Eight ' + suffix, end='') elif n[i] == '9': print('Nine ' + suffix, end='') else: print(' and ', end='') elif n[i] == '1': if n[i + 1] == '0': print('Ten ', end='') if n[i + 1] == '1': print('Eleven ', end='') if n[i + 1] == '2': print('Twelve ', end='') else: if n[i + 1] == '3': print('Thir', end='') if n[i + 1] == '4': print('Four', end='') if n[i + 1] == '5': print('Fif', end='') if n[i + 1] == '6': print('Six', end='') if n[i + 1] == '7': print('Seven', end='') if n[i + 1] == '8': print('Eigh', end='') if n[i + 1] == '9': print('Nine', end='') print('teen') break elif n[i] == '2': print('Twenty ', end='') elif n[i] == '3': print('Thirty ', end='') elif n[i] == '4': print('Fourty ', end='') elif n[i] == '5': print('Fifty ', end='') elif n[i] == '6': print('Sixty ', end='') elif n[i] == '7': print('Seventy ', end='') elif n[i] == '8': print('Eighty ', end='') elif n[i] == '9': print('Ninety ', end='') else: print(' and ', end='')
def search(arr, d, y): for m in range(0, d): if (arr[m] == y): return m; return -1; arr = [4, 8, 26, 30, 13]; p = 30; k = len(arr); result = search(arr, k, p) if (result == -1): print("Element is not present in array") else: print("Element is present at index", result);
def search(arr, d, y): for m in range(0, d): if arr[m] == y: return m return -1 arr = [4, 8, 26, 30, 13] p = 30 k = len(arr) result = search(arr, k, p) if result == -1: print('Element is not present in array') else: print('Element is present at index', result)
# Turns an RPN expression to normal mathematical notation _VARIABLES = { "0": "0", "1": "1", "P": "pi", "a": "x0", "b": "x1", "c": "x2", "d": "x3", "e": "x4", "f": "x5", "g": "x6", "h": "x7", "i": "x8", "j": "x9", "k": "x10", "l": "x11", "m": "x12", "n": "x13", } _OPS_UNARY = { ">": "({}+1)", "<": "({}-1)", "~": "(-{})", "\\": "({})**(-1)", "L": "log({})", "E": "exp({})", "S": "sin({})", "C": "cos({})", "A": "abs({})", "N": "asin({})", "T": "atan({})", "R": "sqrt({})", "O": "(2*({}))", "J": "(2*({})+1)", } _OPS_BINARY = set("+*-/") def RPN_to_eq(expr: str) -> str: stack = [] for i in expr: if i in _VARIABLES: stack.append(_VARIABLES[i]) elif i in _OPS_BINARY: a1 = stack.pop() a2 = stack.pop() stack.append(f"({a2}{i}{a1})") elif i in _OPS_UNARY: a = stack.pop() stack.append(_OPS_UNARY[i].format(a)) return stack[0]
_variables = {'0': '0', '1': '1', 'P': 'pi', 'a': 'x0', 'b': 'x1', 'c': 'x2', 'd': 'x3', 'e': 'x4', 'f': 'x5', 'g': 'x6', 'h': 'x7', 'i': 'x8', 'j': 'x9', 'k': 'x10', 'l': 'x11', 'm': 'x12', 'n': 'x13'} _ops_unary = {'>': '({}+1)', '<': '({}-1)', '~': '(-{})', '\\': '({})**(-1)', 'L': 'log({})', 'E': 'exp({})', 'S': 'sin({})', 'C': 'cos({})', 'A': 'abs({})', 'N': 'asin({})', 'T': 'atan({})', 'R': 'sqrt({})', 'O': '(2*({}))', 'J': '(2*({})+1)'} _ops_binary = set('+*-/') def rpn_to_eq(expr: str) -> str: stack = [] for i in expr: if i in _VARIABLES: stack.append(_VARIABLES[i]) elif i in _OPS_BINARY: a1 = stack.pop() a2 = stack.pop() stack.append(f'({a2}{i}{a1})') elif i in _OPS_UNARY: a = stack.pop() stack.append(_OPS_UNARY[i].format(a)) return stack[0]
#converts the pixel bytes to binary def decToBin(dec): secret_bin = [] for i in dec: secret_bin.append(f'{i:08b}') return secret_bin #gets the last 2 LSB of each byte def get2LSB(secret_bin): last2 = [] for i in secret_bin: for j in i[6:8]: last2.append(j) return last2 def filter2LSB(listdict, last2): piclsb = [] replaceNum = 0 index = 0 #the lower even or odd occurence gets replaced if listdict['0']<2 or listdict['1']<2: replaceNum = 0 listdict['2'] = '01' elif listdict['0'] <= listdict['1']: replaceNum = 0 else: replaceNum = 1 #filters the right matching bits out of the image for i in last2: if int(listdict['2'][index])%2 == replaceNum: piclsb.append(i) index += 1 if index >= len(listdict['2']): index = 0 else: index += 1 if index >= len(listdict['2']): index = 0 return piclsb
def dec_to_bin(dec): secret_bin = [] for i in dec: secret_bin.append(f'{i:08b}') return secret_bin def get2_lsb(secret_bin): last2 = [] for i in secret_bin: for j in i[6:8]: last2.append(j) return last2 def filter2_lsb(listdict, last2): piclsb = [] replace_num = 0 index = 0 if listdict['0'] < 2 or listdict['1'] < 2: replace_num = 0 listdict['2'] = '01' elif listdict['0'] <= listdict['1']: replace_num = 0 else: replace_num = 1 for i in last2: if int(listdict['2'][index]) % 2 == replaceNum: piclsb.append(i) index += 1 if index >= len(listdict['2']): index = 0 else: index += 1 if index >= len(listdict['2']): index = 0 return piclsb
# Do not edit this file directly. # It was auto-generated by: code/programs/reflexivity/reflexive_refresh load("@bazel_tools//tools/build_defs/repo:http.bzl", "http_archive") def buildfarm(): http_archive( name="buildfarm" , build_file="//bazel/deps/buildfarm:build.BUILD" , sha256="de2a18bbe1e6770be0cd54e93630fb1ee7bce937bff708eed16329033fbfe32b" , strip_prefix="bazel-buildfarm-355f816acf3531e9e37d860acf9ebbb89c9041c2" , urls = [ "https://github.com/Unilang/bazel-buildfarm/archive/355f816acf3531e9e37d860acf9ebbb89c9041c2.tar.gz", ], )
load('@bazel_tools//tools/build_defs/repo:http.bzl', 'http_archive') def buildfarm(): http_archive(name='buildfarm', build_file='//bazel/deps/buildfarm:build.BUILD', sha256='de2a18bbe1e6770be0cd54e93630fb1ee7bce937bff708eed16329033fbfe32b', strip_prefix='bazel-buildfarm-355f816acf3531e9e37d860acf9ebbb89c9041c2', urls=['https://github.com/Unilang/bazel-buildfarm/archive/355f816acf3531e9e37d860acf9ebbb89c9041c2.tar.gz'])
class ReporterInterface(object): def notify_before_console_output(self): pass def notify_after_console_output(self): pass def report_session_start(self, session): pass def report_session_end(self, session): pass def report_file_start(self, filename): pass def report_file_end(self, filename): pass def report_collection_start(self): pass def report_test_collected(self, all_tests, test): pass def report_collection_end(self, collected): pass def report_test_start(self, test): pass def report_test_end(self, test, result): if result.is_success(): self.report_test_success(test, result) elif result.is_skip(): self.report_test_skip(test, result) elif result.is_error(): self.report_test_error(test, result) else: assert result.is_failure() self.report_test_failure(test, result) def report_test_success(self, test, result): pass def report_test_skip(self, test, result): pass def report_test_error(self, test, result): pass def report_test_failure(self, test, result): pass
class Reporterinterface(object): def notify_before_console_output(self): pass def notify_after_console_output(self): pass def report_session_start(self, session): pass def report_session_end(self, session): pass def report_file_start(self, filename): pass def report_file_end(self, filename): pass def report_collection_start(self): pass def report_test_collected(self, all_tests, test): pass def report_collection_end(self, collected): pass def report_test_start(self, test): pass def report_test_end(self, test, result): if result.is_success(): self.report_test_success(test, result) elif result.is_skip(): self.report_test_skip(test, result) elif result.is_error(): self.report_test_error(test, result) else: assert result.is_failure() self.report_test_failure(test, result) def report_test_success(self, test, result): pass def report_test_skip(self, test, result): pass def report_test_error(self, test, result): pass def report_test_failure(self, test, result): pass
def read_as_strings(filename): f = open(filename, "r") res = f.read().split("\n") return res def read_as_ints(filename): f = open(filename, "r") res = map(int, f.read().split("\n")) return list(res)
def read_as_strings(filename): f = open(filename, 'r') res = f.read().split('\n') return res def read_as_ints(filename): f = open(filename, 'r') res = map(int, f.read().split('\n')) return list(res)
n = int(input("Qual o tamanho do vetor?")) x = [int(input()) for x in range(n)] for i in range(0, n, 2): print(x[i])
n = int(input('Qual o tamanho do vetor?')) x = [int(input()) for x in range(n)] for i in range(0, n, 2): print(x[i])
# function for merge sort def merge_sort(arr): if len(arr) > 1: # mid element of array mid = len(arr) // 2 # Dividing the array and calling merge sort on array left = arr[:mid] # into 2 halves right = arr[mid:] # merge sort for array first merge_sort(left) # merge sort for array second merge_sort(right) # merging function merge_array(arr, left, right) def merge_array(arr, left, right): i = j = k = 0 # merging two array left right in sorted order while i < len(left) and j < len(right): if left[i] < right[j]: arr[k] = left[i] i += 1 else: arr[k] = right[j] j += 1 k += 1 # merging any remaining element while i < len(left): arr[k] = left[i] i += 1 k += 1 while j < len(right): arr[k] = right[j] j += 1 k += 1 # printing array def print_array(arr): for i in range(len(arr)): print(arr[i], end=" ") print() total_element = int(input("Number of element in array ")) arr = [] for i in range(total_element): arr.append(int(input(f"Enter {i}th element "))) print("Input array is ", end="\n") print_array(arr) merge_sort(arr) print("array after sort is: ", end="\n") print_array(arr)
def merge_sort(arr): if len(arr) > 1: mid = len(arr) // 2 left = arr[:mid] right = arr[mid:] merge_sort(left) merge_sort(right) merge_array(arr, left, right) def merge_array(arr, left, right): i = j = k = 0 while i < len(left) and j < len(right): if left[i] < right[j]: arr[k] = left[i] i += 1 else: arr[k] = right[j] j += 1 k += 1 while i < len(left): arr[k] = left[i] i += 1 k += 1 while j < len(right): arr[k] = right[j] j += 1 k += 1 def print_array(arr): for i in range(len(arr)): print(arr[i], end=' ') print() total_element = int(input('Number of element in array ')) arr = [] for i in range(total_element): arr.append(int(input(f'Enter {i}th element '))) print('Input array is ', end='\n') print_array(arr) merge_sort(arr) print('array after sort is: ', end='\n') print_array(arr)
def test_fake_hash(fake_hash): assert fake_hash(b'rainstorms') == b"HASH(brainstorms)"
def test_fake_hash(fake_hash): assert fake_hash(b'rainstorms') == b'HASH(brainstorms)'
supported_browsers = ( "system_default", "chrome", "chromium", "chromium-browser", "google-chrome", "safari", "firefox", "opera", "mozilla", "netscape", "galeon", "epiphany", "skipstone", "kfmclient", "konqueror", "kfm", "mosaic", "grail", "links", "elinks", "lynx", "w3m", "windows-default", "macosx", ) supported_image_extensions = ( "apng", "avif", "bmp", "gif", "ico", "jpg", "jpeg", "jfif", "pjpeg", "pjp", "png", "svg", "webp", "cur", "tif", "tiff", )
supported_browsers = ('system_default', 'chrome', 'chromium', 'chromium-browser', 'google-chrome', 'safari', 'firefox', 'opera', 'mozilla', 'netscape', 'galeon', 'epiphany', 'skipstone', 'kfmclient', 'konqueror', 'kfm', 'mosaic', 'grail', 'links', 'elinks', 'lynx', 'w3m', 'windows-default', 'macosx') supported_image_extensions = ('apng', 'avif', 'bmp', 'gif', 'ico', 'jpg', 'jpeg', 'jfif', 'pjpeg', 'pjp', 'png', 'svg', 'webp', 'cur', 'tif', 'tiff')
class BasePermission: def __init__(self, user): self.user = user def has_permission(self, action): raise NotImplementedError class AllowAny: def has_permission(self, action): return True class IsAuthenticated(BasePermission): def has_permission(self, action): return self.user.id is not None and self.user.is_authenticated()
class Basepermission: def __init__(self, user): self.user = user def has_permission(self, action): raise NotImplementedError class Allowany: def has_permission(self, action): return True class Isauthenticated(BasePermission): def has_permission(self, action): return self.user.id is not None and self.user.is_authenticated()
#counter part of inheritance #inheritance means by this program- a bookself is a book #composition is - class Bookself: def __init__(self, *books): self.books=books def __str__(self): return f"Bookself with {len(self.books)} books." class Book: def __init__(self,name): self.name=name def __str__(self): return f"Book {self.name}" book=Book("Harry potter") book2=Book("Python") shelf=Bookself(book,book2) print(shelf)
class Bookself: def __init__(self, *books): self.books = books def __str__(self): return f'Bookself with {len(self.books)} books.' class Book: def __init__(self, name): self.name = name def __str__(self): return f'Book {self.name}' book = book('Harry potter') book2 = book('Python') shelf = bookself(book, book2) print(shelf)
def fake_get_value_from_db(): return 5 def check_outdated(): total = fake_get_value_from_db() return total > 10 def task_put_more_stuff_in_db(): def put_stuff(): pass return {'actions': [put_stuff], 'uptodate': [check_outdated], }
def fake_get_value_from_db(): return 5 def check_outdated(): total = fake_get_value_from_db() return total > 10 def task_put_more_stuff_in_db(): def put_stuff(): pass return {'actions': [put_stuff], 'uptodate': [check_outdated]}
''' Given an array of integers, return indices of the two numbers such that they add up to a specific target. You may assume that each input would have exactly one solution, and you may not use the same element twice. Example: Given nums = [2, 7, 11, 15], target = 9, Because nums[0] + nums[1] = 2 + 7 = 9, return [0, 1]. ''' def solution(A,target): hash1 = dict() for i in range(len(A)): hash1[A[i]] = i print(hash1) lenght_dict = len(hash1.keys()) print(lenght_dict) count = 0 for key,value in hash1.items(): index1 = hash1[key] key1 = target - key count += 1 if(key1==key): continue else: index2 = hash1.get(key1) if(index2!= None): out_list = [index1,index2] print(out_list) return(out_list) break A = [3,2,4,3] target = 6 solution(A,target)
""" Given an array of integers, return indices of the two numbers such that they add up to a specific target. You may assume that each input would have exactly one solution, and you may not use the same element twice. Example: Given nums = [2, 7, 11, 15], target = 9, Because nums[0] + nums[1] = 2 + 7 = 9, return [0, 1]. """ def solution(A, target): hash1 = dict() for i in range(len(A)): hash1[A[i]] = i print(hash1) lenght_dict = len(hash1.keys()) print(lenght_dict) count = 0 for (key, value) in hash1.items(): index1 = hash1[key] key1 = target - key count += 1 if key1 == key: continue else: index2 = hash1.get(key1) if index2 != None: out_list = [index1, index2] print(out_list) return out_list break a = [3, 2, 4, 3] target = 6 solution(A, target)
# coding:utf-8 unconfirmed_users = ['liuhanyu', 'luoliuzhou', 'wangyue', 'xiaolizi'] confirmed_users = [] while unconfirmed_users: user = unconfirmed_users.pop() confirmed_users.append(user) print(confirmed_users) print(unconfirmed_users)
unconfirmed_users = ['liuhanyu', 'luoliuzhou', 'wangyue', 'xiaolizi'] confirmed_users = [] while unconfirmed_users: user = unconfirmed_users.pop() confirmed_users.append(user) print(confirmed_users) print(unconfirmed_users)
num = int(input("Enter a number: ")) if ((num % 2 == 0) and (num % 3 == 0) and (num % 5 == 0)): print("Divisible") else: print("Not Divisible")
num = int(input('Enter a number: ')) if num % 2 == 0 and num % 3 == 0 and (num % 5 == 0): print('Divisible') else: print('Not Divisible')