content
stringlengths 7
1.05M
|
---|
#!/usr/bin/python3
#~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
# With a given integral number n, write a program to generate a
# dictionary that contains (i, i*i) such that is an integral number
# between 1 and n (both included). and then the program should print the
# dictionary.
#
# Suppose the following input is supplied to the program:
#
# 8
#
# Then, the output should be:
#
# {1: 1, 2: 4, 3: 9, 4: 16, 5: 25, 6: 36, 7: 49, 8: 64}
#~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
n=10
dict = { i:i*i for i in range(1,n+1) }
print(dict)
|
n = [3, 5, 7]
def total(numbers):
result = 0
for i in range(len(numbers)):
result += numbers[i]
return result
print(total(n))
|
with open("input.txt") as fp:
instructions = [(line.strip('\n')[0], int(line.strip('\n')[1:]))
for line in fp]
moves = {'E': 1, 'W': -1, 'N': 1, 'S': -1, 'R': 1, 'L': -1}
sides = 'ESWN'
current_direction = 'E'
current_coords = (0, 0)
current_waypoint_offset = (10, 1)
current_waypoint_coords = (
current_coords[0] + current_waypoint_offset[0], current_coords[1] + current_waypoint_offset[1])
for instruction in instructions:
if instruction[0] == 'F':
temp = instruction[1]
current_coords = (current_coords[0] + current_waypoint_offset[0]
* temp, current_coords[1] + current_waypoint_offset[1] * temp)
if instruction[0] in 'EW':
current_waypoint_offset = (
current_waypoint_offset[0] + instruction[1] * moves[instruction[0]], current_waypoint_offset[1])
elif instruction[0] in 'NS':
current_waypoint_offset = (
current_waypoint_offset[0], current_waypoint_offset[1] + instruction[1] * moves[instruction[0]])
if instruction[0] in 'RL':
rotations = [
current_waypoint_offset,
(current_waypoint_offset[1], - current_waypoint_offset[0]),
(- current_waypoint_offset[0], - current_waypoint_offset[1]),
(- current_waypoint_offset[1], current_waypoint_offset[0]),
]
rotation = int((instruction[1] / 90) % 4)
new_index = (sides.index(current_direction) +
rotation * moves[instruction[0]]) % 4
current_waypoint_offset = rotations[new_index]
current_waypoint_coords = (
current_coords[0] + current_waypoint_offset[0], current_coords[1] + current_waypoint_offset[1])
print(abs(current_coords[0]) + abs(current_coords[1]))
|
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""WDOM: Browser-based GUI library for python."""
|
#!/usr/bin/python
command = (oiio_app("maketx") + " --filter lanczos3 "
+ parent + "/oiio-images/grid-overscan.exr"
+ " -o grid-overscan.exr ;\n")
command = command + testtex_command ("grid-overscan.exr", "--wrap black")
outputs = [ "out.exr" ]
|
#!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
Author:
"""
class Roboter:
pass
if __name__ == "__main__":
x = Roboter()
y = Roboter()
print(x)
print(y)
print(x == y)
|
n = int(input())
horas = n // 3600
n %= 3600
minutos = n // 60
n %= 60
segundos = n
print(f'{horas}:{minutos}:{segundos}')
|
def bot_reply(bot, contact, str):
_str = '机器人回复: '+str
bot.SendTo(contact, _str)
watch_group_name = ['创客学院管理员社群',
'VR/AR/Unity3D/C#/创客',
# '创客学院VR/AR②群',
# 'Web前端/HTML/创客学院',
# '物联网_ARM_创客学院',
# '单片机/ARM/STM32/创客',
# '创客学院嵌入式ARM_STM32',
# 'Java/mysql/Oracle创客学院',
# '嵌入式/单片机/ARM/创客'
]
ans_dic = {
'创客学院官网': 'http://www.makeru.com.cn/ ',
'VR教程': '先学c#和unity3d引擎 http://www.makeru.com.cn/roadmap/vr \n '
'再学用unity3d的两个插件 \n'
'https://assetstore.unity.com/packages/templates/systems/steamvr-plugin-32647 \n '
'https://assetstore.unity.com/packages/tools/integration/vive-input-utility-64219 ',
'AR教程': '高通vuforia https://developer.vuforia.com/downloads/sdk \n '
'亮风台HiAR http://www.hiar.com.cn/doc-v1/main/home/ \n '
'EasyAR https://www.easyar.cn/view/download.html \n '
'苹果ARkit https://developer.apple.com/cn/arkit/ \n '
'谷歌ARcore https://developer.apple.com/cn/arkit/ \n '
'选一个吧',
'web教程': 'http://www.makeru.com.cn/roadmap/web ',
'嵌入式教程': 'http://www.makeru.com.cn/roadmap/emb ',
'stm32教程': 'http://www.makeru.com.cn/search?q=stm32 ',
'物联网教程': 'http://www.makeru.com.cn/roadmap/iot ',
'arm教程': 'http://www.makeru.com.cn/search?q=arm ',
'java教程': 'http://www.makeru.com.cn/roadmap/javaee ',
'安卓教程': 'http://www.makeru.com.cn/roadmap/android ',
'免费课程': 'http://www.makeru.com.cn/course/library?isPay=0 ',
'直播课': 'http://www.makeru.com.cn/live/library ',
'unity下载': 'https://unity3d.com/cn/get-unity/download/archive '
}
def onQQMessage(bot, contact, member, content):
# 避免机器人自嗨 机器人发言请注意加上这个字符串
if '机器人回复' in content:
return
# 监视制定的群
if not (contact.nick in watch_group_name):
return
for k, v in ans_dic.items():
if k in content:
bot_reply(bot, contact, v)
if '所有关键词' in content:
s = ' '.join(ans_dic.keys())
bot_reply(bot, contact, s)
return
|
# optimizer
optimizer = dict(type='AdamW', lr=0.0001, weight_decay=0.0005)
optimizer_config = dict(grad_clip=dict(max_norm=1, norm_type=2))
# learning policy
lr_config = dict(
policy='step',
warmup='linear',
warmup_iters=1000,
warmup_ratio=0.001,
step=[60000, 72000],
by_epoch=False)
# runtime settings
runner = dict(type='IterBasedRunner', max_iters=80000)
checkpoint_config = dict(by_epoch=False, interval=8000)
evaluation = dict(interval=8000, metric='mIoU')
|
#!/usr/bin/env python3
#global num_path
#num_path = 0
class Path:
num_path = 0
def __init__(self, start, end):
self.passed_by = False
self.start = start
self.end = end
def __str__(self):
return "{}-{} [{}]".format(self.start, self.end, "T" if self.passed_by else "F")
def __eq__(self, n):
return (self.start == n.start and self.end == n.end ) or (self.start == n.end and self.end == n.start)
class Node:
def __init__(self, x, y):
self.x = x
self.y = y
self.edges = list()
def add_path(self, n):
for edge in self.edges:
if edge.end == n:
print("edges ({}, {}) has already been added".format(n.x, n.y))
return False
self.edges.append(Path(self, n))
print("{} --- {}".format(self, n))
Path.num_path += 1
added = n.add_path(self)
print(added)
# for edge in n.edges:
# if edge.end == self:
# return
# n.edges.append(Path(n, self))
# Path.num_path += 1
return True
def add_path(self, n):
for edge in self.edges:
if edge.end == n:
return False
self.edges.append(Path(self, n))
# n.add_path(self)
return True
def get_path(self, n):
for edge in self.edges:
if edge.end == n:
return edge
return None
def __str__(self):
return "({}, {})".format(self.x, self.y)
def __eq__(self, other):
return (self.x == other.x) and (self.y == other.y)
class Map:
def __init__(self, N):
self.N = N
self.matrix = []
for i in range(0, N):
self.matrix.append([])
i = 0
while i < N:
j = 0
while j < N:
self.matrix[i].append(Node(i, j))
j += 1
i += 1
def process_data(self, adjacent_ls):
i = 0
while i < self.N:
j = 0
while j < self.N:
cur_node = self.matrix[i][j]
edge_ls = adjacent_ls[i][j]
for coord in edge_ls:
cur_node.add_path(self.matrix[coord[0]][coord[1]])
j += 1
i += 1
class Solution:
def __init__(self, N):
ls_adjacent = []
self.N = N
for i in range(0, N):
ls_adjacent.append(list())
self.solution = list()
self.map = Map(N)
self.num_path = 0
def dfs(self, pre_node: Node, cur_node: Node):
self.solution.append(cur_node)
# if len(self.solution) - 1 == Path.num_path:
# return True
if len(self.solution) - 1 == self.num_path:
return True
# print(", ".join(str(ele) for ele in cur_node.edges))
# print(cur_node.edges)
for path in cur_node.edges:
if not path.passed_by:
path.passed_by = True
# print(cur_node)
# print(path.end)
path.end.get_path(cur_node).passed_by = True
res = self.dfs(cur_node, path.end)
if res:
return True
else:
continue
deleted = self.solution.pop()
# print(deleted)
if pre_node:
cur_node.get_path(pre_node).passed_by = False
passed_path = pre_node.get_path(cur_node)
if passed_path:
passed_path.passedby = False
else:
print("Miss path")
return False
#ls = [
# [[(1, 0), (1, 1), (0, 1)], [(0, 0), (1, 1), (2, 1), (0,2)], [(0,1), (1,2), (2,2), (2,1)]],
# [[(0, 0), (1, 1), (2, 0)], [(0,0), (1,0), (2,0), (2, 2), (1, 2), (0, 1)], [(1,1), (0,2)]],
# [[(1,0), (1,1), (2,1), (2,2)], [(0,1), (0,2),(2,0), (2,2)], [(1,1), (2,0), (2,1), (0,2)]]
#]
#
#
#ls_2 = [
# [[(1,0)], [(1,1), (0,2)], [(0,1), (1,2)]],
# [[(0,0), (2,0)], [(0,1)], [(0,2), (2,2)]],
# [[(1,0), (2,1)], [(2,0), (2,2)], [(2,1), (1,2)]]
#]
ls_3 = [
[[(0,1), (1,1), (2,2), (2,0)], [(0,0), (1,1), (0, 2), (3,2)], [(1,1), (0,1)], [(0,4), (1,3), (1,2), (2,1)], [(1,4), (2,4), (3,3), (2,3), (2,0), (0,3)]],
[[], [(0,0), (0,1), (0,2), (1,3), (4,0), (2,0)], [(0,3), (1,3), (2,1), (2,0)], [(1,1), (0,3), (1,4), (3,4), (3,3), (2,2), (1,2)], [(0,4), (1,3)]],
[[(0,0), (1,1), (1,2), (0,4), (2,1), (4,2), (4,0)], [(1,2), (0,3), (2,2), (3,2), (3,1), (4,0), (3,0), (2,0)], [(1,3), (2,3), (3,3), (3,2), (2,1), (0, 0)], [(0,4), (2,4), (3,3), (2,2)], [(0,4), (3,4), (4,4), (4,2), (3,2), (2,3)]],
[[(2,1), (3,2), (4,3), (4,0)], [(2,1), (4,1)], [(2,2), (2,4), (3,3), (4,3), (4,0), (3,0), (2,1), (0,1)], [(2,3), (1,3), (0,4), (4,3), (3,2), (2,2)], [(2,4), (4,4), (4,3), (1,3)]],
[[(3,0), (2,0), (3,2), (4,2), (2,1), (1,1)], [(3,1), (4,2)], [(2,4), (4,3), (4,4), (4,1), (4,0), (2,0)], [(3,3), (3,4), (4,4), (4,2), (3,0), (3,2)], [(3,4), (2,4), (4,3), (4,2)]]
]
############################
data_set = ls_3
N = len(data_set)
numm = 0
for _ in data_set:
for i in _:
numm += len(i)
print("the number of elements:", numm)
sol = Solution(N)
sol.map.process_data(data_set)
Path.num_path //= 2
print("process data done!")
num_edges = 0
for i in sol.map.matrix:
for j in i:
if j:
num_edges += len(j.edges)
print("number of edges:", num_edges)
sol.num_path = num_edges//2
res = sol.dfs(None, sol.map.matrix[2][0])
print(res)
print(len(sol.solution))
print("->".join(str(ele) for ele in sol.solution))
print(Path.num_path)
|
a = input('输入')
if bool(a):
aa = int(a)
else:
aa = 0
if not aa>1:
print('this way is ok')
else:
print('dame')
b = input()
print(str(b)) |
#!/usr/bin/env python3
"""
Simple python file allowing one to add a row (or multiple rows) into the
sinkhole list in one fell swoop in combination with the add_rows.py file.
Simply populate this data structure and run add_rows.py at the terminal to
add rows to the sinkhole list.
"""
# Example. Only the bottom most "addition(s)" will be added in.
addition = [{
'Organization': 'OpenDNS',
'IP Range': '146.112.61.104-110',
'Whois': 'hit-{block,botnet,adult,malware,phish,block,malware}.opendns.com',
'Notes': 'https://support.opendns.com/hc/en-us/articles/227986927-What-are-the-Cisco-Umbrella-Block-Page-IP-Addresses-'
}]
addition = [{
# The Organization responsible / running the sinkholes specified in the IP
# Ranges section
'Organization': '',
# The IP ranges that are part of the sinkhole. Formats include CIDR
# notation, singular IP addresses, or a small range of IPs designated with
# a dash character (e.g. 192.168.0.1-10 to indicate all IPs starting at
# 192.168.0.1 and incrementing up to 192.168.0.10 are sinkhole IPs)
'IP Range': '',
# Fill this in with either the organization name or any DNS name for the IP
# ranges listed above.
'Whois': '',
# Generally, fill this in with any reference URLs, additional information
# regarding the IP range, etc.
'Notes': ''
}]
|
execfile("Modified_data/data_record.dr")
trick.sim_services.exec_set_terminate_time(300.0)
|
class BaseConfig:
DEBUG = True
TESTING = False
SECRET_KEY = 'melhor isso aqui depois =D'
class Producao(BaseConfig):
SECRET_KEY = 'aqui deve ser melhorado ainda mais - de um arquivo de fora.'
DEBUG = False
class Desenvolvimento(BaseConfig):
TESTING = True
|
def regular_intervals(points, interval):
cum_distance = 0.0
first = True
for p in points:
if first:
yield p
first = False
else:
cum_distance += p['distance']
last_p = p
if cum_distance >= interval:
yield p
cum_distance = 0.0
yield last_p
|
# Base of the number - count of digits used un that number system
# Smallest entity of data in computing is a bit - either 0 or 1
# bit = BInary digiT
# Bit to the extreme left is the MSB (Most Significant Bit)
# Bit to the extreme right is the LSB (Least Significant Bit)
class ConvertToBinary:
def __init__(self, i):
self.i = i
def dec2bin(self):
# Check if number is float or not
if isinstance(self.i, int):
return self.int2bin()
elif isinstance(self.i, float):
return self.float2bin()
else:
raise ValueError("Given value is neither integer nor float")
def int2bin(self):
result = []
j = int(str(self.i).split(".")[0])
while (j != 0):
_t = j % 2
result.append(_t)
j = j // 2
result.reverse()
result = [str(i) for i in result]
return "".join(result)
def float2bin(self):
# Convert the integer part to binary
int_result = self.int2bin()
# Extract the float part
float_part = "0.{0}".format(str(self.i).split(".")[1])
result = []
count = 0
while True:
count = count + 1
if count > 24:
break
float_part = float(float_part) * 2
if self.check_if_1(str(float_part)):
result.append(self.first_bit(str(float_part)))
break
result.append(self.first_bit(str(float_part)))
float_part = "0.{0}".format(str(float_part).split(".")[1])
result = "".join([str(i) for i in result])
return "{0}.{1}".format(int_result, result)
def check_if_1(self, i):
return i == "1.0"
def first_bit(self, float_part):
return float_part.split(".")[0]
if __name__ == "__main__":
number = input("Integer or float to convert to binary:")
try:
if ("." in number):
number = float(number)
else:
number = int(number)
except Exception as e:
print("Invalid input")
exit(0)
a = ConvertToBinary(number)
print(a.dec2bin()) |
"""**nte**
A CLI scratch pad for notes, commands, lists, etc
"""
__version__ = "0.0.7"
|
with open('2017/day_02/list.txt', encoding="utf-8") as f:
lines = f.readlines()
v = 0
for i in lines:
t = i.split('\t')
t[len(t)-1] = t[len(t)-1].split('\n')[0]
t.sort(key=int)
v += int(t[len(t)-1]) - int(t[0])
print(v) |
class Nodo():
def __init__(self, val, izq=None, der=None):
self.valor = val
self.izq = izq
self.der = der
|
x = int(input('Digite um valor:'))
print('{} x {} = {}'.format(x, 1, (x *1)))
print('{} x {} = {}'.format(x, 2, (x*2)))
print('{} x {} = {} '.format(x, 3,(x*3)))
print('{} x {} = {}'.format(x, 4, (x*4)))
print('{} x {} = {}'.format(x, 5, (x*5)))
print('{} x {} = {}'.format(x, 6, (x*6)))
print('{} x {} = {} '.format(x, 7,(x*7)))
print('{} x {} = {}'.format(x, 8,(x*8)))
print('{} x {} = {}'.format(x,9,(x*9)))
print('{} x {} = {}'.format(x,10,(x*10))) |
li = [1, 1] #_ [int,int,]
it = iter(li) #_ listiterator
tu = (1, 1) #_ (int,int,)
it = iter(tu) #_ tupleiterator
ra = range(2) #_ [int,int,]
it = iter(ra) #_ listiterator
|
# -*- encoding: utf-8 -*-
# @Time : 11/24/18 3:00 PM
# @File : settings.py
TEXTS_SIZE = 400
TEXT_NOISE_SIZE = 410
EMBEDDING_SIZE = 300
PREFIX = "/gated_fusion_network"
IMAGES_SIZE = 4
IMAGE_NOISE_SIZE = 50
LEAVES_SIZE = 300
LEAF_NOISE_SIZE = 350
EMBEDDING_MATRIX_FN = PREFIX + "/word2vec_embedding_matrix.pkl"
GFN_INIT_PARAMETERS = {
"texts_size": TEXTS_SIZE,
"embedding_size": EMBEDDING_SIZE,
"vocab_size": 60230,
"n_filter": 250,
"kernel_size": 3,
"hidden_size": 250,
"images_size": IMAGES_SIZE,
"leaves_size": LEAVES_SIZE,
"is_gate": True,
"is_fusion": True,
}
GFN_TRAIN_PARAMETERS = {
"epochs": 20,
"batch_size": 32,
}
N_GEN_SAMPLES = 15700
MULTI_GENERATOR_FOR_TEXT = PREFIX + "/multimodal_gan/generator_for_text.h5"
MULTI_GENERATOR_FOR_IMAGE = PREFIX + "/multimodal_gan/generator_for_image.h5"
MULTI_GENERATOR_FOR_LEAF = PREFIX + "/multimodal_gan/generator_for_leaf.h5"
MULTI_DISCRIMINATOR = PREFIX + "/multimodal_gan/discriminator.h5"
MULTIMODAL_GAN_LOSS = PREFIX + "/multimodal_gan/losses.pkl"
UNI_GENERATOR_FOR_TEXT = PREFIX + "/unimodal_gan/generator_for_text.h5"
UNI_GENERATOR_FOR_IMAGE = PREFIX + "/unimodal_gan/generator_for_image.h5"
UNI_GENERATOR_FOR_LEAF = PREFIX + "/unimodal_gan/generator_for_leaf.h5"
UNI_DISCRIMINATOR_FOR_TEXT = PREFIX + "/unimodal_gan/discriminator_for_text.h5"
UNI_DISCRIMINATOR_FOR_IMAGE = PREFIX + "/unimodal_gan/discriminator_for_image.h5"
UNI_DISCRIMINATOR_FOR_LEAF = PREFIX + "/unimodal_gan/discriminator_for_leaf.h5"
UNIMODAL_GAN_LOSS_FOR_IMAGE = PREFIX + "/unimodal_gan/losses_for_image.pkl"
UNIMODAL_GAN_LOSS_FOR_LEAF = PREFIX + "/unimodal_gan/losses_for_leaf.pkl"
UNIMODAL_GAN_LOSS_FOR_TEXT = PREFIX + "/unimodal_gan/losses_for_text.pkl"
# pos_train, neg_train, pos_test, neg_test
TEXTS = PREFIX + "/imbalanced_data/texts.pkl"
IMAGES = PREFIX + "/imbalanced_data/images.pkl"
LEAVES = PREFIX + "/imbalanced_data/leaves.pkl"
TARGET = PREFIX + "/imbalanced_data/target.pkl"
IMBALANCED_TFIDF_MATRIX = PREFIX + "/imbalanced_data/tfidf_matrix.pkl"
# pos_train, neg_train, pos_test, neg_test
AUGMENTED_TEXTS_BY_MULTIMODAL_GAN = PREFIX + "/augmented_data_by_multimodal_gan/texts.pkl"
AUGMENTED_IMAGES_BY_MULTIMODAL_GAN = PREFIX + "/augmented_data_by_multimodal_gan/images.pkl"
AUGMENTED_LEAVES_BY_MULTIMODAL_GAN = PREFIX + "/augmented_data_by_multimodal_gan/leaves.pkl"
AUGMENTED_TARGET_BY_MULTIMODAL_GAN = PREFIX + "/augmented_data_by_multimodal_gan/target.pkl"
AUGMENTED_TEXTS_BY_UNIMODAL_GAN = PREFIX + "/augmented_data_by_unimodal_gan/texts.pkl"
AUGMENTED_IMAGES_BY_UNIMODAL_GAN = PREFIX + "/augmented_data_by_unimodal_gan/images.pkl"
AUGMENTED_LEAVES_BY_UNIMODAL_GAN = PREFIX + "/augmented_data_by_unimodal_gan/leaves.pkl"
AUGMENTED_TARGET_BY_UNIMODAL_GAN = PREFIX + "/augmented_data_by_unimodal_gan/target.pkl"
GFN_MODEL_DIR = PREFIX + "/gfn/"
OTHER_MODEL_DIR = PREFIX + "/others/"
|
class Solution(object):
def numSquares(self, n):
"""
:type n: int
:rtype: int
"""
squares = []
j = 1
while j * j <= n:
squares.append(j * j)
j += 1
level = 0
queue = [n]
visited = [False] * (n + 1)
while queue:
level += 1
temp = []
for q in queue:
for factor in squares:
if q - factor == 0:
return level
if q - factor < 0:
break
if visited[q - factor]:
continue
temp.append(q - factor)
visited[q - factor] = True
queue = temp
return level
|
"""
@author: David Lei
@since: 21/08/2016
@modified:
Not a comparison sort, so comparison O(n log n) lower bound doesn't apply
Visualization: https://www.cs.usfca.edu/~galles/visualization/CountingSort.html
How it works: Integer sorting algorithm - it counts the number of objects
Applies when elements to be sorted come from a finite set i.e. integers 0 to k
create an array of buckets to count how many times each element has appeared --> then place back in right order
example: arr = [7, 1, 5, 2, 2]
1. create array of buckets (size of max value +1) or of size k+1 where k is the max value in our set to sort
buckets = [[], [], [], [], [], [], [], []] # k + 1 buckets, k = 7
2. count each element, look at the element in the input arr and put it in corresponding bucket
buckets = [[0], [1], [1,1], [0], [0], [1], [0], [1]] # visual rep
buckets = [ 0, 1, 2, 0, 0, 1, 0, 1] # actual rep
index: 0 1 2 3 4 5 6 7
means that we have zero 0's, two 2's, one 7 etc
3. add up number of elements in the bucket array left to right (cumulative sum)
buckets = [0, 1, 3, 3, 3, 4, 4, 5] # buckets[-1] == len(input_arr)
4. put them back to output
a) loop over input_arr
b) find index of element in input arr in bucket (or count arr)
c) put that element of input_arr into output arr in the index specified in bucket (after adding counts)
output = [?, ?, ?, ?, ?] # same len as input
input = [7, 1, 5, 2, 2]
buckets = [0, 1, 3, 3, 3, 4, 4, 5] # after counting
idx 0 1 2 3 4 5 6 7
put 7 in index 5-1 (look at idx 7 of buckets) of output, decrement buckets[7] by 1
output = [?, ?, ?, ?, 7]
0 1 2 3 4
then do the same for 1 (idx 1 of input arr)
output = [1, ?, ?, ?, 7]
--> [1, ?, ?, 5, 7]
--> [1, ?, 2, 5, 7] # first 2 in input goes in idx 2 (then decrement value at idx 2 in bucket)
--> [1, 2, 2, 5, 7] # second 2 in input goes in idx 1
# so not stable if iterating over the unsorted array forwards
! iterating backwards over the sorted array will be stable
above example iterating backwards
output = [?, ?, ?, ?, ?]
input = [7, 1, 5, 2!, 2*]
buckets = [0, 1, 3, 3, 3, 4, 4, 5]
idx 0 1 2 3 4 5 6 7
look at input[-1], it is 2, look at index 2 of buckets, it is 3, put 2 in index 3-1 of output
output = [?, ?, 2*, ?, ?] now decrement buckets[2] by 1 so buckets = [0, 1, 2, 3, 3, 4, 4, 5]
--> [?, 2!, 2*, ?, ?] repeat, it has now it is stable
--> [?, 2, 2, 5, ?]
--> [1, 2, 2, 5, ?]
--> [1, 2, 2, 5, 7] done!
Note:
- doesnt't work for negative numbers
- assumes each element is a small integer
- O(max v - min v) which is O(n) if difference between min and max not too large
k is the range of the input
Time complexity: O(2n + k)
- efficient when range(k) not significantly greater than number of elements to sort
- dependent on number of buckets
fast when data being sorted can be distributed between buckets evenly, if values sparse allocated then bigger buckets
if values are dense, smaller buckets i.e.
[2034, 33, 1001] --> bucket size around 1000
[100,90,80,70,110] --> smaller bucket size ideal
Good when:
- additional O(n+k) memory not an issue, n to copy array, k for the number of buckets(?)
- elements expected to be fairly evenly distributed
- as k is a constant for a set number of buckets, when small it gives O(n) performance
Bad when:
- all elements are put into the same bucket
- individual buckets are sorted, if everything put into 1 bucket, complexity dominated by inner
sorting algo(?)
- first loop to count occurrences is always O(n)
- second loop to cumulative sum occurrences is always O(k+1) where k is the number such that all values lay in 0..k
- third loop to put elements in input in the right position of output is always O(n)
so overall O(2n + k + 1) = O(n+k) which is linear (best = worst = avg)
Space complexity: O(n + k)
- with just input arr it is O(1)
- we make a solution array (or output) which is the same size as input O(n)
- we also have an array for the buckets or counts which is the range of smallest to biggest which is of size k+1
so overall O(n + k) space complexity
When the max value difference is significantly smaller than number of items, counting sort is really efficient
Stability: yes when you put elements from input to output backwards
"""
def counting_sort_alphabet_2(string): # Not stable, can work with string or array.
counts = [0] * 26 # Assumed lower case alphabet.
output = []
for char in string:
index = ord(char) - ord('a') # 'a' is index 0.
counts[index] += 1
for i in range(len(counts)): # O(26) loop, inner loop will only execute O(n) times.
# This will not preserve stability but is ok when just dealing with single chars.
ascii_value = ord('a') + i
for c in range(counts[i]):
output.append(chr(ascii_value))
return "".join(output)
def counting_sort_alphabet(arr): # Assuming only lower case letters, is stable.
count = [0] * 26
output = [0] * len(arr)
for char in arr: # Count.
count[ord(char) - ord('a')] += 1
for i in range(1, len(count)): # Accumulate indexes.
count[i] += count[i-1]
for j in range(len(arr)-1, -1, -1): # Working backwards from input arr to keep stable.
idx = count[ord(arr[j]) - ord('a')] -1 # Get position in output array, if value is count is 1 then put in index 0 of occurance of that character.
output[idx] = arr[j] # Copy over to output array.
count[ord(arr[j]) - ord('a')] -= 1 # Decrement count.
return output
def counting_sort_ints_2(array):
max_val = max(array)
min_val = min(array)
counts = [0] * (max_val - min_val + 1)
output = [0] * len(array)
counts_offset = min_val
for value in array: # Count occurrences.
index = value - counts_offset
counts[index] += 1
for i in range(1, len(counts)): # Cumulative sum so can loop backwards.
counts[i] += counts[i - 1]
for i in range(len(array) - 1, -1, -1): # Loop backwards over input array.
index = counts[array[i] - counts_offset] - 1 # Find the index to copy the value to.
output[index] = array[i]
counts[array[i] - counts_offset] -= 1
return output
def counting_sort_ints(arr):
"""
for array [7,1,5,2,2] len = 5, range of values from 0 = 0 to 7
the algorithm is
O(len) to count (assuming that finding max and min is O(1))
O(range) for cumulative sum
O(len) to copy back
so O(2n + k) = O(n) where k is the range of items and assumed to be less than the input size.
if the range is big (like in big_arr), the complexity is dominated by k
However in application, k usually small.
"""
c1, c2, c3 = 0, 0, 0 # Use to look at the counts.
# Set up
max_number = max(arr)
count = [0] * (max_number+1) # is the array of "buckets" which starts at 0 and goes to max+1
output = [0] * len(arr)
# Count occurrences of each number in arr and put it in 'bucket' in count.
for number in arr: # the item at index number of count += 1 to found occurrence of that number
count[number] += 1
c1 += 1
# Cumulative sum of occurrences.
for i in range(1, len(count)): # cumulative sum
count[i] += count[i-1]
c2 += 1
# Put into output stably.
for j in range(len(arr)-1, -1, -1): # work backwards to keep stable
output_idx = count[arr[j]] - 1 # -1 as output len = arr len
output[output_idx] = arr[j] # put in right place in output
count[arr[j]] -= 1 # decrement value in count
c3 += 1
print("first loop counting: " + str(c1) + "\nsecond loop summing: " + str(c2) + "\nthird loop copying: " + str(c3))
return output
if __name__ == "__main__":
arr = [7,1,5,2,2,2,2,2,2,2,2,2,6,1,3,5,7,5,4,1,5,6,7]
big_arr = [100,101,101,105,104,103, 1,1,1,1,2,3,3,4,5,6,7,8,9,10,11,100,150,160,170,200,300,650]
test_arr = [1,2,3,4,5,6]
negs = [-3, 0, 5, -10, 100, 4, -195, 13, -5, 100, 103, 14, 4, -123, -95]
arrays = [arr, big_arr, test_arr]
print("Counting sort 2 can handle negative numbers")
print(counting_sort_ints_2(negs))
print("\n~~ Testing integer counting sort")
for array in arrays:
sorted_array = array[::]
sorted_array.sort()
print("\nInput: " + str(array))
result1 = counting_sort_ints(array)
result2 = counting_sort_ints_2(array)
if result1 == result2 == sorted_array:
print("Success: " + str(result1))
else:
print("Error:")
print("Result1: " + str(result1))
print("Result2: " + str(result2))
print("\n~~ Test alphabet counting sort")
s = "zsquirtlebulbasaurcharmander"
a = "applebeesfruittomato"
strings = [s, a]
for s in strings:
sorted_string = s
sorted_string = list(sorted_string)
sorted_string.sort()
sorted_string = "".join(sorted_string)
print("\nInput: " + s)
result1 = counting_sort_alphabet(s)
result1 = "".join(result1)
result2 = counting_sort_alphabet_2(s)
if result1 == result2 == sorted_string:
print("Success: " + result2)
else:
print("Error:")
print("Result1: " + result1)
print("Result2: " + result2)
|
def grade(autogen, key):
n = autogen.instance
if "flag_{}_do_the_hard_work_to_make_it_simple".format(n) == key.lower().strip():
return True, "Correct!"
else:
return False, "Try Again."
|
# -*- coding: utf-8 -*-
"""
Created on Thu Mar 17 09:27:36 2016
@author: tih
"""
def Accounts(Type=None):
User_Pass = {
'NASA': ['',''],
'GLEAM': ['', ''],
'FTP_WA': ['',''],
'MSWEP': ['', ''],
'Copernicus': ['', ''], #https://land.copernicus.vgt.vito.be/PDF/
'VITO': ['', '']} #https://www.vito-eodata.be/PDF/datapool/
Selected_Path = User_Pass[Type]
return(Selected_Path)
|
#!/usr/bin/env python3
# https://codeforces.com/problemset/problem/389/A
# 最大公约数?
# 只要有两个互质的话就可以减到1, 那所有的也都可以减到1!
# 问题=求n个数的最大公约数!!
def gcd(a,b):
if a<b:
a,b=b,a
if b==0:
return a
return gcd(b,a%b)
def f(l):
n = len(l)
g = l[0]
for i in range(1,n):
g = gcd(l[i],g)
return g*n
_ = input()
l = list(map(int,input().split()))
print(f(l))
|
score_regular = {'A': 11, 'K': 4, 'Q': 3, 'J': 2, 'T': 10, '9': 0, '8': 0, '7': 0}
score_trump = {'A': 11, 'K': 4, 'Q': 3, 'J': 20, 'T': 10, '9': 14, '8': 0, '7': 0}
inp = input().split()
hands = int(inp[0])
trump_suite = inp[1]
score = 0
for i in range(4*hands):
hand = input()
score += score_trump[hand[0]] if hand[1] == trump_suite else score_regular[hand[0]]
print(score) |
# A single node of a singly linked list
class Node:
# constructor
def __init__(self, data, next=None):
self.data = data
self.next = next
# Creating a single node
first = Node(3)
print(first.data)
|
def battle_bfs(arr, wolf_count, sheep_count, where, R, C):
dx = [-1, 1, 0, 0]
dy = [0, 0, -1, 1]
while where:
x, y = where.pop()
now = []
if arr[x][y] == 'v' or arr[x][y] == 'k':
now.append((x, y))
twolf = 0
tsheep = 0
while now:
nowx, nowy = now.pop()
if arr[nowx][nowy] == 'v':
twolf += 1
elif arr[nowx][nowy] == 'k':
tsheep += 1
arr[nowx][nowy] = '0'
for i in range(4):
tempx = nowx + dx[i]
tempy = nowy + dy[i]
if tempx >= 0 and tempx < R and tempy >= 0 and tempy < C:
if arr[tempx][tempy] != '#' and arr[tempx][tempy] != '0':
now.append((tempx, tempy))
if twolf >= tsheep:
sheep_count -= tsheep
else:
wolf_count -= twolf
return sheep_count, wolf_count
if __name__ == "__main__":
R, C = map(int, input().strip().split())
arr = [['.' for _ in range(C)] for _ in range(R)]
wolf_count = 0
sheep_count = 0
where = []
for i in range(R): # 행 수만큼 반복
temp = input().strip() # strip : 문자열 양쪽 공백을 지우기
for j in range(len(temp)):
if temp[j] == '#':
arr[i][j] = '#'
elif temp[j] == 'v':
arr[i][j] = 'v'
wolf_count += 1
where.append((i, j))
elif temp[j] == 'k':
arr[i][j] = 'k'
sheep_count += 1
where.append((i, j))
if (wolf_count + sheep_count) == 0:
print("%d %d" % (0, 0))
else:
sheep_count, wolf_count = battle_bfs(
arr, wolf_count, sheep_count, where, R, C)
print("%d %d" % (sheep_count, wolf_count))
|
#!/usr/bin/env python
# -*- coding: utf-8 -*-
"""
@Desc:
@Author: shane
@Contact: [email protected]
@Software: PyCharm
@Since: Python3.6
@Date: 2019/1/9
@All right reserved
""" |
"""
Fça um programa que leia nome e peso de várias pessoas,
guardando tudo em uma lista. No final mostre:
A) Quantas pessoas foram cadastradas.
B) Uma listagem com as pessoas mais pesadas.
C) Uma listagem com as pessoas mais leves.
"""
todos = []
lista = []
maior = menor = 0
print('='*30)
print(f'{"CADASTRO DE PESSOAS":^30}')
print('='*30)
while True:
lista.append(input('Nome: '))
lista.append(float(input('Peso: ')))
if len(todos)== 0:
maior = menor = lista[1]
else:
if lista[1]>maior:
maior = lista[1]
if lista[1]<menor:
menor=lista[1]
todos.append(lista[:])
lista.clear()
resp = input('Deseja continuar?[S/N] ').strip().lower()[0]
if resp == 'n':
break
else:
print('-'*30)
print('='*30)
print(f'O total de pessoas cadastradas são {len(todos)}')
print(f'O maior peso foi {maior:.2f}Kg. Peso de ',end='')
for p in todos:
if p[1]==maior:
print(p[0],end=' ')
print(f'\nO peso mais leve foi de {menor:.2f}kg. Peso de ',end='')
for p in todos:
if p[1]==menor:
print(p[0],end=' ' )
|
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
@Author: Ssfanli
@Time : 2020/04/14 10:36 下午
@Desc :
"""
|
def get_index(flower_n):
if flower_n == "Roses":
return 0
elif flower_n == "Dahlias":
return 1
elif flower_n == "Tulips":
return 2
elif flower_n == "Narcissus":
return 3
elif flower_n == "Gladiolus":
return 4
flower = input()
count_of_flowers = int(input())
budget = int(input())
flowers = ["Roses", "Dahlias", "Tulips", "Narcissus", "Gladiolus"]
index = get_index(flower)
prices = [5, 3.80, 2.80, 3, 2.50]
price = 0
if flower == "Roses":
price = prices[index] * count_of_flowers
if count_of_flowers > 80:
price *= 0.90
elif flower == "Dahlias":
price = prices[index] * count_of_flowers
if count_of_flowers > 90:
price *= 0.85
elif flower == "Tulips":
price = prices[index] * count_of_flowers
if count_of_flowers > 80:
price *= 0.85
elif flower == "Narcissus":
price = prices[index] * count_of_flowers
if count_of_flowers < 120:
price *= 1.15
elif flower == "Gladiolus":
price = prices[index] * count_of_flowers
if count_of_flowers < 80:
price *= 1.20
if budget >= price:
print(f"Hey, you have a great garden with {count_of_flowers} {flower} and {budget - price:.2f} leva left.")
else:
print(f"Not enough money, you need {price - budget:.2f} leva more.")
|
# Copyright 2014 The Bazel Authors. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
load("@io_bazel_rules_go//go/private:common.bzl",
"split_srcs",
"to_set",
"sets",
)
load("@io_bazel_rules_go//go/private:mode.bzl",
"get_mode",
"mode_string",
)
load("@io_bazel_rules_go//go/private:providers.bzl",
"GoLibrary",
"GoSourceList",
"GoArchive",
"GoArchiveData",
"sources",
)
load("@io_bazel_rules_go//go/platform:list.bzl",
"GOOS",
"GOARCH",
)
GoAspectProviders = provider()
def get_archive(dep):
if GoAspectProviders in dep:
return dep[GoAspectProviders].archive
return dep[GoArchive]
def get_source_list(dep):
if GoAspectProviders in dep:
return dep[GoAspectProviders].source
return dep[GoSourceList]
def collect_src(ctx, aspect=False, srcs = None, deps=None, want_coverage = None):
rule = ctx.rule if aspect else ctx
if srcs == None:
srcs = rule.files.srcs
if deps == None:
deps = rule.attr.deps
if want_coverage == None:
want_coverage = ctx.coverage_instrumented() and not rule.label.name.endswith("~library~")
return sources.merge([get_source_list(s) for s in rule.attr.embed] + [sources.new(
srcs = srcs,
deps = deps,
gc_goopts = rule.attr.gc_goopts,
runfiles = ctx.runfiles(collect_data = True),
want_coverage = want_coverage,
)])
def _go_archive_aspect_impl(target, ctx):
mode = get_mode(ctx, ctx.rule.attr._go_toolchain_flags)
if GoArchive not in target:
if GoSourceList in target and hasattr(ctx.rule.attr, "embed"):
return [GoAspectProviders(
source = collect_src(ctx, aspect=True),
)]
return []
goarchive = target[GoArchive]
if goarchive.mode == mode:
return [GoAspectProviders(
source = target[GoSourceList],
archive = goarchive,
)]
source = collect_src(ctx, aspect=True)
for dep in ctx.rule.attr.deps:
a = get_archive(dep)
if a.mode != mode: fail("In aspect on {} found {} is {} expected {}".format(ctx.label, a.data.importpath, mode_string(a.mode), mode_string(mode)))
go_toolchain = ctx.toolchains["@io_bazel_rules_go//go:toolchain"]
goarchive = go_toolchain.actions.archive(ctx,
go_toolchain = go_toolchain,
mode = mode,
importpath = target[GoLibrary].package.importpath,
source = source,
importable = True,
)
return [GoAspectProviders(
source = source,
archive = goarchive,
)]
go_archive_aspect = aspect(
_go_archive_aspect_impl,
attr_aspects = ["deps", "embed"],
attrs = {
"pure": attr.string(values=["on", "off", "auto"]),
"static": attr.string(values=["on", "off", "auto"]),
"msan": attr.string(values=["on", "off", "auto"]),
"race": attr.string(values=["on", "off", "auto"]),
"goos": attr.string(values=GOOS.keys() + ["auto"], default="auto"),
"goarch": attr.string(values=GOARCH.keys() + ["auto"], default="auto"),
},
toolchains = ["@io_bazel_rules_go//go:toolchain"],
)
|
class Condor:
def __init__(self):
self.desc = 'load2: jsub_ext3.backend.condor.Condor'
class ClassWithSpecificName:
def __init__(self):
self.desc = 'load1: jsub_ext3.backend.condor.ClassWithSpecificName'
class ClassWithAnotherName:
def __init__(self):
self.desc = 'load2: jsub_ext3.backend.condor.ClassWithAnotherName'
|
n=str(input())
d={"0":"zero","1":"one","2":"two","3":"three","4":"four","5":"five",
"6":"six","7":"seven","8":"eight","9":"nine"}
for i in n:
print(d[i],end=" ")
|
# -*- coding: utf-8 -*-
# Área de un círculo
def area_circulo(entRadio):
pi = 3.14159
return pi*(radio**2)
radio = 8
area_circulo = area_circulo(radio)
print("El área del círculo es ", area_circulo)
|
# -*- coding: utf-8 -*-
"""Top-level package for nider."""
__author__ = """Vladyslav Ovchynnykov"""
__email__ = '[email protected]'
__version__ = '0.5.0'
|
# Much faster and more elegant than brute force solution
def remove(array, even):
if even:
mod = 2
else:
mod = 1
return [array[i] for i in range(len(array)) if i % 3 == mod]
num_elves = 3014387
elves = [i + 1 for i in range(num_elves)]
while len(elves) > 1:
midpoint = int(len(elves) / 2)
preserved_array = elves[:midpoint]
to_prune_array = elves[midpoint:]
pruned_array = remove(to_prune_array, len(elves) % 2 == 0)
pivot_index = len(to_prune_array) - len(pruned_array)
elves = preserved_array[pivot_index:] + pruned_array + preserved_array[:pivot_index]
print('The elf with all the presents at the end is elf {}.'.format(elves[0]))
|
#Config
MYSQL_HOST = '45.78.57.84'
MYSQL_PORT = 3306
MYSQL_USER = 'ss'
MYSQL_PASS = 'ss'
MYSQL_DB = 'shadowsocks'
MANAGE_PASS = 'ss233333333'
#if you want manage in other server you should set this value to global ip
MANAGE_BIND_IP = '127.0.0.1'
#make sure this port is idle
MANAGE_PORT = 23333
|
def longest_palindromic_subsequence(s, subStr = False):
'''
动态规划算法的优化
时间复杂度o(n^2),将空间复杂度降低为o(2n)
用nlist存储j情况下所有的子串是否为回文子串的标志
用olist存储j-1情况下所有的子串是否为回文子串的标志
find the longest_palindromic_subsequence(lps) and the lenth of lps in s.
it can return the logestSubStr as well.
you can set subStr=True to do it.
args:
s -- a str
subStr -- if reture longest_palindromic_subsequence as a str
return:
logestLen -- an int
logestSubStr -- a str, longest_palindromic_subsequence
'''
k = len(s)
olist = [0] * k # 申请长度为n的列表,并初始化
nList = [0] * k # 同上
logestSubStr = ""
logestLen = 0
for j in range(0, k):
for i in range(0, j + 1):
if j - i <= 1:
if s[i] == s[j]:
nList[i] = 1 # 当 j 时,第 i 个子串为回文子串
len_t = j - i + 1
if logestLen < len_t: # 判断长度
logestSubStr = s[i:j + 1]
logestLen = len_t
else:
if s[i] == s[j] and olist[i+1]: # 当j-i>1时,判断s[i]是否等于s[j],并判断当j-1时,第i+1个子串是否为回文子串
nList[i] = 1 # 当 j 时,第 i 个子串为回文子串
len_t = j - i + 1
if logestLen < len_t:
logestSubStr = s[i:j + 1]
logestLen = len_t
olist = nList # 覆盖旧的列表
nList = [0] * k # 新的列表清空
if subStr:
return logestLen, logestSubStr
return logestLen
|
numero = list(range(1, 10, 1))
print(numero)
numeros1 = list(range(10, 0, -1))
print(numeros1)
for ex in range(0, 13, 2):
print(ex, end=', ')
print('\n')
lista = ['ana', 'patricia', 'joão', 'mateus', 'jhony']
for nome in range(len(lista)):
print(nome, lista[nome])
|
class Solution:
# @param s, a string
# @return a string
def reverseWords(self, s):
b = s.rstrip().lstrip().split(' ')
b = filter(lambda x: len(x) > 0, b)
b.reverse()
return ' '.join(b) |
# Copyright (c) 2020-2022, Adam Karpierz
# Licensed under the BSD license
# https://opensource.org/licenses/BSD-3-Clause
__import__("pkg_about").about()
__copyright__ = f"Copyright (c) 2020-2022 {__author__}" # noqa
|
n=100
f=1
for i in range(1,101):
f*=i
print(f)
s=0
c=str(f)
for i in c:
s+=int(i)
print("sum is ",s)
|
"""
Homework | Exceptions
18-09-2020
Alejandro AS
"""
# how to create a custom exception
class CustomError(Exception):
# class need to extends from BaseException
# you can declare a constructor to recibe some custom values like a message
def __init__(self, *args):
""" This method inits the Error can or not recibe a list of args """
if args:
self.message = args[0]
else:
self.message = None
# str method is the one that returns the str that show when rised when rise.
def __str__(self):
""" Method that returns the error string """
return "CustomError | This is a custom error class"
def run_custom_exception():
""" Function that helps you try the custom errors """
raise CustomError
def run_manage_custom_exception():
""" Function that helps you try the manage of custom error """
try:
raise CustomError
except CustomError as e:
print(f"managing the custom error {e}")
|
# a terrible brute force way to get a list of values (with key) in disired order
def ez_sort(ListToSort,ListInOrder,index=0):
Ordered = []
for x in ListInOrder:
i = 0
for y in ListToSort:
if y[index] == x:
Ordered.append(y)
i = i + 1
return Ordered
TESTCASE= ([1,2,3,4,5],[[2,11],[3,23],[1,32],[4,45]])
tc1 = [2,3,1,4]
tc2 = [11,23,32,45]
|
'''
Control:
robot.move_forward()
robot.rotate_right()
robot.rotate_left()
robot.display_color(string)
robot.finish_round()
Sensors:
robot.ultrasonic_front() -> int
robot.ultrasonic_right() -> int
robot.ultrasonic_left() -> int
robot.get_color() -> string
'''
def main():
robot.move_forward()
robot.display_color(robot.get_color())
robot.rotate_right()
robot.move_forward()
robot.display_color(robot.get_color())
robot.rotate_right()
robot.display_color(robot.get_color())
robot.move_forward()
robot.display_color(robot.get_color())
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.rotate_right()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_left()
robot.rotate_left()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.rotate_right()
robot.move_forward()
robot.finish_round()
if __name__ == "__main__":
main() |
name = '{name:s}'
isins = 'isinstance(' + name + ', '
isStr = 'isinstance({name:s}, str)'
isstr = isStr + ' or {name:s} is None'
isTpl = 'isinstance({name:s}, tuple)'
istpl = isTpl + ' or {name:s} is None'
isBool = 'isinstance({name:s}, (bool, np.bool_))'
isbool = isBool + ' or {name:s} is None'
isInt = 'isinstance({name:s}, (int, np.int64))'
isint = isInt + ' or {name:s} is None'
isNat = 'isinstance({name:s}, (int, np.int64)) and {name:s} > 0'
isnat = isNat + ' or {name:s} is None'
isFlt = 'isinstance({name:s}, float)'
isflt = isFlt + ' or {name:s} is None'
isLst = 'isinstance({name:s}, (list, np.ndarray))'
islst = isLst + ' or {name:s} is None'
isArr = 'isinstance({name:s}, (tuple, list, np.ndarray))'
isarr = isArr + ' or {name:s} is None'
isDct = 'isinstance({name:s}, (dict, OrderedDict))'
isdct = isDct + ' or {name:s} is None'
isSclr = 'isinstance({name:s}, (int, float, np.int64))'
issclr = isInt + ' or ' + isFlt + ' or {name:s} is None'
isSclrStr = 'isinstance({name:s}, (int, float, np.int64, str))'
issclrstr = isSclrStr + ' or {name:s} is None'
dflt = 'default'
asst = 'assert'
|
class LFSR():
"""
Class that implements 'basic' Linear Feedback Shift Register (LFSR) for the generation of pseudo random numbers
"""
def __init__(self, fb_poly):
self.fb_poly = fb_poly
exponents = fb_poly.split()
self.degree = int(exponents[0])
indices = ["0"]*(self.degree+1)
for i in exponents:
indices[int(i)] = '1'
indices = indices[::-1][1:]
self.p_states = [i for i in range(self.degree) if indices[i] == "1"]
def __calculate_feedback(self, state):
xor_elements = [state[i] for i in self.p_states]
result = 0
for i in xor_elements:
result = result ^ int(i)
return str(result)
def generate(self, initial, count=256):
if len(initial) != self.degree:
raise Exception("Incorrect number of initial states, should be {}".format(self.degree))
seq = initial
output_bit = seq[-1]
for _ in range(count):
yield output_bit
seq = self.__calculate_feedback(seq) + seq[:-1]
output_bit = seq[-1]
|
# keyboard input and concatenation
name = input("Enter Name: ")
color = input("What's your favorite color? ")
count = input("How many? ")
print(name + " ate " + count + ' ' + color + " dicks today.") |
# coding: utf-8
class Issue(object):
def __init__(self, api):
"""
:param api:
"""
self.api = api
def list(self, **kwargs):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-issue-list/
:param kwargs: query parameter
:return:
"""
_uri = "issues"
_method = "GET"
resp = self.api.invoke_method(_method, _uri, query_param=kwargs)
return resp.json()
def count(self, **kwargs):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/count-issue/
:param kwargs:
:return:
"""
_uri = "issues/count"
_method = "GET"
resp = self.api.invoke_method(_method, _uri, query_param=kwargs)
return resp.json()
def create(self, **kwargs):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/add-issue/
:param kwargs:
:return:
"""
_uri = "issues"
_method = "POST"
resp = self.api.invoke_method(_method, _uri, request_param=kwargs)
return resp.json()
def get(self, issueIdOrKey):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-issue/
:param issueIdOrKey:
:return:
"""
_uri = "issues/{issue_id_or_key}".format(issue_id_or_key=issueIdOrKey)
_method = "GET"
resp = self.api.invoke_method(_method, _uri)
return resp.json()
def update(self, issueIdOrKey, **kwargs):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/update-issue/
:param issueIdOrKey:
:param kwargs: issue param
:return:
"""
_uri = "issues/{issue_id_or_key}".format(issue_id_or_key=issueIdOrKey)
_method = "PATCH"
resp = self.api.invoke_method(_method, _uri, request_param=kwargs)
return resp.json()
def delete(self, issueIdOrKey):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/delete-issue/
:param issueIdOrKey:
:return:
"""
_uri = "issues/{issue_id_or_key}".format(issue_id_or_key=issueIdOrKey)
_method = "DELETE"
resp = self.api.invoke_method(_method, _uri)
return resp.json()
def get_comments(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-comment-list/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
def add_comment(self, issueIdOrKey, content, notifiedUserId=None, attachmentId=None):
"""
https://developer.nulab-inc.com/ja/docs/backlog/api/2/add-comment/
:param issueIdOrKey:
:param content:
:param notifiedUserId:
:param attachmentId:
:return:
"""
_uri = "issues/{issue_id_or_key}/comments".format(issue_id_or_key=issueIdOrKey)
_method = "POST"
_data = {
"content": content
}
if notifiedUserId is not None:
_data.update([("notifiedUserId[]", notifiedUserId)])
if attachmentId is not None:
_data.update([("attachmentId[]", attachmentId)])
resp = self.api.invoke_method(_method, _uri, _data)
return resp.json()
def count_comments(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/count-comment/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
def get_comment(self, issueIdOrKey, commentId):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-comment/
:param issueIdOrKey:
:param commentId:
:return:
"""
raise NotImplementedError
def update_comment(self, issueIdOrKey, commentId, content):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/update-comment/
:param issueIdOrKey:
:param commentId:
:param content:
:return:
"""
raise NotImplementedError
def get_comment_notifications(self, issueIdOrKey, commentId):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-list-of-comment-notifications/
:param issueIdOrKey:
:param commentId:
:return:
"""
raise NotImplementedError
def add_comment_notification(self, issueIdOrKey, commentId, notifiedUserId):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/add-comment-notification/
:param issueIdOrKey:
:param commentId:
:param notifiedUserId:
:return:
"""
raise NotImplementedError
def list_issue_attachments(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-list-of-issue-attachments/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
def get_issue_attachments(self, issueIdOrKey, attachmentId):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-issue-attachment/
:param issueIdOrKey:
:param attachmentId:
:return:
"""
raise NotImplementedError
def delete_issue_attachment(self, issueIdOrKey, attachmentId):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/delete-issue-attachment/
:param issueIdOrKey:
:param attachmentId:
:return:
"""
raise NotImplementedError
def list_issue_shared_files(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/get-list-of-linked-shared-files/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
def link_issue_shared_files(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/link-shared-files-to-issue/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
def unlink_issue_shared_file(self, issueIdOrKey):
"""Sorry, not implemented yet
https://developer.nulab-inc.com/ja/docs/backlog/api/2/remove-link-to-shared-file-from-issue/
:param issueIdOrKey:
:return:
"""
raise NotImplementedError
|
#!/usr/bin/env python3
#
# MIT License
#
# Copyright (c) 2020-2021 EntySec
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in all
# copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
#
class dictionary:
def __init__(self):
self.paths = ['~root',
'~toor',
'~bin',
'~daemon',
'~adm',
'~lp',
'~sync',
'~shutdown',
'~halt',
'~mail',
'~pop',
'~postmaster',
'~news',
'~uucp',
'~operator',
'~games',
'~gopher',
'~ftp',
'~nobody',
'~nscd',
'~mailnull',
'~ident',
'~rpc',
'~rpcuser',
'~xfs',
'~gdm',
'~apache',
'~http',
'~web',
'~www',
'~adm',
'~admin',
'~administrator',
'~guest',
'~firewall',
'~fwuser',
'~fwadmin',
'~fw',
'~test',
'~testuser',
'~user',
'~user1',
'~user2',
'~user3',
'~user4',
'~user5',
'~sql',
'~data',
'~database',
'~anonymous',
'~staff',
'~office',
'~help',
'~helpdesk',
'~reception',
'~system',
'~operator',
'~backup',
'~aaron',
'~ab',
'~abba',
'~abbe',
'~abbey',
'~abbie',
'~root',
'~abbot',
'~abbott',
'~abby',
'~abdel',
'~abdul',
'~abe',
'~abel',
'~abelard',
'~abeu',
'~abey',
'~abie',
'~abner',
'~abraham',
'~abrahan',
'~abram',
'~abramo',
'~abran',
'~ad',
'~adair',
'~adam',
'~adamo',
'~adams',
'~adan',
'~addie',
'~addison',
'~addy',
'~ade',
'~adelbert',
'~adham',
'~adlai',
'~adler',
'~ado',
'~adolf',
'~adolph',
'~adolphe',
'~adolpho',
'~adolphus',
'~adrian',
'~adriano',
'~adrien',
'~agosto',
'~aguie',
'~aguistin',
'~aguste',
'~agustin',
'~aharon',
'~ahmad',
'~ahmed',
'~ailbert',
'~akim',
'~aksel',
'~al',
'~alain',
'~alair',
'~alan',
'~aland',
'~alano',
'~alanson',
'~alard',
'~alaric',
'~alasdair',
'~alastair',
'~alasteir',
'~alaster',
'~alberik',
'~albert',
'~alberto',
'~albie',
'~albrecht',
'~alden',
'~aldin',
'~aldis',
'~aldo',
'~aldon',
'~aldous',
'~aldric',
'~aldrich',
'~aldridge',
'~aldus',
'~aldwin',
'~alec',
'~alejandro',
'~alejoa',
'~aleksandr',
'~alessandro',
'~alex',
'~alexander',
'~alexandr',
'~alexandre',
'~alexandro',
'~alexandros',
'~alexei',
'~alexio',
'~alexis',
'~alf',
'~alfie',
'~alfons',
'~alfonse',
'~alfonso',
'~alford',
'~alfred',
'~alfredo',
'~alfy',
'~algernon',
'~ali',
'~alic',
'~alick',
'~alisander',
'~alistair',
'~alister',
'~alix',
'~allan',
'~allard',
'~allayne',
'~allen',
'~alley',
'~alleyn',
'~allie',
'~allin',
'~allister',
'~allistir',
'~allyn',
'~aloin',
'~alon',
'~alonso',
'~alonzo',
'~aloysius',
'~alphard',
'~alphonse',
'~alphonso',
'~alric',
'~aluin',
'~aluino',
'~alva',
'~alvan',
'~alvie',
'~alvin',
'~alvis',
'~alvy',
'~alwin',
'~alwyn',
'~alyosha',
'~amble',
'~ambros',
'~ambrose',
'~ambrosi',
'~ambrosio',
'~ambrosius',
'~amby',
'~amerigo',
'~amery',
'~amory',
'~amos',
'~anatol',
'~anatole',
'~anatollo',
'~ancell',
'~anders',
'~anderson',
'~andie',
'~andonis',
'~andras',
'~andre',
'~andrea',
'~andreas',
'~andrej',
'~andres',
'~andrew',
'~andrey',
'~andris',
'~andros',
'~andrus',
'~andy',
'~ange',
'~angel',
'~angeli',
'~angelico',
'~angelo',
'~angie',
'~angus',
'~ansel',
'~ansell',
'~anselm',
'~anson',
'~anthony',
'~antin',
'~antoine',
'~anton',
'~antone',
'~antoni',
'~antonin',
'~antonino',
'~antonio',
'~antonius',
'~antons',
'~antony',
'~any',
'~ara',
'~araldo',
'~arch',
'~archaimbaud',
'~archambault',
'~archer',
'~archibald',
'~archibaldo',
'~archibold',
'~archie',
'~archy',
'~arel',
'~ari',
'~arie',
'~ariel',
'~arin',
'~ario',
'~aristotle',
'~arlan',
'~arlen',
'~arley',
'~arlin',
'~arman',
'~armand',
'~armando',
'~armin',
'~armstrong',
'~arnaldo',
'~arne',
'~arney',
'~arni',
'~arnie',
'~arnold',
'~arnoldo',
'~arnuad',
'~arny',
'~aron',
'~arri',
'~arron',
'~art',
'~artair',
'~arte',
'~artemas',
'~artemis',
'~artemus',
'~arther',
'~arthur',
'~artie',
'~artur',
'~arturo',
'~artus',
'~arty',
'~arv',
'~arvie',
'~arvin',
'~arvy',
'~asa',
'~ase',
'~ash',
'~ashbey',
'~ashby',
'~asher',
'~ashley',
'~ashlin',
'~ashton',
'~aube',
'~auberon',
'~aubert',
'~aubrey',
'~augie',
'~august',
'~augustin',
'~augustine',
'~augusto',
'~augustus',
'~augy',
'~aurthur',
'~austen',
'~austin',
'~ave',
'~averell',
'~averil',
'~averill',
'~avery',
'~avictor',
'~avigdor',
'~avram',
'~avrom',
'~ax',
'~axe',
'~axel',
'~aylmar',
'~aylmer',
'~aymer',
'~bail',
'~bailey',
'~bailie',
'~baillie',
'~baily',
'~baird',
'~bald',
'~balduin',
'~baldwin',
'~bale',
'~ban',
'~bancroft',
'~bank',
'~banky',
'~bar',
'~barbabas',
'~barclay',
'~bard',
'~barde',
'~barn',
'~barnabas',
'~barnabe',
'~barnaby',
'~barnard',
'~barnebas',
'~barnett',
'~barney',
'~barnie',
'~barny',
'~baron',
'~barr',
'~barret',
'~barrett',
'~barri',
'~barrie',
'~barris',
'~barron',
'~barry',
'~bart',
'~bartel',
'~barth',
'~barthel',
'~bartholemy',
'~bartholomeo',
'~bartholomeus',
'~bartholomew',
'~bartie',
'~bartlet',
'~bartlett',
'~bartolemo',
'~bartolomeo',
'~barton',
'~bartram',
'~barty',
'~bary',
'~baryram',
'~base',
'~basil',
'~basile',
'~basilio',
'~basilius',
'~bastian',
'~bastien',
'~bat',
'~batholomew',
'~baudoin',
'~bax',
'~baxie',
'~baxter',
'~baxy',
'~bay',
'~bayard',
'~beale',
'~bealle',
'~bear',
'~bearnard',
'~beau',
'~beaufort',
'~beauregard',
'~beck',
'~beltran',
'~ben',
'~bendick',
'~bendicty',
'~bendix',
'~benedetto',
'~benedick',
'~benedict',
'~benedicto',
'~benedikt',
'~bengt',
'~root',
'~beniamino',
'~benito',
'~benjamen',
'~benjamin',
'~benji',
'~benjie',
'~benjy',
'~benn',
'~bennett',
'~bennie',
'~benny',
'~benoit',
'~benson',
'~bent',
'~bentlee',
'~bentley',
'~benton',
'~benyamin',
'~ber',
'~berk',
'~berke',
'~berkeley',
'~berkie',
'~berkley',
'~berkly',
'~berky',
'~bern',
'~bernard',
'~bernardo',
'~bernarr',
'~berne',
'~bernhard',
'~bernie',
'~berny',
'~bert',
'~berti',
'~bertie',
'~berton',
'~bertram',
'~bertrand',
'~bertrando',
'~berty',
'~bev',
'~bevan',
'~bevin',
'~bevon',
'~bil',
'~bill',
'~billie',
'~billy',
'~bing',
'~bink',
'~binky',
'~birch',
'~birk',
'~biron',
'~bjorn',
'~blaine',
'~blair',
'~blake',
'~blane',
'~blayne',
'~bo',
'~bob',
'~bobbie',
'~bobby',
'~bogart',
'~bogey',
'~boigie',
'~bond',
'~bondie',
'~bondon',
'~bondy',
'~bone',
'~boniface',
'~boone',
'~boonie',
'~boony',
'~boot',
'~boote',
'~booth',
'~boothe',
'~bord',
'~borden',
'~bordie',
'~bordy',
'~borg',
'~boris',
'~bourke',
'~bowie',
'~boy',
'~boyce',
'~boycey',
'~boycie',
'~boyd',
'~brad',
'~bradan',
'~brade',
'~braden',
'~bradford',
'~bradley',
'~bradly',
'~bradney',
'~brady',
'~bram',
'~bran',
'~brand',
'~branden',
'~brander',
'~brandon',
'~brandtr',
'~brandy',
'~brandyn',
'~brannon',
'~brant',
'~brantley',
'~bren',
'~brendan',
'~brenden',
'~brendin',
'~brendis',
'~brendon',
'~brennan',
'~brennen',
'~brent',
'~bret',
'~brett',
'~brew',
'~brewer',
'~brewster',
'~brian',
'~briano',
'~briant',
'~brice',
'~brien',
'~brig',
'~brigg',
'~briggs',
'~brigham',
'~brion',
'~brit',
'~britt',
'~brnaba',
'~brnaby',
'~brock',
'~brockie',
'~brocky',
'~brod',
'~broddie',
'~broddy',
'~broderic',
'~broderick',
'~brodie',
'~brody',
'~brok',
'~bron',
'~bronnie',
'~bronny',
'~bronson',
'~brook',
'~brooke',
'~brooks',
'~brose',
'~bruce',
'~brucie',
'~bruis',
'~bruno',
'~bryan',
'~bryant',
'~bryanty',
'~bryce',
'~bryn',
'~bryon',
'~buck',
'~buckie',
'~bucky',
'~bud',
'~budd',
'~buddie',
'~buddy',
'~buiron',
'~burch',
'~burg',
'~burgess',
'~burk',
'~burke',
'~burl',
'~burlie',
'~burnaby',
'~burnard',
'~burr',
'~burt',
'~burtie',
'~burton',
'~burty',
'~butch',
'~byram',
'~byran',
'~byrann',
'~byrle',
'~byrom',
'~byron',
'~cad',
'~caddric',
'~caesar',
'~cal',
'~caldwell',
'~cale',
'~caleb',
'~calhoun',
'~callean',
'~calv',
'~calvin',
'~cam',
'~cameron',
'~camey',
'~cammy',
'~car',
'~carce',
'~care',
'~carey',
'~carl',
'~carleton',
'~carlie',
'~carlin',
'~carling',
'~carlo',
'~carlos',
'~carly',
'~carlyle',
'~carmine',
'~carney',
'~carny',
'~carolus',
'~carr',
'~carrol',
'~carroll',
'~carson',
'~cart',
'~carter',
'~carver',
'~cary',
'~caryl',
'~casar',
'~case',
'~casey',
'~cash',
'~caspar',
'~casper',
'~cass',
'~cassie',
'~cassius',
'~caz',
'~cazzie',
'~cchaddie',
'~cece',
'~cecil',
'~cecilio',
'~cecilius',
'~ced',
'~cedric',
'~cello',
'~cesar',
'~cesare',
'~cesaro',
'~chad',
'~chadd',
'~chaddie',
'~chaddy',
'~chadwick',
'~chaim',
'~chalmers',
'~chan',
'~chance',
'~chancey',
'~chandler',
'~chane',
'~chariot',
'~charles',
'~charley',
'~charlie',
'~charlton',
'~chas',
'~chase',
'~chaunce',
'~chauncey',
'~che',
'~chen',
'~ches',
'~chester',
'~cheston',
'~chet',
'~chev',
'~chevalier',
'~chevy',
'~chic',
'~chick',
'~chickie',
'~chicky',
'~chico',
'~chilton',
'~chip',
'~chris',
'~chrisse',
'~chrissie',
'~chrissy',
'~christian',
'~christiano',
'~christie',
'~christoffer',
'~christoforo',
'~christoper',
'~christoph',
'~christophe',
'~christopher',
'~christophorus',
'~christos',
'~christy',
'~chrisy',
'~chrotoem',
'~chucho',
'~chuck',
'~cirillo',
'~cirilo',
'~ciro',
'~cirstoforo',
'~claiborn',
'~claiborne',
'~clair',
'~claire',
'~clarance',
'~clare',
'~clarence',
'~clark',
'~clarke',
'~claudell',
'~claudian',
'~claudianus',
'~claudio',
'~claudius',
'~claus',
'~clay',
'~clayborn',
'~clayborne',
'~claybourne',
'~clayson',
'~clayton',
'~cleavland',
'~clem',
'~clemens',
'~clement',
'~clemente',
'~clementius',
'~clemmie',
'~clemmy',
'~cleon',
'~clerc',
'~clerkclaude',
'~cletis',
'~cletus',
'~cleve',
'~cleveland',
'~clevey',
'~clevie',
'~cliff',
'~clifford',
'~clim',
'~clint',
'~clive',
'~cly',
'~clyde',
'~clyve',
'~clywd',
'~cob',
'~cobb',
'~cobbie',
'~cobby',
'~codi',
'~codie',
'~cody',
'~cointon',
'~colan',
'~colas',
'~colby',
'~cole',
'~coleman',
'~colet',
'~colin',
'~collin',
'~colman',
'~colver',
'~con',
'~conan',
'~conant',
'~conn',
'~conney',
'~connie',
'~connor',
'~conny',
'~conrad',
'~conrade',
'~conrado',
'~conroy',
'~consalve',
'~constantin',
'~constantine',
'~constantino',
'~conway',
'~coop',
'~cooper',
'~corbet',
'~corbett',
'~corbie',
'~corbin',
'~corby',
'~cord',
'~cordell',
'~cordie',
'~cordy',
'~corey',
'~cori',
'~cornall',
'~cornelius',
'~cornell',
'~corney',
'~cornie',
'~corny',
'~correy',
'~corrie',
'~cort',
'~cortie',
'~corty',
'~cory',
'~cos',
'~cosimo',
'~cosme',
'~cosmo',
'~costa',
'~court',
'~courtnay',
'~courtney',
'~cozmo',
'~craggie',
'~craggy',
'~craig',
'~crawford',
'~creigh',
'~creight',
'~creighton',
'~crichton',
'~cris',
'~cristian',
'~cristiano',
'~cristobal',
'~crosby',
'~cross',
'~cull',
'~cullan',
'~cullen',
'~culley',
'~cullie',
'~cullin',
'~cully',
'~culver',
'~curcio',
'~curr',
'~curran',
'~currey',
'~currie',
'~curry',
'~curt',
'~curtice',
'~curtis',
'~cy',
'~cyril',
'~cyrill',
'~cyrille',
'~cyrillus',
'~cyrus',
'~darcy',
'~dael',
'~dag',
'~dagny',
'~dal',
'~dale',
'~dalis',
'~dall',
'~dallas',
'~dalli',
'~dallis',
'~dallon',
'~dalston',
'~dalt',
'~dalton',
'~dame',
'~damian',
'~damiano',
'~damien',
'~damon',
'~dan',
'~dana',
'~dane',
'~dani',
'~danie',
'~daniel',
'~dannel',
'~dannie',
'~danny',
'~dante',
'~danya',
'~dar',
'~darb',
'~darbee',
'~darby',
'~darcy',
'~dare',
'~daren',
'~darill',
'~darin',
'~dario',
'~darius',
'~darn',
'~darnall',
'~darnell',
'~daron',
'~darrel',
'~darrell',
'~darren',
'~darrick',
'~darrin',
'~darryl',
'~darwin',
'~daryl',
'~daryle',
'~dav',
'~dave',
'~daven',
'~davey',
'~david',
'~davidde',
'~davide',
'~davidson',
'~davie',
'~davin',
'~davis',
'~davon',
'~davy',
'~dean',
'~deane',
'~decca',
'~deck',
'~del',
'~delainey',
'~delaney',
'~delano',
'~delbert',
'~dell',
'~delmar',
'~delmer',
'~delmor',
'~delmore',
'~demetre',
'~demetri',
'~demetris',
'~demetrius',
'~demott',
'~den',
'~dene',
'~denis',
'~dennet',
'~denney',
'~dennie',
'~dennis',
'~dennison',
'~denny',
'~denver',
'~denys',
'~der',
'~derby',
'~derek',
'~derick',
'~derk',
'~dermot',
'~derrek',
'~derrick',
'~derrik',
'~derril',
'~derron',
'~derry',
'~derward',
'~derwin',
'~des',
'~desi',
'~desmond',
'~desmund',
'~dev',
'~devin',
'~devland',
'~devlen',
'~devlin',
'~devy',
'~dew',
'~dewain',
'~dewey',
'~dewie',
'~dewitt',
'~dex',
'~dexter',
'~diarmid',
'~dick',
'~dickie',
'~dicky',
'~diego',
'~dieter',
'~dietrich',
'~dilan',
'~dill',
'~dillie',
'~dillon',
'~dilly',
'~dimitri',
'~dimitry',
'~dino',
'~dion',
'~dionisio',
'~dionysus',
'~dirk',
'~dmitri',
'~dolf',
'~dolph',
'~dom',
'~domenic',
'~domenico',
'~domingo',
'~dominic',
'~dominick',
'~dominik',
'~dominique',
'~don',
'~donal',
'~donall',
'~donalt',
'~donaugh',
'~donavon',
'~donn',
'~donnell',
'~donnie',
'~donny',
'~donovan',
'~dore',
'~dorey',
'~dorian',
'~dorie',
'~dory',
'~doug',
'~dougie',
'~douglas',
'~douglass',
'~dougy',
'~dov',
'~doy',
'~doyle',
'~drake',
'~drew',
'~dru',
'~drud',
'~drugi',
'~duane',
'~dud',
'~dudley',
'~duff',
'~duffie',
'~duffy',
'~dugald',
'~duke',
'~dukey',
'~dukie',
'~duky',
'~dun',
'~dunc',
'~duncan',
'~dunn',
'~dunstan',
'~dur',
'~durand',
'~durant',
'~durante',
'~durward',
'~dwain',
'~dwayne',
'~dwight',
'~dylan',
'~eadmund',
'~eal',
'~eamon',
'~earl',
'~earle',
'~earlie',
'~early',
'~earvin',
'~eb',
'~eben',
'~ebeneser',
'~ebenezer',
'~eberhard',
'~eberto',
'~ed',
'~edan',
'~edd',
'~eddie',
'~eddy',
'~edgar',
'~edgard',
'~edgardo',
'~edik',
'~edlin',
'~edmon',
'~edmund',
'~edouard',
'~edsel',
'~eduard',
'~eduardo',
'~eduino',
'~edvard',
'~edward',
'~edwin',
'~efrem',
'~efren',
'~egan',
'~egbert',
'~egon',
'~egor',
'~el',
'~elbert',
'~elden',
'~eldin',
'~eldon',
'~eldredge',
'~eldridge',
'~eli',
'~elia',
'~elias',
'~elihu',
'~elijah',
'~eliot',
'~elisha',
'~ellary',
'~ellerey',
'~ellery',
'~elliot',
'~elliott',
'~ellis',
'~ellswerth',
'~ellsworth',
'~ellwood',
'~elmer',
'~elmo',
'~elmore',
'~elnar',
'~elroy',
'~elston',
'~elsworth',
'~elton',
'~elvin',
'~elvis',
'~elvyn',
'~elwin',
'~elwood',
'~elwyn',
'~ely',
'~em',
'~emanuel',
'~emanuele',
'~emelen',
'~emerson',
'~emery',
'~emile',
'~emilio',
'~emlen',
'~emlyn',
'~emmanuel',
'~emmerich',
'~emmery',
'~emmet',
'~emmett',
'~emmit',
'~emmott',
'~emmy',
'~emory',
'~engelbert',
'~englebert',
'~ennis',
'~enoch',
'~enos',
'~enrico',
'~enrique',
'~ephraim',
'~ephrayim',
'~ephrem',
'~erasmus',
'~erastus',
'~erek',
'~erhard',
'~erhart',
'~eric',
'~erich',
'~erick',
'~erie',
'~erik',
'~erin',
'~erl',
'~ermanno',
'~ermin',
'~ernest',
'~ernesto',
'~ernestus',
'~ernie',
'~ernst',
'~erny',
'~errick',
'~errol',
'~erroll',
'~erskine',
'~erv',
'~ervin',
'~erwin',
'~esdras',
'~esme',
'~esra',
'~esteban',
'~estevan',
'~etan',
'~ethan',
'~ethe',
'~ethelbert',
'~ethelred',
'~etienne',
'~ettore',
'~euell',
'~eugen',
'~eugene',
'~eugenio',
'~eugenius',
'~eustace',
'~ev',
'~evan',
'~evelin',
'~evelyn',
'~even',
'~everard',
'~evered',
'~everett',
'~evin',
'~evyn',
'~ewan',
'~eward',
'~ewart',
'~ewell',
'~ewen',
'~ezechiel',
'~ezekiel',
'~ezequiel',
'~eziechiele',
'~ezra',
'~ezri',
'~fabe',
'~faber',
'~fabian',
'~fabiano',
'~fabien',
'~fabio',
'~fair',
'~fairfax',
'~fairleigh',
'~fairlie',
'~falito',
'~falkner',
'~far',
'~farlay',
'~farlee',
'~farleigh',
'~farley',
'~farlie',
'~farly',
'~farr',
'~farrel',
'~farrell',
'~farris',
'~faulkner',
'~fax',
'~federico',
'~fee',
'~felic',
'~felice',
'~felicio',
'~felike',
'~feliks',
'~felipe',
'~felix',
'~felizio',
'~feodor',
'~ferd',
'~ferdie',
'~ferdinand',
'~ferdy',
'~fergus',
'~ferguson',
'~fernando',
'~ferrel',
'~ferrell',
'~ferris',
'~fidel',
'~fidelio',
'~fidole',
'~field',
'~fielding',
'~fields',
'~filbert',
'~filberte',
'~filberto',
'~filip',
'~filippo',
'~filmer',
'~filmore',
'~fin',
'~findlay',
'~findley',
'~finlay',
'~finley',
'~finn',
'~fitz',
'~fitzgerald',
'~flem',
'~fleming',
'~flemming',
'~fletch',
'~fletcher',
'~flin',
'~flinn',
'~flint',
'~florian',
'~flory',
'~floyd',
'~flynn',
'~fons',
'~fonsie',
'~fonz',
'~fonzie',
'~forbes',
'~ford',
'~forest',
'~forester',
'~forrest',
'~forrester',
'~forster',
'~foss',
'~foster',
'~fowler',
'~fran',
'~francesco',
'~franchot',
'~francis',
'~francisco',
'~franciskus',
'~francklin',
'~francklyn',
'~francois',
'~frank',
'~frankie',
'~franklin',
'~franklyn',
'~franky',
'~frannie',
'~franny',
'~frans',
'~fransisco',
'~frants',
'~franz',
'~franzen',
'~frasco',
'~fraser',
'~frasier',
'~frasquito',
'~fraze',
'~frazer',
'~frazier',
'~fred',
'~freddie',
'~freddy',
'~fredek',
'~frederic',
'~frederich',
'~frederick',
'~frederico',
'~frederigo',
'~frederik',
'~fredric',
'~fredrick',
'~free',
'~freedman',
'~freeland',
'~freeman',
'~freemon',
'~fremont',
'~friedrich',
'~friedrick',
'~fritz',
'~fulton',
'~gabbie',
'~gabby',
'~gabe',
'~gabi',
'~gabie',
'~gabriel',
'~gabriele',
'~gabriello',
'~gaby',
'~gael',
'~gaelan',
'~gage',
'~gail',
'~gaile',
'~gal',
'~gale',
'~galen',
'~gallagher',
'~gallard',
'~galvan',
'~galven',
'~galvin',
'~gamaliel',
'~gan',
'~gannie',
'~gannon',
'~ganny',
'~gar',
'~garald',
'~gard',
'~gardener',
'~gardie',
'~gardiner',
'~gardner',
'~gardy',
'~gare',
'~garek',
'~gareth',
'~garey',
'~garfield',
'~garik',
'~garner',
'~garold',
'~garrard',
'~garrek',
'~garret',
'~garreth',
'~garrett',
'~garrick',
'~garrik',
'~garrot',
'~garrott',
'~garry',
'~garth',
'~garv',
'~garvey',
'~garvin',
'~garvy',
'~garwin',
'~garwood',
'~gary',
'~gaspar',
'~gaspard',
'~gasparo',
'~gasper',
'~gaston',
'~gaultiero',
'~gauthier',
'~gav',
'~gavan',
'~gaven',
'~gavin',
'~gawain',
'~gawen',
'~gay',
'~gayelord',
'~gayle',
'~gayler',
'~gaylor',
'~gaylord',
'~gearalt',
'~gearard',
'~gene',
'~geno',
'~geoff',
'~geoffrey',
'~geoffry',
'~georas',
'~geordie',
'~georg',
'~george',
'~georges',
'~georgi',
'~georgie',
'~georgy',
'~gerald',
'~gerard',
'~gerardo',
'~gerek',
'~gerhard',
'~gerhardt',
'~geri',
'~gerick',
'~gerik',
'~germain',
'~germaine',
'~germayne',
'~gerome',
'~gerrard',
'~gerri',
'~gerrie',
'~gerry',
'~gery',
'~gherardo',
'~giacobo',
'~giacomo',
'~giacopo',
'~gian',
'~gianni',
'~giavani',
'~gib',
'~gibb',
'~gibbie',
'~gibby',
'~gideon',
'~giff',
'~giffard',
'~giffer',
'~giffie',
'~gifford',
'~giffy',
'~gil',
'~gilbert',
'~gilberto',
'~gilburt',
'~giles',
'~gill',
'~gilles',
'~ginger',
'~gino',
'~giordano',
'~giorgi',
'~giorgio',
'~giovanni',
'~giraldo',
'~giraud',
'~giselbert',
'~giulio',
'~giuseppe',
'~giustino',
'~giusto',
'~glen',
'~glenden',
'~glendon',
'~glenn',
'~glyn',
'~glynn',
'~godard',
'~godart',
'~goddard',
'~goddart',
'~godfree',
'~godfrey',
'~godfry',
'~godwin',
'~gonzales',
'~gonzalo',
'~goober',
'~goran',
'~goraud',
'~gordan',
'~gorden',
'~gordie',
'~gordon',
'~gordy',
'~gothart',
'~gottfried',
'~grace',
'~gradeigh',
'~gradey',
'~grady',
'~graehme',
'~graeme',
'~graham',
'~graig',
'~gram',
'~gran',
'~grange',
'~granger',
'~grannie',
'~granny',
'~grant',
'~grantham',
'~granthem',
'~grantley',
'~granville',
'~gray',
'~greg',
'~gregg',
'~greggory',
'~gregoire',
'~gregoor',
'~gregor',
'~gregorio',
'~gregorius',
'~gregory',
'~grenville',
'~griff',
'~griffie',
'~griffin',
'~griffith',
'~griffy',
'~gris',
'~griswold',
'~griz',
'~grove',
'~grover',
'~gualterio',
'~guglielmo',
'~guido',
'~guilbert',
'~guillaume',
'~guillermo',
'~gun',
'~gunar',
'~gunner',
'~guntar',
'~gunter',
'~gunther',
'~gus',
'~guss',
'~gustaf',
'~gustav',
'~gustave',
'~gustavo',
'~gustavus',
'~guthrey',
'~guthrie',
'~guthry',
'~guy',
'~had',
'~hadlee',
'~hadleigh',
'~hadley',
'~hadrian',
'~hagan',
'~hagen',
'~hailey',
'~haily',
'~hakeem',
'~hakim',
'~hal',
'~hale',
'~haleigh',
'~haley',
'~hall',
'~hallsy',
'~halsey',
'~halsy',
'~ham',
'~hamel',
'~hamid',
'~hamil',
'~hamilton',
'~hamish',
'~hamlen',
'~hamlin',
'~hammad',
'~hamnet',
'~hanan',
'~hank',
'~hans',
'~hansiain',
'~hanson',
'~harald',
'~harbert',
'~harcourt',
'~hardy',
'~harlan',
'~harland',
'~harlen',
'~harley',
'~harlin',
'~harman',
'~harmon',
'~harold',
'~haroun',
'~harp',
'~harper',
'~harris',
'~harrison',
'~harry',
'~hart',
'~hartley',
'~hartwell',
'~harv',
'~harvey',
'~harwell',
'~harwilll',
'~hasheem',
'~hashim',
'~haskel',
'~haskell',
'~haslett',
'~hastie',
'~hastings',
'~hasty',
'~haven',
'~hayden',
'~haydon',
'~hayes',
'~hayward',
'~haywood',
'~hayyim',
'~haze',
'~hazel',
'~hazlett',
'~heall',
'~heath',
'~hebert',
'~hector',
'~heindrick',
'~heinrick',
'~heinrik',
'~henderson',
'~hendrick',
'~hendrik',
'~henri',
'~henrik',
'~henry',
'~herb',
'~herbert',
'~herbie',
'~herby',
'~herc',
'~hercule',
'~hercules',
'~herculie',
'~heriberto',
'~herman',
'~hermann',
'~hermie',
'~hermon',
'~hermy',
'~hernando',
'~herold',
'~herrick',
'~hersch',
'~herschel',
'~hersh',
'~hershel',
'~herve',
'~hervey',
'~hew',
'~hewe',
'~hewet',
'~hewett',
'~hewie',
'~hewitt',
'~heywood',
'~hi',
'~hieronymus',
'~hilario',
'~hilarius',
'~hilary',
'~hill',
'~hillard',
'~hillary',
'~hillel',
'~hillery',
'~hilliard',
'~hillie',
'~hillier',
'~hilly',
'~hillyer',
'~hilton',
'~hinze',
'~hiram',
'~hirsch',
'~hobard',
'~hobart',
'~hobey',
'~hobie',
'~hodge',
'~hoebart',
'~hogan',
'~holden',
'~hollis',
'~holly',
'~holmes',
'~holt',
'~homer',
'~homere',
'~homerus',
'~horace',
'~horacio',
'~horatio',
'~horatius',
'~horst',
'~hort',
'~horten',
'~horton',
'~howard',
'~howey',
'~howie',
'~hoyt',
'~hube',
'~hubert',
'~huberto',
'~hubey',
'~hubie',
'~huey',
'~hugh',
'~hughie',
'~hugibert',
'~hugo',
'~hugues',
'~humbert',
'~humberto',
'~humfrey',
'~humfrid',
'~humfried',
'~humphrey',
'~hunfredo',
'~hunt',
'~hunter',
'~huntington',
'~huntlee',
'~huntley',
'~hurlee',
'~hurleigh',
'~hurley',
'~husain',
'~husein',
'~hussein',
'~hy',
'~hyatt',
'~hyman',
'~hymie',
'~iago',
'~iain',
'~ian',
'~ibrahim',
'~ichabod',
'~iggie',
'~iggy',
'~ignace',
'~ignacio',
'~ignacius',
'~ignatius',
'~ignaz',
'~ignazio',
'~igor',
'~ike',
'~ikey',
'~ilaire',
'~ilario',
'~immanuel',
'~ingamar',
'~ingar',
'~ingelbert',
'~ingemar',
'~inger',
'~inglebert',
'~inglis',
'~ingmar',
'~ingra',
'~ingram',
'~ingrim',
'~inigo',
'~inness',
'~innis',
'~iorgo',
'~iorgos',
'~iosep',
'~ira',
'~irv',
'~irvin',
'~irvine',
'~irving',
'~irwin',
'~irwinn',
'~isa',
'~isaac',
'~isaak',
'~isac',
'~isacco',
'~isador',
'~isadore',
'~isaiah',
'~isak',
'~isiahi',
'~isidor',
'~isidore',
'~isidoro',
'~isidro',
'~israel',
'~issiah',
'~itch',
'~ivan',
'~ivar',
'~ive',
'~iver',
'~ives',
'~ivor',
'~izaak',
'~izak',
'~izzy',
'~jabez',
'~jack',
'~jackie',
'~jackson',
'~jacky',
'~jacob',
'~jacobo',
'~jacques',
'~jae',
'~jaime',
'~jaimie',
'~jake',
'~jakie',
'~jakob',
'~jamaal',
'~jamal',
'~james',
'~jameson',
'~jamesy',
'~jamey',
'~jamie',
'~jamil',
'~jamill',
'~jamison',
'~jammal',
'~jan',
'~janek',
'~janos',
'~jarad',
'~jard',
'~jareb',
'~jared',
'~jarib',
'~jarid',
'~jarrad',
'~jarred',
'~jarret',
'~jarrett',
'~jarrid',
'~jarrod',
'~jarvis',
'~jase',
'~jasen',
'~jason',
'~jasper',
'~jasun',
'~javier',
'~jay',
'~jaye',
'~jayme',
'~jaymie',
'~jayson',
'~jdavie',
'~jean',
'~jecho',
'~jed',
'~jedd',
'~jeddy',
'~jedediah',
'~jedidiah',
'~jeff',
'~jefferey',
'~jefferson',
'~jeffie',
'~jeffrey',
'~jeffry',
'~jeffy',
'~jehu',
'~jeno',
'~jens',
'~jephthah',
'~jerad',
'~jerald',
'~jeramey',
'~jeramie',
'~jere',
'~jereme',
'~jeremiah',
'~jeremias',
'~jeremie',
'~jeremy',
'~jermain',
'~jermaine',
'~jermayne',
'~jerome',
'~jeromy',
'~jerri',
'~jerrie',
'~jerrold',
'~jerrome',
'~jerry',
'~jervis',
'~jess',
'~jesse',
'~jessee',
'~jessey',
'~jessie',
'~jesus',
'~jeth',
'~jethro',
'~jim',
'~jimmie',
'~jimmy',
'~jo',
'~joachim',
'~joaquin',
'~job',
'~jock',
'~jocko',
'~jodi',
'~jodie',
'~jody',
'~joe',
'~joel',
'~joey',
'~johan',
'~johann',
'~johannes',
'~john',
'~johnathan',
'~johnathon',
'~johnnie',
'~johnny',
'~johny',
'~jon',
'~jonah',
'~jonas',
'~jonathan',
'~jonathon',
'~jone',
'~jordan',
'~jordon',
'~jorgan',
'~jorge',
'~jory',
'~jose',
'~joseito',
'~joseph',
'~josh',
'~joshia',
'~joshua',
'~joshuah',
'~josiah',
'~josias',
'~jourdain',
'~jozef',
'~juan',
'~jud',
'~judah',
'~judas',
'~judd',
'~jude',
'~judon',
'~jule',
'~jules',
'~julian',
'~julie',
'~julio',
'~julius',
'~justen',
'~justin',
'~justinian',
'~justino',
'~justis',
'~justus',
'~kahaleel',
'~kahlil',
'~kain',
'~kaine',
'~kaiser',
'~kale',
'~kaleb',
'~kalil',
'~kalle',
'~kalvin',
'~kane',
'~kareem',
'~karel',
'~karim',
'~karl',
'~karlan',
'~karlens',
'~karlik',
'~karlis',
'~karney',
'~karoly',
'~kaspar',
'~kasper',
'~kayne',
'~kean',
'~keane',
'~kearney',
'~keary',
'~keefe',
'~keefer',
'~keelby',
'~keen',
'~keenan',
'~keene',
'~keir',
'~keith',
'~kelbee',
'~kelby',
'~kele',
'~kellby',
'~kellen',
'~kelley',
'~kelly',
'~kelsey',
'~kelvin',
'~kelwin',
'~ken',
'~kendal',
'~kendall',
'~kendell',
'~kendrick',
'~kendricks',
'~kenn',
'~kennan',
'~kennedy',
'~kenneth',
'~kennett',
'~kennie',
'~kennith',
'~kenny',
'~kenon',
'~kent',
'~kenton',
'~kenyon',
'~ker',
'~kerby',
'~kerk',
'~kermie',
'~kermit',
'~kermy',
'~kerr',
'~kerry',
'~kerwin',
'~kerwinn',
'~kev',
'~kevan',
'~keven',
'~kevin',
'~kevon',
'~khalil',
'~kiel',
'~kienan',
'~kile',
'~kiley',
'~kilian',
'~killian',
'~killie',
'~killy',
'~kim',
'~kimball',
'~kimbell',
'~kimble',
'~kin',
'~kincaid',
'~king',
'~kingsley',
'~kingsly',
'~kingston',
'~kinnie',
'~kinny',
'~kinsley',
'~kip',
'~kipp',
'~kippar',
'~kipper',
'~kippie',
'~kippy',
'~kirby',
'~kirk',
'~kit',
'~klaus',
'~klemens',
'~klement',
'~kleon',
'~kliment',
'~knox',
'~koenraad',
'~konrad',
'~konstantin',
'~konstantine',
'~korey',
'~kort',
'~kory',
'~kris',
'~krisha',
'~krishna',
'~krishnah',
'~krispin',
'~kristian',
'~kristo',
'~kristofer',
'~kristoffer',
'~kristofor',
'~kristoforo',
'~kristopher',
'~kristos',
'~kurt',
'~kurtis',
'~ky',
'~kyle',
'~kylie',
'~laird',
'~lalo',
'~lamar',
'~lambert',
'~lammond',
'~lamond',
'~lamont',
'~lance',
'~lancelot',
'~land',
'~lane',
'~laney',
'~langsdon',
'~langston',
'~lanie',
'~lannie',
'~lanny',
'~larry',
'~lars',
'~laughton',
'~launce',
'~lauren',
'~laurence',
'~laurens',
'~laurent',
'~laurie',
'~lauritz',
'~law',
'~lawrence',
'~lawry',
'~lawton',
'~lay',
'~layton',
'~lazar',
'~lazare',
'~lazaro',
'~lazarus',
'~lee',
'~leeland',
'~lefty',
'~leicester',
'~leif',
'~leigh',
'~leighton',
'~lek',
'~leland',
'~lem',
'~lemar',
'~lemmie',
'~lemmy',
'~lemuel',
'~lenard',
'~lenci',
'~lennard',
'~lennie',
'~leo',
'~leon',
'~leonard',
'~leonardo',
'~leonerd',
'~leonhard',
'~leonid',
'~leonidas',
'~leopold',
'~leroi',
'~leroy',
'~les',
'~lesley',
'~leslie',
'~lester',
'~leupold',
'~lev',
'~levey',
'~levi',
'~levin',
'~levon',
'~levy',
'~lew',
'~lewes',
'~lewie',
'~lewiss',
'~lezley',
'~liam',
'~lief',
'~lin',
'~linc',
'~lincoln',
'~lind',
'~lindon',
'~lindsay',
'~lindsey',
'~lindy',
'~link',
'~linn',
'~linoel',
'~linus',
'~lion',
'~lionel',
'~lionello',
'~lisle',
'~llewellyn',
'~lloyd',
'~llywellyn',
'~lock',
'~locke',
'~lockwood',
'~lodovico',
'~logan',
'~lombard',
'~lon',
'~lonnard',
'~lonnie',
'~lonny',
'~lorant',
'~loren',
'~lorens',
'~lorenzo',
'~lorin',
'~lorne',
'~lorrie',
'~lorry',
'~lothaire',
'~lothario',
'~lou',
'~louie',
'~louis',
'~lovell',
'~lowe',
'~lowell',
'~lowrance',
'~loy',
'~loydie',
'~luca',
'~lucais',
'~lucas',
'~luce',
'~lucho',
'~lucian',
'~luciano',
'~lucias',
'~lucien',
'~lucio',
'~lucius',
'~ludovico',
'~ludvig',
'~ludwig',
'~luigi',
'~luis',
'~lukas',
'~luke',
'~lutero',
'~luther',
'~ly',
'~lydon',
'~lyell',
'~lyle',
'~lyman',
'~lyn',
'~lynn',
'~lyon',
'~mac',
'~mace',
'~mack',
'~mackenzie',
'~maddie',
'~maddy',
'~madison',
'~magnum',
'~mahmoud',
'~mahmud',
'~maison',
'~maje',
'~major',
'~mal',
'~malachi',
'~malchy',
'~malcolm',
'~mallory',
'~malvin',
'~man',
'~mandel',
'~manfred',
'~mannie',
'~manny',
'~mano',
'~manolo',
'~manuel',
'~mar',
'~marc',
'~marcel',
'~marcello',
'~marcellus',
'~marcelo',
'~marchall',
'~marco',
'~marcos',
'~marcus',
'~marietta',
'~marijn',
'~mario',
'~marion',
'~marius',
'~mark',
'~markos',
'~markus',
'~marlin',
'~marlo',
'~marlon',
'~marlow',
'~marlowe',
'~marmaduke',
'~marsh',
'~marshal',
'~marshall',
'~mart',
'~martainn',
'~marten',
'~martie',
'~martin',
'~martino',
'~marty',
'~martyn',
'~marv',
'~marve',
'~marven',
'~marvin',
'~marwin',
'~mason',
'~massimiliano',
'~massimo',
'~mata',
'~mateo',
'~mathe',
'~mathew',
'~mathian',
'~mathias',
'~matias',
'~matt',
'~matteo',
'~matthaeus',
'~mattheus',
'~matthew',
'~matthias',
'~matthieu',
'~matthiew',
'~matthus',
'~mattias',
'~mattie',
'~matty',
'~maurice',
'~mauricio',
'~maurie',
'~maurise',
'~maurits',
'~maurizio',
'~maury',
'~max',
'~maxie',
'~maxim',
'~maximilian',
'~maximilianus',
'~maximilien',
'~maximo',
'~maxwell',
'~maxy',
'~mayer',
'~maynard',
'~mayne',
'~maynord',
'~mayor',
'~mead',
'~meade',
'~meier',
'~meir',
'~mel',
'~melvin',
'~melvyn',
'~menard',
'~mendel',
'~mendie',
'~mendy',
'~meredeth',
'~meredith',
'~merell',
'~merill',
'~merle',
'~merrel',
'~merrick',
'~merrill',
'~merry',
'~merv',
'~mervin',
'~merwin',
'~merwyn',
'~meryl',
'~meyer',
'~mic',
'~micah',
'~michael',
'~michail',
'~michal',
'~michale',
'~micheal',
'~micheil',
'~michel',
'~michele',
'~mick',
'~mickey',
'~mickie',
'~micky',
'~miguel',
'~mikael',
'~mike',
'~mikel',
'~mikey',
'~mikkel',
'~mikol',
'~mile',
'~miles',
'~mill',
'~millard',
'~miller',
'~milo',
'~milt',
'~miltie',
'~milton',
'~milty',
'~miner',
'~minor',
'~mischa',
'~mitch',
'~mitchael',
'~mitchel',
'~mitchell',
'~moe',
'~mohammed',
'~mohandas',
'~mohandis',
'~moise',
'~moises',
'~moishe',
'~monro',
'~monroe',
'~montague',
'~monte',
'~montgomery',
'~monti',
'~monty',
'~moore',
'~mord',
'~mordecai',
'~mordy',
'~morey',
'~morgan',
'~morgen',
'~morgun',
'~morie',
'~moritz',
'~morlee',
'~morley',
'~morly',
'~morrie',
'~morris',
'~morry',
'~morse',
'~mort',
'~morten',
'~mortie',
'~mortimer',
'~morton',
'~morty',
'~mose',
'~moses',
'~moshe',
'~moss',
'~mozes',
'~muffin',
'~muhammad',
'~munmro',
'~munroe',
'~murdoch',
'~murdock',
'~murray',
'~murry',
'~murvyn',
'~my',
'~myca',
'~mycah',
'~mychal',
'~myer',
'~myles',
'~mylo',
'~myron',
'~myrvyn',
'~myrwyn',
'~nahum',
'~nap',
'~napoleon',
'~nappie',
'~nappy',
'~nat',
'~natal',
'~natale',
'~nataniel',
'~nate',
'~nathan',
'~nathanael',
'~nathanial',
'~nathaniel',
'~nathanil',
'~natty',
'~neal',
'~neale',
'~neall',
'~nealon',
'~nealson',
'~nealy',
'~ned',
'~neddie',
'~neddy',
'~neel',
'~nefen',
'~nehemiah',
'~neil',
'~neill',
'~neils',
'~nels',
'~nelson',
'~nero',
'~neron',
'~nester',
'~nestor',
'~nev',
'~nevil',
'~nevile',
'~neville',
'~nevin',
'~nevins',
'~newton',
'~nial',
'~niall',
'~niccolo',
'~nicholas',
'~nichole',
'~nichols',
'~nick',
'~nickey',
'~nickie',
'~nicko',
'~nickola',
'~nickolai',
'~nickolas',
'~nickolaus',
'~nicky',
'~nico',
'~nicol',
'~nicola',
'~nicolai',
'~nicolais',
'~nicolas',
'~nicolis',
'~niel',
'~niels',
'~nigel',
'~niki',
'~nikita',
'~nikki',
'~niko',
'~nikola',
'~nikolai',
'~nikolaos',
'~nikolas',
'~nikolaus',
'~nikolos',
'~nikos',
'~nil',
'~niles',
'~nils',
'~nilson',
'~niven',
'~noach',
'~noah',
'~noak',
'~noam',
'~nobe',
'~nobie',
'~noble',
'~noby',
'~noe',
'~noel',
'~nolan',
'~noland',
'~noll',
'~nollie',
'~nolly',
'~norbert',
'~norbie',
'~norby',
'~norman',
'~normand',
'~normie',
'~normy',
'~norrie',
'~norris',
'~norry',
'~north',
'~northrop',
'~northrup',
'~norton',
'~nowell',
'~nye',
'~oates',
'~obadiah',
'~obadias',
'~obed',
'~obediah',
'~oberon',
'~obidiah',
'~obie',
'~oby',
'~octavius',
'~ode',
'~odell',
'~odey',
'~odie',
'~odo',
'~ody',
'~ogdan',
'~ogden',
'~ogdon',
'~olag',
'~olav',
'~ole',
'~olenolin',
'~olin',
'~oliver',
'~olivero',
'~olivier',
'~oliviero',
'~ollie',
'~olly',
'~olvan',
'~omar',
'~omero',
'~onfre',
'~onfroi',
'~onofredo',
'~oran',
'~orazio',
'~orbadiah',
'~oren',
'~orin',
'~orion',
'~orlan',
'~orland',
'~orlando',
'~orran',
'~orren',
'~orrin',
'~orson',
'~orton',
'~orv',
'~orville',
'~osbert',
'~osborn',
'~osborne',
'~osbourn',
'~osbourne',
'~osgood',
'~osmond',
'~osmund',
'~ossie',
'~oswald',
'~oswell',
'~otes',
'~othello',
'~otho',
'~otis',
'~otto',
'~owen',
'~ozzie',
'~ozzy',
'~pablo',
'~pace',
'~packston',
'~paco',
'~pacorro',
'~paddie',
'~paddy',
'~padget',
'~padgett',
'~padraic',
'~padraig',
'~padriac',
'~page',
'~paige',
'~pail',
'~pall',
'~palm',
'~palmer',
'~panchito',
'~pancho',
'~paolo',
'~papageno',
'~paquito',
'~park',
'~parke',
'~parker',
'~parnell',
'~parrnell',
'~parry',
'~parsifal',
'~pascal',
'~pascale',
'~pasquale',
'~pat',
'~pate',
'~paten',
'~patin',
'~paton',
'~patric',
'~patrice',
'~patricio',
'~patrick',
'~patrizio',
'~patrizius',
'~patsy',
'~patten',
'~pattie',
'~pattin',
'~patton',
'~patty',
'~paul',
'~paulie',
'~paulo',
'~pauly',
'~pavel',
'~pavlov',
'~paxon',
'~paxton',
'~payton',
'~peadar',
'~pearce',
'~pebrook',
'~peder',
'~pedro',
'~peirce',
'~pembroke',
'~pen',
'~penn',
'~pennie',
'~penny',
'~penrod',
'~pepe',
'~pepillo',
'~pepito',
'~perceval',
'~percival',
'~percy',
'~perice',
'~perkin',
'~pernell',
'~perren',
'~perry',
'~pete',
'~peter',
'~peterus',
'~petey',
'~petr',
'~peyter',
'~peyton',
'~phil',
'~philbert',
'~philip',
'~phillip',
'~phillipe',
'~phillipp',
'~phineas',
'~phip',
'~pierce',
'~pierre',
'~pierson',
'~pieter',
'~pietrek',
'~pietro',
'~piggy',
'~pincas',
'~pinchas',
'~pincus',
'~piotr',
'~pip',
'~pippo',
'~pooh',
'~port',
'~porter',
'~portie',
'~porty',
'~poul',
'~powell',
'~pren',
'~prent',
'~prentice',
'~prentiss',
'~prescott',
'~preston',
'~price',
'~prince',
'~prinz',
'~pryce',
'~puff',
'~purcell',
'~putnam',
'~putnem',
'~pyotr',
'~quent',
'~quentin',
'~quill',
'~quillan',
'~quincey',
'~quincy',
'~quinlan',
'~quinn',
'~quint',
'~quintin',
'~quinton',
'~quintus',
'~rab',
'~rabbi',
'~rabi',
'~rad',
'~radcliffe',
'~raddie',
'~raddy',
'~rafael',
'~rafaellle',
'~rafaello',
'~rafe',
'~raff',
'~raffaello',
'~raffarty',
'~rafferty',
'~rafi',
'~ragnar',
'~raimondo',
'~raimund',
'~raimundo',
'~rainer',
'~raleigh',
'~ralf',
'~ralph',
'~ram',
'~ramon',
'~ramsay',
'~ramsey',
'~rance',
'~rancell',
'~rand',
'~randal',
'~randall',
'~randell',
'~randi',
'~randie',
'~randolf',
'~randolph',
'~randy',
'~ransell',
'~ransom',
'~raoul',
'~raphael',
'~raul',
'~ravi',
'~ravid',
'~raviv',
'~rawley',
'~ray',
'~raymond',
'~raymund',
'~raynard',
'~rayner',
'~raynor',
'~read',
'~reade',
'~reagan',
'~reagen',
'~reamonn',
'~red',
'~redd',
'~redford',
'~reece',
'~reed',
'~rees',
'~reese',
'~reg',
'~regan',
'~regen',
'~reggie',
'~reggis',
'~reggy',
'~reginald',
'~reginauld',
'~reid',
'~reidar',
'~reider',
'~reilly',
'~reinald',
'~reinaldo',
'~reinaldos',
'~reinhard',
'~reinhold',
'~reinold',
'~reinwald',
'~rem',
'~remington',
'~remus',
'~renado',
'~renaldo',
'~renard',
'~renato',
'~renaud',
'~renault',
'~rene',
'~reube',
'~reuben',
'~reuven',
'~rex',
'~rey',
'~reynard',
'~reynold',
'~reynolds',
'~rhett',
'~rhys',
'~ric',
'~ricard',
'~ricardo',
'~riccardo',
'~rice',
'~rich',
'~richard',
'~richardo',
'~richart',
'~richie',
'~richmond',
'~richmound',
'~richy',
'~rick',
'~rickard',
'~rickert',
'~rickey',
'~ricki',
'~rickie',
'~ricky',
'~ricoriki',
'~rik',
'~rikki',
'~riley',
'~rinaldo',
'~ring',
'~ringo',
'~riobard',
'~riordan',
'~rip',
'~ripley',
'~ritchie',
'~roarke',
'~rob',
'~robb',
'~robbert',
'~robbie',
'~robby',
'~robers',
'~robert',
'~roberto',
'~robin',
'~robinet',
'~robinson',
'~rochester',
'~rock',
'~rockey',
'~rockie',
'~rockwell',
'~rocky',
'~rod',
'~rodd',
'~roddie',
'~roddy',
'~roderic',
'~roderich',
'~roderick',
'~roderigo',
'~rodge',
'~rodger',
'~rodney',
'~rodolfo',
'~rodolph',
'~rodolphe',
'~rodrick',
'~rodrigo',
'~rodrique',
'~rog',
'~roger',
'~rogerio',
'~rogers',
'~roi',
'~roland',
'~rolando',
'~roldan',
'~roley',
'~rolf',
'~rolfe',
'~rolland',
'~rollie',
'~rollin',
'~rollins',
'~rollo',
'~rolph',
'~roma',
'~romain',
'~roman',
'~romeo',
'~ron',
'~ronald',
'~ronnie',
'~ronny',
'~rooney',
'~roosevelt',
'~rorke',
'~rory',
'~rosco',
'~roscoe',
'~ross',
'~rossie',
'~rossy',
'~roth',
'~rourke',
'~rouvin',
'~rowan',
'~rowen',
'~rowland',
'~rowney',
'~roy',
'~royal',
'~royall',
'~royce',
'~rriocard',
'~rube',
'~ruben',
'~rubin',
'~ruby',
'~rudd',
'~ruddie',
'~ruddy',
'~rudie',
'~rudiger',
'~rudolf',
'~rudolfo',
'~rudolph',
'~rudy',
'~rudyard',
'~rufe',
'~rufus',
'~ruggiero',
'~rupert',
'~ruperto',
'~ruprecht',
'~rurik',
'~russ',
'~russell',
'~rustie',
'~rustin',
'~rusty',
'~rutger',
'~rutherford',
'~rutledge',
'~rutter',
'~ruttger',
'~ruy',
'~ryan',
'~ryley',
'~ryon',
'~ryun',
'~sal',
'~saleem',
'~salem',
'~salim',
'~salmon',
'~salomo',
'~salomon',
'~salomone',
'~salvador',
'~salvatore',
'~salvidor',
'~sam',
'~sammie',
'~sammy',
'~sampson',
'~samson',
'~samuel',
'~samuele',
'~sancho',
'~sander',
'~sanders',
'~sanderson',
'~sandor',
'~sandro',
'~sandy',
'~sanford',
'~sanson',
'~sansone',
'~sarge',
'~sargent',
'~sascha',
'~sasha',
'~saul',
'~sauncho',
'~saunder',
'~saunders',
'~saunderson',
'~saundra',
'~sauveur',
'~saw',
'~sawyer',
'~sawyere',
'~sax',
'~saxe',
'~saxon',
'~say',
'~sayer',
'~sayers',
'~sayre',
'~sayres',
'~scarface',
'~schuyler',
'~scot',
'~scott',
'~scotti',
'~scottie',
'~scotty',
'~seamus',
'~sean',
'~sebastian',
'~sebastiano',
'~sebastien',
'~see',
'~selby',
'~selig',
'~serge',
'~sergeant',
'~sergei',
'~sergent',
'~sergio',
'~seth',
'~seumas',
'~seward',
'~seymour',
'~shadow',
'~shae',
'~shaine',
'~shalom',
'~shamus',
'~shanan',
'~shane',
'~shannan',
'~shannon',
'~shaughn',
'~shaun',
'~shaw',
'~shawn',
'~shay',
'~shayne',
'~shea',
'~sheff',
'~sheffie',
'~sheffield',
'~sheffy',
'~shelby',
'~shelden',
'~shell',
'~shelley',
'~shellysheldon',
'~shelton',
'~shem',
'~shep',
'~shepard',
'~shepherd',
'~sheppard',
'~shepperd',
'~sheridan',
'~sherlock',
'~sherlocke',
'~sherm',
'~sherman',
'~shermie',
'~shermy',
'~sherwin',
'~sherwood',
'~sherwynd',
'~sholom',
'~shurlock',
'~shurlocke',
'~shurwood',
'~si',
'~sibyl',
'~sid',
'~sidnee',
'~sidney',
'~siegfried',
'~siffre',
'~sig',
'~sigfrid',
'~sigfried',
'~sigismond',
'~sigismondo',
'~sigismund',
'~sigismundo',
'~sigmund',
'~sigvard',
'~silas',
'~silvain',
'~silvan',
'~silvano',
'~silvanus',
'~silvester',
'~silvio',
'~sim',
'~simeon',
'~simmonds',
'~simon',
'~simone',
'~sinclair',
'~sinclare',
'~siward',
'~skell',
'~skelly',
'~skip',
'~skipp',
'~skipper',
'~skippie',
'~skippy',
'~skipton',
'~sky',
'~skye',
'~skylar',
'~skyler',
'~slade',
'~sloan',
'~sloane',
'~sly',
'~smith',
'~smitty',
'~sol',
'~sollie',
'~solly',
'~solomon',
'~somerset',
'~son',
'~sonnie',
'~sonny',
'~spence',
'~spencer',
'~spense',
'~spenser',
'~spike',
'~stacee',
'~stacy',
'~staffard',
'~stafford',
'~staford',
'~stan',
'~standford',
'~stanfield',
'~stanford',
'~stanislas',
'~stanislaus',
'~stanislaw',
'~stanleigh',
'~stanley',
'~stanly',
'~stanton',
'~stanwood',
'~stavro',
'~stavros',
'~stearn',
'~stearne',
'~stefan',
'~stefano',
'~steffen',
'~stephan',
'~stephanus',
'~stephen',
'~sterling',
'~stern',
'~sterne',
'~steve',
'~steven',
'~stevie',
'~stevy',
'~steward',
'~stewart',
'~stillman',
'~stillmann',
'~stinky',
'~stirling',
'~stu',
'~stuart',
'~sullivan',
'~sully',
'~sumner',
'~sunny',
'~sutherlan',
'~sutherland',
'~sutton',
'~sven',
'~svend',
'~swen',
'~syd',
'~sydney',
'~sylas',
'~sylvan',
'~sylvester',
'~syman',
'~symon',
'~tab',
'~tabb',
'~tabbie',
'~tabby',
'~taber',
'~tabor',
'~tad',
'~tadd',
'~taddeo',
'~taddeusz',
'~tadeas',
'~tadeo',
'~tades',
'~tadio',
'~tailor',
'~tait',
'~taite',
'~talbert',
'~talbot',
'~tallie',
'~tally',
'~tam',
'~tamas',
'~tammie',
'~tammy',
'~tan',
'~tann',
'~tanner',
'~tanney',
'~tannie',
'~tanny',
'~tarrance',
'~tate',
'~taylor',
'~teador',
'~ted',
'~tedd',
'~teddie',
'~teddy',
'~tedie',
'~tedman',
'~tedmund',
'~temp',
'~temple',
'~templeton',
'~teodoor',
'~teodor',
'~teodorico',
'~teodoro',
'~terence',
'~terencio',
'~terrance',
'~terrel',
'~terrell',
'~terrence',
'~terri',
'~terrill',
'~terry',
'~thacher',
'~thaddeus',
'~thaddus',
'~thadeus',
'~thain',
'~thaine',
'~thane',
'~thatch',
'~thatcher',
'~thaxter',
'~thayne',
'~thebault',
'~thedric',
'~thedrick',
'~theo',
'~theobald',
'~theodor',
'~theodore',
'~theodoric',
'~thibaud',
'~thibaut',
'~thom',
'~thoma',
'~thomas',
'~thor',
'~thorin',
'~thorn',
'~thorndike',
'~thornie',
'~thornton',
'~thorny',
'~thorpe',
'~thorstein',
'~thorsten',
'~thorvald',
'~thurstan',
'~thurston',
'~tibold',
'~tiebold',
'~tiebout',
'~tiler',
'~tim',
'~timmie',
'~timmy',
'~timofei',
'~timoteo',
'~timothee',
'~timotheus',
'~timothy',
'~tirrell',
'~tito',
'~titos',
'~titus',
'~tobe',
'~tobiah',
'~tobias',
'~tobie',
'~tobin',
'~tobit',
'~toby',
'~tod',
'~todd',
'~toddie',
'~toddy',
'~toiboid',
'~tom',
'~tomas',
'~tomaso',
'~tome',
'~tomkin',
'~tomlin',
'~tommie',
'~tommy',
'~tonnie',
'~tony',
'~tore',
'~torey',
'~torin',
'~torr',
'~torrance',
'~torre',
'~torrence',
'~torrey',
'~torrin',
'~torry',
'~town',
'~towney',
'~townie',
'~townsend',
'~towny',
'~trace',
'~tracey',
'~tracie',
'~tracy',
'~traver',
'~travers',
'~travis',
'~travus',
'~trefor',
'~tremain',
'~tremaine',
'~tremayne',
'~trent',
'~trenton',
'~trev',
'~trevar',
'~trever',
'~trevor',
'~trey',
'~trip',
'~tripp',
'~tris',
'~tristam',
'~tristan',
'~troy',
'~trstram',
'~trueman',
'~trumaine',
'~truman',
'~trumann',
'~tuck',
'~tucker',
'~tuckie',
'~tucky',
'~tudor',
'~tull',
'~tulley',
'~tully',
'~turner',
'~ty',
'~tybalt',
'~tye',
'~tyler',
'~tymon',
'~tymothy',
'~tynan',
'~tyrone',
'~tyrus',
'~tyson',
'~udale',
'~udall',
'~udell',
'~ugo',
'~ulberto',
'~ulick',
'~ulises',
'~ulric',
'~ulrich',
'~ulrick',
'~ulysses',
'~umberto',
'~upton',
'~urbain',
'~urban',
'~urbano',
'~urbanus',
'~uri',
'~uriah',
'~uriel',
'~urson',
'~vachel',
'~vaclav',
'~vail',
'~val',
'~valdemar',
'~vale',
'~valentijn',
'~valentin',
'~valentine',
'~valentino',
'~valle',
'~van',
'~vance',
'~vanya',
'~vasili',
'~vasilis',
'~vasily',
'~vassili',
'~vassily',
'~vaughan',
'~vaughn',
'~verge',
'~vergil',
'~vern',
'~verne',
'~vernen',
'~verney',
'~vernon',
'~vernor',
'~vic',
'~vick',
'~victoir',
'~victor',
'~vidovic',
'~vidovik',
'~vin',
'~vince',
'~vincent',
'~vincents',
'~vincenty',
'~vincenz',
'~vinnie',
'~vinny',
'~vinson',
'~virge',
'~virgie',
'~virgil',
'~virgilio',
'~vite',
'~vito',
'~vittorio',
'~vlad',
'~vladamir',
'~vladimir',
'~von',
'~wade',
'~wadsworth',
'~wain',
'~wainwright',
'~wait',
'~waite',
'~waiter',
'~wake',
'~wakefield',
'~wald',
'~waldemar',
'~walden',
'~waldo',
'~waldon',
'~walker',
'~wallace',
'~wallache',
'~wallas',
'~wallie',
'~wallis',
'~wally',
'~walsh',
'~walt',
'~walther',
'~walton',
'~wang',
'~ward',
'~warde',
'~warden',
'~ware',
'~waring',
'~warner',
'~warren',
'~wash',
'~washington',
'~wat',
'~waverley',
'~waverly',
'~way',
'~waylan',
'~wayland',
'~waylen',
'~waylin',
'~waylon',
'~wayne',
'~web',
'~webb',
'~weber',
'~webster',
'~weidar',
'~weider',
'~welbie',
'~welby',
'~welch',
'~wells',
'~welsh',
'~wendall',
'~wendel',
'~wendell',
'~werner',
'~wernher',
'~wes',
'~wesley',
'~west',
'~westbrook',
'~westbrooke',
'~westleigh',
'~westley',
'~weston',
'~weylin',
'~wheeler',
'~whit',
'~whitaker',
'~whitby',
'~whitman',
'~whitney',
'~whittaker',
'~wiatt',
'~wilbert',
'~wilbur',
'~wilburt',
'~wilden',
'~wildon',
'~wilek',
'~wiley',
'~wilfred',
'~wilfrid',
'~wilhelm',
'~will',
'~willard',
'~willdon',
'~willem',
'~willey',
'~willi',
'~william',
'~willie',
'~willis',
'~willy',
'~wilmar',
'~wilmer',
'~wilt',
'~wilton',
'~win',
'~windham',
'~winfield',
'~winfred',
'~winifield',
'~winn',
'~winnie',
'~winny',
'~winslow',
'~winston',
'~winthrop',
'~wit',
'~wittie',
'~witty',
'~wolf',
'~wolfgang',
'~wolfie',
'~wolfy',
'~wood',
'~woodie',
'~woodman',
'~woodrow',
'~woody',
'~worden',
'~worth',
'~worthington',
'~worthy',
'~wright',
'~wyatan',
'~wyatt',
'~wye',
'~wylie',
'~wyn',
'~wyndham',
'~wynn',
'~xavier',
'~xenos',
'~xerxes',
'~xever',
'~ximenes',
'~ximenez',
'~xymenes',
'~yale',
'~yanaton',
'~yance',
'~yancey',
'~yancy',
'~yank',
'~yankee',
'~yard',
'~yardley',
'~yehudi',
'~yehudit',
'~yorgo',
'~yorgos',
'~york',
'~yorke',
'~yorker',
'~yul',
'~yule',
'~yulma',
'~yuma',
'~yuri',
'~yurik',
'~yves',
'~yvon',
'~yvor',
'~zaccaria',
'~zach',
'~zacharia',
'~zachariah',
'~zacharias',
'~zacharie',
'~zachary',
'~zacherie',
'~zachery',
'~zack',
'~zackariah',
'~zak',
'~zane',
'~zared',
'~zeb',
'~zebadiah',
'~zebedee',
'~zebulen',
'~zebulon',
'~zechariah',
'~zed',
'~zedekiah',
'~zeke',
'~zelig',
'~zerk',
'~zollie',
'~zolly',
'~aaren',
'~aarika',
'~abagael',
'~abagail',
'~abbe',
'~abbey',
'~abbi',
'~abbie',
'~abby',
'~abbye',
'~abigael',
'~abigail',
'~abigale',
'~abra',
'~ada',
'~adah',
'~adaline',
'~adan',
'~adara',
'~adda',
'~addi',
'~addia',
'~addie',
'~addy',
'~adel',
'~adela',
'~adelaida',
'~adelaide',
'~adele',
'~adelheid',
'~adelice',
'~adelina',
'~adelind',
'~adeline',
'~adella',
'~adelle',
'~adena',
'~adey',
'~adi',
'~adiana',
'~adina',
'~adora',
'~adore',
'~adoree',
'~adorne',
'~adrea',
'~adria',
'~adriaens',
'~adrian',
'~adriana',
'~adriane',
'~adrianna',
'~adrianne',
'~adriena',
'~adrienne',
'~aeriel',
'~aeriela',
'~aeriell',
'~afton',
'~ag',
'~agace',
'~agata',
'~agatha',
'~agathe',
'~aggi',
'~aggie',
'~aggy',
'~agna',
'~agnella',
'~agnes',
'~agnese',
'~agnesse',
'~agneta',
'~agnola',
'~agretha',
'~aida',
'~aidan',
'~aigneis',
'~aila',
'~aile',
'~ailee',
'~aileen',
'~ailene',
'~ailey',
'~aili',
'~ailina',
'~ailis',
'~ailsun',
'~ailyn',
'~aime',
'~aimee',
'~aimil',
'~aindrea',
'~ainslee',
'~ainsley',
'~ainslie',
'~ajay',
'~alaine',
'~alameda',
'~alana',
'~alanah',
'~alane',
'~alanna',
'~alayne',
'~alberta',
'~albertina',
'~albertine',
'~albina',
'~alecia',
'~aleda',
'~aleece',
'~aleen',
'~alejandra',
'~alejandrina',
'~alena',
'~alene',
'~alessandra',
'~aleta',
'~alethea',
'~alex',
'~alexa',
'~alexandra',
'~alexandrina',
'~alexi',
'~alexia',
'~alexina',
'~alexine',
'~alexis',
'~alfi',
'~alfie',
'~alfreda',
'~alfy',
'~ali',
'~alia',
'~alica',
'~alice',
'~alicea',
'~alicia',
'~alida',
'~alidia',
'~alie',
'~alika',
'~alikee',
'~alina',
'~aline',
'~alis',
'~alisa',
'~alisha',
'~alison',
'~alissa',
'~alisun',
'~alix',
'~aliza',
'~alla',
'~alleen',
'~allegra',
'~allene',
'~alli',
'~allianora',
'~allie',
'~allina',
'~allis',
'~allison',
'~allissa',
'~allix',
'~allsun',
'~allx',
'~ally',
'~allyce',
'~allyn',
'~allys',
'~allyson',
'~alma',
'~almeda',
'~almeria',
'~almeta',
'~almira',
'~almire',
'~aloise',
'~aloisia',
'~aloysia',
'~alta',
'~althea',
'~alvera',
'~alverta',
'~alvina',
'~alvinia',
'~alvira',
'~alyce',
'~alyda',
'~alys',
'~alysa',
'~alyse',
'~alysia',
'~alyson',
'~alyss',
'~alyssa',
'~amabel',
'~amabelle',
'~amalea',
'~amalee',
'~amaleta',
'~amalia',
'~amalie',
'~amalita',
'~amalle',
'~amanda',
'~amandi',
'~amandie',
'~amandy',
'~amara',
'~amargo',
'~amata',
'~amber',
'~amberly',
'~ambur',
'~ame',
'~amelia',
'~amelie',
'~amelina',
'~ameline',
'~amelita',
'~ami',
'~amie',
'~amii',
'~amil',
'~amitie',
'~amity',
'~ammamaria',
'~amy',
'~amye',
'~ana',
'~anabal',
'~anabel',
'~anabella',
'~anabelle',
'~analiese',
'~analise',
'~anallese',
'~anallise',
'~anastasia',
'~anastasie',
'~anastassia',
'~anatola',
'~andee',
'~andeee',
'~anderea',
'~andi',
'~andie',
'~andra',
'~andrea',
'~andreana',
'~andree',
'~andrei',
'~andria',
'~andriana',
'~andriette',
'~andromache',
'~andy',
'~anestassia',
'~anet',
'~anett',
'~anetta',
'~anette',
'~ange',
'~angel',
'~angela',
'~angele',
'~angelia',
'~angelica',
'~angelika',
'~angelina',
'~angeline',
'~angelique',
'~angelita',
'~angelle',
'~angie',
'~angil',
'~angy',
'~ania',
'~anica',
'~anissa',
'~anita',
'~anitra',
'~anjanette',
'~anjela',
'~ann',
'~ann-marie',
'~anna',
'~anna-diana',
'~anna-diane',
'~anna-maria',
'~annabal',
'~annabel',
'~annabela',
'~annabell',
'~annabella',
'~annabelle',
'~annadiana',
'~annadiane',
'~annalee',
'~annaliese',
'~annalise',
'~annamaria',
'~annamarie',
'~anne',
'~anne-corinne',
'~anne-marie',
'~annecorinne',
'~anneliese',
'~annelise',
'~annemarie',
'~annetta',
'~annette',
'~anni',
'~annice',
'~annie',
'~annis',
'~annissa',
'~annmaria',
'~annmarie',
'~annnora',
'~annora',
'~anny',
'~anselma',
'~ansley',
'~anstice',
'~anthe',
'~anthea',
'~anthia',
'~anthiathia',
'~antoinette',
'~antonella',
'~antonetta',
'~antonia',
'~antonie',
'~antonietta',
'~antonina',
'~anya',
'~appolonia',
'~april',
'~aprilette',
'~ara',
'~arabel',
'~arabela',
'~arabele',
'~arabella',
'~arabelle',
'~arda',
'~ardath',
'~ardeen',
'~ardelia',
'~ardelis',
'~ardella',
'~ardelle',
'~arden',
'~ardene',
'~ardenia',
'~ardine',
'~ardis',
'~ardisj',
'~ardith',
'~ardra',
'~ardyce',
'~ardys',
'~ardyth',
'~aretha',
'~ariadne',
'~ariana',
'~aridatha',
'~ariel',
'~ariela',
'~ariella',
'~arielle',
'~arlana',
'~arlee',
'~arleen',
'~arlen',
'~arlena',
'~arlene',
'~arleta',
'~arlette',
'~arleyne',
'~arlie',
'~arliene',
'~arlina',
'~arlinda',
'~arline',
'~arluene',
'~arly',
'~arlyn',
'~arlyne',
'~aryn',
'~ashely',
'~ashia',
'~ashien',
'~ashil',
'~ashla',
'~ashlan',
'~ashlee',
'~ashleigh',
'~ashlen',
'~ashley',
'~ashli',
'~ashlie',
'~ashly',
'~asia',
'~astra',
'~astrid',
'~astrix',
'~atalanta',
'~athena',
'~athene',
'~atlanta',
'~atlante',
'~auberta',
'~aubine',
'~aubree',
'~aubrette',
'~aubrey',
'~aubrie',
'~aubry',
'~audi',
'~audie',
'~audra',
'~audre',
'~audrey',
'~audrie',
'~audry',
'~audrye',
'~audy',
'~augusta',
'~auguste',
'~augustina',
'~augustine',
'~aundrea',
'~aura',
'~aurea',
'~aurel',
'~aurelea',
'~aurelia',
'~aurelie',
'~auria',
'~aurie',
'~aurilia',
'~aurlie',
'~auroora',
'~aurora',
'~aurore',
'~austin',
'~austina',
'~austine',
'~ava',
'~aveline',
'~averil',
'~averyl',
'~avie',
'~avis',
'~aviva',
'~avivah',
'~avril',
'~avrit',
'~ayn',
'~bab',
'~babara',
'~babb',
'~babbette',
'~babbie',
'~babette',
'~babita',
'~babs',
'~bambi',
'~bambie',
'~bamby',
'~barb',
'~barbabra',
'~barbara',
'~barbara-anne',
'~barbaraanne',
'~barbe',
'~barbee',
'~barbette',
'~barbey',
'~barbi',
'~barbie',
'~barbra',
'~barby',
'~bari',
'~barrie',
'~barry',
'~basia',
'~bathsheba',
'~batsheva',
'~bea',
'~beatrice',
'~beatrisa',
'~beatrix',
'~beatriz',
'~bebe',
'~becca',
'~becka',
'~becki',
'~beckie',
'~becky',
'~bee',
'~beilul',
'~beitris',
'~bekki',
'~bel',
'~belia',
'~belicia',
'~belinda',
'~belita',
'~bell',
'~bella',
'~bellanca',
'~belle',
'~bellina',
'~belva',
'~belvia',
'~bendite',
'~benedetta',
'~benedicta',
'~benedikta',
'~benetta',
'~benita',
'~benni',
'~bennie',
'~benny',
'~benoite',
'~berenice',
'~beret',
'~berget',
'~berna',
'~bernadene',
'~bernadette',
'~bernadina',
'~bernadine',
'~bernardina',
'~bernardine',
'~bernelle',
'~bernete',
'~bernetta',
'~bernette',
'~berni',
'~bernice',
'~bernie',
'~bernita',
'~berny',
'~berri',
'~berrie',
'~berry',
'~bert',
'~berta',
'~berte',
'~bertha',
'~berthe',
'~berti',
'~bertie',
'~bertina',
'~bertine',
'~berty',
'~beryl',
'~beryle',
'~bess',
'~bessie',
'~bessy',
'~beth',
'~bethanne',
'~bethany',
'~bethena',
'~bethina',
'~betsey',
'~betsy',
'~betta',
'~bette',
'~bette-ann',
'~betteann',
'~betteanne',
'~betti',
'~bettina',
'~bettine',
'~betty',
'~bettye',
'~beulah',
'~bev',
'~beverie',
'~beverlee',
'~beverley',
'~beverlie',
'~beverly',
'~bevvy',
'~bianca',
'~bianka',
'~bibbie',
'~bibby',
'~bibbye',
'~bibi',
'~biddie',
'~biddy',
'~bidget',
'~bili',
'~bill',
'~billi',
'~billie',
'~billy',
'~billye',
'~binni',
'~binnie',
'~binny',
'~bird',
'~birdie',
'~birgit',
'~birgitta',
'~blair',
'~blaire',
'~blake',
'~blakelee',
'~blakeley',
'~blanca',
'~blanch',
'~blancha',
'~blanche',
'~blinni',
'~blinnie',
'~blinny',
'~bliss',
'~blisse',
'~blithe',
'~blondell',
'~blondelle',
'~blondie',
'~blondy',
'~blythe',
'~bobbe',
'~bobbee',
'~bobbette',
'~bobbi',
'~bobbie',
'~bobby',
'~bobbye',
'~bobette',
'~bobina',
'~bobine',
'~bobinette',
'~bonita',
'~bonnee',
'~bonni',
'~bonnibelle',
'~bonnie',
'~bonny',
'~brana',
'~brandais',
'~brande',
'~brandea',
'~brandi',
'~brandice',
'~brandie',
'~brandise',
'~brandy',
'~breanne',
'~brear',
'~bree',
'~breena',
'~bren',
'~brena',
'~brenda',
'~brenn',
'~brenna',
'~brett',
'~bria',
'~briana',
'~brianna',
'~brianne',
'~bride',
'~bridget',
'~bridgette',
'~bridie',
'~brier',
'~brietta',
'~brigid',
'~brigida',
'~brigit',
'~brigitta',
'~brigitte',
'~brina',
'~briney',
'~brinn',
'~brinna',
'~briny',
'~brit',
'~brita',
'~britney',
'~britni',
'~britt',
'~britta',
'~brittan',
'~brittaney',
'~brittani',
'~brittany',
'~britte',
'~britteny',
'~brittne',
'~brittney',
'~brittni',
'~brook',
'~brooke',
'~brooks',
'~brunhilda',
'~brunhilde',
'~bryana',
'~bryn',
'~bryna',
'~brynn',
'~brynna',
'~brynne',
'~buffy',
'~bunni',
'~bunnie',
'~bunny',
'~cacilia',
'~cacilie',
'~cahra',
'~cairistiona',
'~caitlin',
'~caitrin',
'~cal',
'~calida',
'~calla',
'~calley',
'~calli',
'~callida',
'~callie',
'~cally',
'~calypso',
'~cam',
'~camala',
'~camel',
'~camella',
'~camellia',
'~cami',
'~camila',
'~camile',
'~camilla',
'~camille',
'~cammi',
'~cammie',
'~cammy',
'~candace',
'~candi',
'~candice',
'~candida',
'~candide',
'~candie',
'~candis',
'~candra',
'~candy',
'~caprice',
'~cara',
'~caralie',
'~caren',
'~carena',
'~caresa',
'~caressa',
'~caresse',
'~carey',
'~cari',
'~caria',
'~carie',
'~caril',
'~carilyn',
'~carin',
'~carina',
'~carine',
'~cariotta',
'~carissa',
'~carita',
'~caritta',
'~carla',
'~carlee',
'~carleen',
'~carlen',
'~carlene',
'~carley',
'~carlie',
'~carlin',
'~carlina',
'~carline',
'~carlita',
'~carlota',
'~carlotta',
'~carly',
'~carlye',
'~carlyn',
'~carlynn',
'~carlynne',
'~carma',
'~carmel',
'~carmela',
'~carmelia',
'~carmelina',
'~carmelita',
'~carmella',
'~carmelle',
'~carmen',
'~carmencita',
'~carmina',
'~carmine',
'~carmita',
'~carmon',
'~caro',
'~carol',
'~carol-jean',
'~carola',
'~carolan',
'~carolann',
'~carole',
'~carolee',
'~carolin',
'~carolina',
'~caroline',
'~caroljean',
'~carolyn',
'~carolyne',
'~carolynn',
'~caron',
'~carree',
'~carri',
'~carrie',
'~carrissa',
'~carroll',
'~carry',
'~cary',
'~caryl',
'~caryn',
'~casandra',
'~casey',
'~casi',
'~casie',
'~cass',
'~cassandra',
'~cassandre',
'~cassandry',
'~cassaundra',
'~cassey',
'~cassi',
'~cassie',
'~cassondra',
'~cassy',
'~catarina',
'~cate',
'~caterina',
'~catha',
'~catharina',
'~catharine',
'~cathe',
'~cathee',
'~catherin',
'~catherina',
'~catherine',
'~cathi',
'~cathie',
'~cathleen',
'~cathlene',
'~cathrin',
'~cathrine',
'~cathryn',
'~cathy',
'~cathyleen',
'~cati',
'~catie',
'~catina',
'~catlaina',
'~catlee',
'~catlin',
'~catrina',
'~catriona',
'~caty',
'~caye',
'~cayla',
'~cecelia',
'~cecil',
'~cecile',
'~ceciley',
'~cecilia',
'~cecilla',
'~cecily',
'~ceil',
'~cele',
'~celene',
'~celesta',
'~celeste',
'~celestia',
'~celestina',
'~celestine',
'~celestyn',
'~celestyna',
'~celia',
'~celie',
'~celina',
'~celinda',
'~celine',
'~celinka',
'~celisse',
'~celka',
'~celle',
'~cesya',
'~chad',
'~chanda',
'~chandal',
'~chandra',
'~channa',
'~chantal',
'~chantalle',
'~charil',
'~charin',
'~charis',
'~charissa',
'~charisse',
'~charita',
'~charity',
'~charla',
'~charlean',
'~charleen',
'~charlena',
'~charlene',
'~charline',
'~charlot',
'~charlotta',
'~charlotte',
'~charmain',
'~charmaine',
'~charmane',
'~charmian',
'~charmine',
'~charmion',
'~charo',
'~charyl',
'~chastity',
'~chelsae',
'~chelsea',
'~chelsey',
'~chelsie',
'~chelsy',
'~cher',
'~chere',
'~cherey',
'~cheri',
'~cherianne',
'~cherice',
'~cherida',
'~cherie',
'~cherilyn',
'~cherilynn',
'~cherin',
'~cherise',
'~cherish',
'~cherlyn',
'~cherri',
'~cherrita',
'~cherry',
'~chery',
'~cherye',
'~cheryl',
'~cheslie',
'~chiarra',
'~chickie',
'~chicky',
'~chiquia',
'~chiquita',
'~chlo',
'~chloe',
'~chloette',
'~chloris',
'~chris',
'~chrissie',
'~chrissy',
'~christa',
'~christabel',
'~christabella',
'~christal',
'~christalle',
'~christan',
'~christean',
'~christel',
'~christen',
'~christi',
'~christian',
'~christiana',
'~christiane',
'~christie',
'~christin',
'~christina',
'~christine',
'~christy',
'~christye',
'~christyna',
'~chrysa',
'~chrysler',
'~chrystal',
'~chryste',
'~chrystel',
'~cicely',
'~cicily',
'~ciel',
'~cilka',
'~cinda',
'~cindee',
'~cindelyn',
'~cinderella',
'~cindi',
'~cindie',
'~cindra',
'~cindy',
'~cinnamon',
'~cissiee',
'~cissy',
'~clair',
'~claire',
'~clara',
'~clarabelle',
'~clare',
'~claresta',
'~clareta',
'~claretta',
'~clarette',
'~clarey',
'~clari',
'~claribel',
'~clarice',
'~clarie',
'~clarinda',
'~clarine',
'~clarissa',
'~clarisse',
'~clarita',
'~clary',
'~claude',
'~claudelle',
'~claudetta',
'~claudette',
'~claudia',
'~claudie',
'~claudina',
'~claudine',
'~clea',
'~clem',
'~clemence',
'~clementia',
'~clementina',
'~clementine',
'~clemmie',
'~clemmy',
'~cleo',
'~cleopatra',
'~clerissa',
'~clio',
'~clo',
'~cloe',
'~cloris',
'~clotilda',
'~clovis',
'~codee',
'~codi',
'~codie',
'~cody',
'~coleen',
'~colene',
'~coletta',
'~colette',
'~colleen',
'~collen',
'~collete',
'~collette',
'~collie',
'~colline',
'~colly',
'~con',
'~concettina',
'~conchita',
'~concordia',
'~conni',
'~connie',
'~conny',
'~consolata',
'~constance',
'~constancia',
'~constancy',
'~constanta',
'~constantia',
'~constantina',
'~constantine',
'~consuela',
'~consuelo',
'~cookie',
'~cora',
'~corabel',
'~corabella',
'~corabelle',
'~coral',
'~coralie',
'~coraline',
'~coralyn',
'~cordelia',
'~cordelie',
'~cordey',
'~cordi',
'~cordie',
'~cordula',
'~cordy',
'~coreen',
'~corella',
'~corena',
'~corenda',
'~corene',
'~coretta',
'~corette',
'~corey',
'~cori',
'~corie',
'~corilla',
'~corina',
'~corine',
'~corinna',
'~corinne',
'~coriss',
'~corissa',
'~corliss',
'~corly',
'~cornela',
'~cornelia',
'~cornelle',
'~cornie',
'~corny',
'~correna',
'~correy',
'~corri',
'~corrianne',
'~corrie',
'~corrina',
'~corrine',
'~corrinne',
'~corry',
'~cortney',
'~cory',
'~cosetta',
'~cosette',
'~costanza',
'~courtenay',
'~courtnay',
'~courtney',
'~crin',
'~cris',
'~crissie',
'~crissy',
'~crista',
'~cristabel',
'~cristal',
'~cristen',
'~cristi',
'~cristie',
'~cristin',
'~cristina',
'~cristine',
'~cristionna',
'~cristy',
'~crysta',
'~crystal',
'~crystie',
'~cthrine',
'~cyb',
'~cybil',
'~cybill',
'~cymbre',
'~cynde',
'~cyndi',
'~cyndia',
'~cyndie',
'~cyndy',
'~cynthea',
'~cynthia',
'~cynthie',
'~cynthy',
'~dacey',
'~dacia',
'~dacie',
'~dacy',
'~dael',
'~daffi',
'~daffie',
'~daffy',
'~dagmar',
'~dahlia',
'~daile',
'~daisey',
'~daisi',
'~daisie',
'~daisy',
'~dale',
'~dalenna',
'~dalia',
'~dalila',
'~dallas',
'~daloris',
'~damara',
'~damaris',
'~damita',
'~dana',
'~danell',
'~danella',
'~danette',
'~dani',
'~dania',
'~danica',
'~danice',
'~daniela',
'~daniele',
'~daniella',
'~danielle',
'~danika',
'~danila',
'~danit',
'~danita',
'~danna',
'~danni',
'~dannie',
'~danny',
'~dannye',
'~danya',
'~danyelle',
'~danyette',
'~daphene',
'~daphna',
'~daphne',
'~dara',
'~darb',
'~darbie',
'~darby',
'~darcee',
'~darcey',
'~darci',
'~darcie',
'~darcy',
'~darda',
'~dareen',
'~darell',
'~darelle',
'~dari',
'~daria',
'~darice',
'~darla',
'~darleen',
'~darlene',
'~darline',
'~darlleen',
'~daron',
'~darrelle',
'~darryl',
'~darsey',
'~darsie',
'~darya',
'~daryl',
'~daryn',
'~dasha',
'~dasi',
'~dasie',
'~dasya',
'~datha',
'~daune',
'~daveen',
'~daveta',
'~davida',
'~davina',
'~davine',
'~davita',
'~dawn',
'~dawna',
'~dayle',
'~dayna',
'~ddene',
'~de',
'~deana',
'~deane',
'~deanna',
'~deanne',
'~deb',
'~debbi',
'~debbie',
'~debby',
'~debee',
'~debera',
'~debi',
'~debor',
'~debora',
'~deborah',
'~debra',
'~dede',
'~dedie',
'~dedra',
'~dee',
'~deeann',
'~deeanne',
'~deedee',
'~deena',
'~deerdre',
'~deeyn',
'~dehlia',
'~deidre',
'~deina',
'~deirdre',
'~del',
'~dela',
'~delcina',
'~delcine',
'~delia',
'~delila',
'~delilah',
'~delinda',
'~dell',
'~della',
'~delly',
'~delora',
'~delores',
'~deloria',
'~deloris',
'~delphine',
'~delphinia',
'~demeter',
'~demetra',
'~demetria',
'~demetris',
'~dena',
'~deni',
'~denice',
'~denise',
'~denna',
'~denni',
'~dennie',
'~denny',
'~deny',
'~denys',
'~denyse',
'~deonne',
'~desdemona',
'~desirae',
'~desiree',
'~desiri',
'~deva',
'~devan',
'~devi',
'~devin',
'~devina',
'~devinne',
'~devon',
'~devondra',
'~devonna',
'~devonne',
'~devora',
'~di',
'~diahann',
'~dian',
'~diana',
'~diandra',
'~diane',
'~diane-marie',
'~dianemarie',
'~diann',
'~dianna',
'~dianne',
'~diannne',
'~didi',
'~dido',
'~diena',
'~dierdre',
'~dina',
'~dinah',
'~dinnie',
'~dinny',
'~dion',
'~dione',
'~dionis',
'~dionne',
'~dita',
'~dix',
'~dixie',
'~dniren',
'~dode',
'~dodi',
'~dodie',
'~dody',
'~doe',
'~doll',
'~dolley',
'~dolli',
'~dollie',
'~dolly',
'~dolores',
'~dolorita',
'~doloritas',
'~domeniga',
'~dominga',
'~domini',
'~dominica',
'~dominique',
'~dona',
'~donella',
'~donelle',
'~donetta',
'~donia',
'~donica',
'~donielle',
'~donna',
'~donnajean',
'~donnamarie',
'~donni',
'~donnie',
'~donny',
'~dora',
'~doralia',
'~doralin',
'~doralyn',
'~doralynn',
'~doralynne',
'~dore',
'~doreen',
'~dorelia',
'~dorella',
'~dorelle',
'~dorena',
'~dorene',
'~doretta',
'~dorette',
'~dorey',
'~dori',
'~doria',
'~dorian',
'~dorice',
'~dorie',
'~dorine',
'~doris',
'~dorisa',
'~dorise',
'~dorita',
'~doro',
'~dorolice',
'~dorolisa',
'~dorotea',
'~doroteya',
'~dorothea',
'~dorothee',
'~dorothy',
'~dorree',
'~dorri',
'~dorrie',
'~dorris',
'~dorry',
'~dorthea',
'~dorthy',
'~dory',
'~dosi',
'~dot',
'~doti',
'~dotti',
'~dottie',
'~dotty',
'~dre',
'~dreddy',
'~dredi',
'~drona',
'~dru',
'~druci',
'~drucie',
'~drucill',
'~drucy',
'~drusi',
'~drusie',
'~drusilla',
'~drusy',
'~dulce',
'~dulcea',
'~dulci',
'~dulcia',
'~dulciana',
'~dulcie',
'~dulcine',
'~dulcinea',
'~dulcy',
'~dulsea',
'~dusty',
'~dyan',
'~dyana',
'~dyane',
'~dyann',
'~dyanna',
'~dyanne',
'~dyna',
'~dynah',
'~eachelle',
'~eada',
'~eadie',
'~eadith',
'~ealasaid',
'~eartha',
'~easter',
'~eba',
'~ebba',
'~ebonee',
'~ebony',
'~eda',
'~eddi',
'~eddie',
'~eddy',
'~ede',
'~edee',
'~edeline',
'~eden',
'~edi',
'~edie',
'~edin',
'~edita',
'~edith',
'~editha',
'~edithe',
'~ediva',
'~edna',
'~edwina',
'~edy',
'~edyth',
'~edythe',
'~effie',
'~eileen',
'~eilis',
'~eimile',
'~eirena',
'~ekaterina',
'~elaina',
'~elaine',
'~elana',
'~elane',
'~elayne',
'~elberta',
'~elbertina',
'~elbertine',
'~eleanor',
'~eleanora',
'~eleanore',
'~electra',
'~eleen',
'~elena',
'~elene',
'~eleni',
'~elenore',
'~eleonora',
'~eleonore',
'~elfie',
'~elfreda',
'~elfrida',
'~elfrieda',
'~elga',
'~elianora',
'~elianore',
'~elicia',
'~elie',
'~elinor',
'~elinore',
'~elisa',
'~elisabet',
'~elisabeth',
'~elisabetta',
'~elise',
'~elisha',
'~elissa',
'~elita',
'~eliza',
'~elizabet',
'~elizabeth',
'~elka',
'~elke',
'~ella',
'~elladine',
'~elle',
'~ellen',
'~ellene',
'~ellette',
'~elli',
'~ellie',
'~ellissa',
'~elly',
'~ellyn',
'~ellynn',
'~elmira',
'~elna',
'~elnora',
'~elnore',
'~eloisa',
'~eloise',
'~elonore',
'~elora',
'~elsa',
'~elsbeth',
'~else',
'~elset',
'~elsey',
'~elsi',
'~elsie',
'~elsinore',
'~elspeth',
'~elsy',
'~elva',
'~elvera',
'~elvina',
'~elvira',
'~elwira',
'~elyn',
'~elyse',
'~elysee',
'~elysha',
'~elysia',
'~elyssa',
'~em',
'~ema',
'~emalee',
'~emalia',
'~emelda',
'~emelia',
'~emelina',
'~emeline',
'~emelita',
'~emelyne',
'~emera',
'~emilee',
'~emili',
'~emilia',
'~emilie',
'~emiline',
'~emily',
'~emlyn',
'~emlynn',
'~emlynne',
'~emma',
'~emmalee',
'~emmaline',
'~emmalyn',
'~emmalynn',
'~emmalynne',
'~emmeline',
'~emmey',
'~emmi',
'~emmie',
'~emmy',
'~emmye',
'~emogene',
'~emyle',
'~emylee',
'~engracia',
'~enid',
'~enrica',
'~enrichetta',
'~enrika',
'~enriqueta',
'~eolanda',
'~eolande',
'~eran',
'~erda',
'~erena',
'~erica',
'~ericha',
'~ericka',
'~erika',
'~erin',
'~erina',
'~erinn',
'~erinna',
'~erma',
'~ermengarde',
'~ermentrude',
'~ermina',
'~erminia',
'~erminie',
'~erna',
'~ernaline',
'~ernesta',
'~ernestine',
'~ertha',
'~eryn',
'~esma',
'~esmaria',
'~esme',
'~esmeralda',
'~essa',
'~essie',
'~essy',
'~esta',
'~estel',
'~estele',
'~estell',
'~estella',
'~estelle',
'~ester',
'~esther',
'~estrella',
'~estrellita',
'~ethel',
'~ethelda',
'~ethelin',
'~ethelind',
'~etheline',
'~ethelyn',
'~ethyl',
'~etta',
'~etti',
'~ettie',
'~etty',
'~eudora',
'~eugenia',
'~eugenie',
'~eugine',
'~eula',
'~eulalie',
'~eunice',
'~euphemia',
'~eustacia',
'~eva',
'~evaleen',
'~evangelia',
'~evangelin',
'~evangelina',
'~evangeline',
'~evania',
'~evanne',
'~eve',
'~eveleen',
'~evelina',
'~eveline',
'~evelyn',
'~evey',
'~evie',
'~evita',
'~evonne',
'~evvie',
'~evvy',
'~evy',
'~eyde',
'~eydie',
'~ezmeralda',
'~fae',
'~faina',
'~faith',
'~fallon',
'~fan',
'~fanchette',
'~fanchon',
'~fancie',
'~fancy',
'~fanechka',
'~fania',
'~fanni',
'~fannie',
'~fanny',
'~fanya',
'~fara',
'~farah',
'~farand',
'~farica',
'~farra',
'~farrah',
'~farrand',
'~faun',
'~faunie',
'~faustina',
'~faustine',
'~fawn',
'~fawne',
'~fawnia',
'~fay',
'~faydra',
'~faye',
'~fayette',
'~fayina',
'~fayre',
'~fayth',
'~faythe',
'~federica',
'~fedora',
'~felecia',
'~felicdad',
'~felice',
'~felicia',
'~felicity',
'~felicle',
'~felipa',
'~felisha',
'~felita',
'~feliza',
'~fenelia',
'~feodora',
'~ferdinanda',
'~ferdinande',
'~fern',
'~fernanda',
'~fernande',
'~fernandina',
'~ferne',
'~fey',
'~fiann',
'~fianna',
'~fidela',
'~fidelia',
'~fidelity',
'~fifi',
'~fifine',
'~filia',
'~filide',
'~filippa',
'~fina',
'~fiona',
'~fionna',
'~fionnula',
'~fiorenze',
'~fleur',
'~fleurette',
'~flo',
'~flor',
'~flora',
'~florance',
'~flore',
'~florella',
'~florence',
'~florencia',
'~florentia',
'~florenza',
'~florette',
'~flori',
'~floria',
'~florida',
'~florie',
'~florina',
'~florinda',
'~floris',
'~florri',
'~florrie',
'~florry',
'~flory',
'~flossi',
'~flossie',
'~flossy',
'~flss',
'~fran',
'~francene',
'~frances',
'~francesca',
'~francine',
'~francisca',
'~franciska',
'~francoise',
'~francyne',
'~frank',
'~frankie',
'~franky',
'~franni',
'~frannie',
'~franny',
'~frayda',
'~fred',
'~freda',
'~freddi',
'~freddie',
'~freddy',
'~fredelia',
'~frederica',
'~fredericka',
'~frederique',
'~fredi',
'~fredia',
'~fredra',
'~fredrika',
'~freida',
'~frieda',
'~friederike',
'~fulvia',
'~gabbey',
'~gabbi',
'~gabbie',
'~gabey',
'~gabi',
'~gabie',
'~gabriel',
'~gabriela',
'~gabriell',
'~gabriella',
'~gabrielle',
'~gabriellia',
'~gabrila',
'~gaby',
'~gae',
'~gael',
'~gail',
'~gale',
'~gale',
'~galina',
'~garland',
'~garnet',
'~garnette',
'~gates',
'~gavra',
'~gavrielle',
'~gay',
'~gaye',
'~gayel',
'~gayla',
'~gayle',
'~gayleen',
'~gaylene',
'~gaynor',
'~gelya',
'~gena',
'~gene',
'~geneva',
'~genevieve',
'~genevra',
'~genia',
'~genna',
'~genni',
'~gennie',
'~gennifer',
'~genny',
'~genovera',
'~genvieve',
'~george',
'~georgeanna',
'~georgeanne',
'~georgena',
'~georgeta',
'~georgetta',
'~georgette',
'~georgia',
'~georgiana',
'~georgianna',
'~georgianne',
'~georgie',
'~georgina',
'~georgine',
'~geralda',
'~geraldine',
'~gerda',
'~gerhardine',
'~geri',
'~gerianna',
'~gerianne',
'~gerladina',
'~germain',
'~germaine',
'~germana',
'~gerri',
'~gerrie',
'~gerrilee',
'~gerry',
'~gert',
'~gerta',
'~gerti',
'~gertie',
'~gertrud',
'~gertruda',
'~gertrude',
'~gertrudis',
'~gerty',
'~giacinta',
'~giana',
'~gianina',
'~gianna',
'~gigi',
'~gilberta',
'~gilberte',
'~gilbertina',
'~gilbertine',
'~gilda',
'~gilemette',
'~gill',
'~gillan',
'~gilli',
'~gillian',
'~gillie',
'~gilligan',
'~gilly',
'~gina',
'~ginelle',
'~ginevra',
'~ginger',
'~ginni',
'~ginnie',
'~ginnifer',
'~ginny',
'~giorgia',
'~giovanna',
'~gipsy',
'~giralda',
'~gisela',
'~gisele',
'~gisella',
'~giselle',
'~giuditta',
'~giulia',
'~giulietta',
'~giustina',
'~gizela',
'~glad',
'~gladi',
'~gladys',
'~gleda',
'~glen',
'~glenda',
'~glenine',
'~glenn',
'~glenna',
'~glennie',
'~glennis',
'~glori',
'~gloria',
'~gloriana',
'~gloriane',
'~glory',
'~glyn',
'~glynda',
'~glynis',
'~glynnis',
'~gnni',
'~godiva',
'~golda',
'~goldarina',
'~goldi',
'~goldia',
'~goldie',
'~goldina',
'~goldy',
'~grace',
'~gracia',
'~gracie',
'~grata',
'~gratia',
'~gratiana',
'~gray',
'~grayce',
'~grazia',
'~greer',
'~greta',
'~gretal',
'~gretchen',
'~grete',
'~gretel',
'~grethel',
'~gretna',
'~gretta',
'~grier',
'~griselda',
'~grissel',
'~guendolen',
'~guenevere',
'~guenna',
'~guglielma',
'~gui',
'~guillema',
'~guillemette',
'~guinevere',
'~guinna',
'~gunilla',
'~gus',
'~gusella',
'~gussi',
'~gussie',
'~gussy',
'~gusta',
'~gusti',
'~gustie',
'~gusty',
'~gwen',
'~gwendolen',
'~gwendolin',
'~gwendolyn',
'~gweneth',
'~gwenette',
'~gwenneth',
'~gwenni',
'~gwennie',
'~gwenny',
'~gwenora',
'~gwenore',
'~gwyn',
'~gwyneth',
'~gwynne',
'~gypsy',
'~hadria',
'~hailee',
'~haily',
'~haleigh',
'~halette',
'~haley',
'~hali',
'~halie',
'~halimeda',
'~halley',
'~halli',
'~hallie',
'~hally',
'~hana',
'~hanna',
'~hannah',
'~hanni',
'~hannie',
'~hannis',
'~hanny',
'~happy',
'~harlene',
'~harley',
'~harli',
'~harlie',
'~harmonia',
'~harmonie',
'~harmony',
'~harri',
'~harrie',
'~harriet',
'~harriett',
'~harrietta',
'~harriette',
'~harriot',
'~harriott',
'~hatti',
'~hattie',
'~hatty',
'~hayley',
'~hazel',
'~heath',
'~heather',
'~heda',
'~hedda',
'~heddi',
'~heddie',
'~hedi',
'~hedvig',
'~hedvige',
'~hedwig',
'~hedwiga',
'~hedy',
'~heida',
'~heidi',
'~heidie',
'~helaina',
'~helaine',
'~helen',
'~helen-elizabeth',
'~helena',
'~helene',
'~helenelizabeth',
'~helenka',
'~helga',
'~helge',
'~helli',
'~heloise',
'~helsa',
'~helyn',
'~hendrika',
'~henka',
'~henrie',
'~henrieta',
'~henrietta',
'~henriette',
'~henryetta',
'~hephzibah',
'~hermia',
'~hermina',
'~hermine',
'~herminia',
'~hermione',
'~herta',
'~hertha',
'~hester',
'~hesther',
'~hestia',
'~hetti',
'~hettie',
'~hetty',
'~hilary',
'~hilda',
'~hildagard',
'~hildagarde',
'~hilde',
'~hildegaard',
'~hildegarde',
'~hildy',
'~hillary',
'~hilliary',
'~hinda',
'~holli',
'~hollie',
'~holly',
'~holly-anne',
'~hollyanne',
'~honey',
'~honor',
'~honoria',
'~hope',
'~horatia',
'~hortense',
'~hortensia',
'~hulda',
'~hyacinth',
'~hyacintha',
'~hyacinthe',
'~hyacinthia',
'~hyacinthie',
'~hynda',
'~ianthe',
'~ibbie',
'~ibby',
'~ida',
'~idalia',
'~idalina',
'~idaline',
'~idell',
'~idelle',
'~idette',
'~ileana',
'~ileane',
'~ilene',
'~ilise',
'~ilka',
'~illa',
'~ilsa',
'~ilse',
'~ilysa',
'~ilyse',
'~ilyssa',
'~imelda',
'~imogen',
'~imogene',
'~imojean',
'~ina',
'~indira',
'~ines',
'~inesita',
'~inessa',
'~inez',
'~inga',
'~ingaberg',
'~ingaborg',
'~inge',
'~ingeberg',
'~ingeborg',
'~inger',
'~ingrid',
'~ingunna',
'~inna',
'~iolande',
'~iolanthe',
'~iona',
'~iormina',
'~ira',
'~irena',
'~irene',
'~irina',
'~iris',
'~irita',
'~irma',
'~isa',
'~isabeau',
'~isabel',
'~isabelita',
'~isabella',
'~isabelle',
'~isadora',
'~isahella',
'~iseabal',
'~isidora',
'~isis',
'~isobel',
'~issi',
'~issie',
'~issy',
'~ivett',
'~ivette',
'~ivie',
'~ivonne',
'~ivory',
'~ivy',
'~izabel',
'~jacenta',
'~jacinda',
'~jacinta',
'~jacintha',
'~jacinthe',
'~jackelyn',
'~jacki',
'~jackie',
'~jacklin',
'~jacklyn',
'~jackquelin',
'~jackqueline',
'~jacky',
'~jaclin',
'~jaclyn',
'~jacquelin',
'~jacqueline',
'~jacquelyn',
'~jacquelynn',
'~jacquenetta',
'~jacquenette',
'~jacquetta',
'~jacquette',
'~jacqui',
'~jacquie',
'~jacynth',
'~jada',
'~jade',
'~jaime',
'~jaimie',
'~jaine',
'~jami',
'~jamie',
'~jamima',
'~jammie',
'~jan',
'~jana',
'~janaya',
'~janaye',
'~jandy',
'~jane',
'~janean',
'~janeczka',
'~janeen',
'~janel',
'~janela',
'~janella',
'~janelle',
'~janene',
'~janenna',
'~janessa',
'~janet',
'~janeta',
'~janetta',
'~janette',
'~janeva',
'~janey',
'~jania',
'~janice',
'~janie',
'~janifer',
'~janina',
'~janine',
'~janis',
'~janith',
'~janka',
'~janna',
'~jannel',
'~jannelle',
'~janot',
'~jany',
'~jaquelin',
'~jaquelyn',
'~jaquenetta',
'~jaquenette',
'~jaquith',
'~jasmin',
'~jasmina',
'~jasmine',
'~jayme',
'~jaymee',
'~jayne',
'~jaynell',
'~jazmin',
'~jean',
'~jeana',
'~jeane',
'~jeanelle',
'~jeanette',
'~jeanie',
'~jeanine',
'~jeanna',
'~jeanne',
'~jeannette',
'~jeannie',
'~jeannine',
'~jehanna',
'~jelene',
'~jemie',
'~jemima',
'~jemimah',
'~jemmie',
'~jemmy',
'~jen',
'~jena',
'~jenda',
'~jenelle',
'~jeni',
'~jenica',
'~jeniece',
'~jenifer',
'~jeniffer',
'~jenilee',
'~jenine',
'~jenn',
'~jenna',
'~jennee',
'~jennette',
'~jenni',
'~jennica',
'~jennie',
'~jennifer',
'~jennilee',
'~jennine',
'~jenny',
'~jeralee',
'~jere',
'~jeri',
'~jermaine',
'~jerrie',
'~jerrilee',
'~jerrilyn',
'~jerrine',
'~jerry',
'~jerrylee',
'~jess',
'~jessa',
'~jessalin',
'~jessalyn',
'~jessamine',
'~jessamyn',
'~jesse',
'~jesselyn',
'~jessi',
'~jessica',
'~jessie',
'~jessika',
'~jessy',
'~jewel',
'~jewell',
'~jewelle',
'~jill',
'~jillana',
'~jillane',
'~jillayne',
'~jilleen',
'~jillene',
'~jilli',
'~jillian',
'~jillie',
'~jilly',
'~jinny',
'~jo',
'~joan',
'~joana',
'~joane',
'~joanie',
'~joann',
'~joanna',
'~joanne',
'~joannes',
'~jobey',
'~jobi',
'~jobie',
'~jobina',
'~joby',
'~jobye',
'~jobyna',
'~jocelin',
'~joceline',
'~jocelyn',
'~jocelyne',
'~jodee',
'~jodi',
'~jodie',
'~jody',
'~joeann',
'~joela',
'~joelie',
'~joell',
'~joella',
'~joelle',
'~joellen',
'~joelly',
'~joellyn',
'~joelynn',
'~joete',
'~joey',
'~johanna',
'~johannah',
'~johna',
'~johnath',
'~johnette',
'~johnna',
'~joice',
'~jojo',
'~jolee',
'~joleen',
'~jolene',
'~joletta',
'~joli',
'~jolie',
'~joline',
'~joly',
'~jolyn',
'~jolynn',
'~jonell',
'~joni',
'~jonie',
'~jonis',
'~jordain',
'~jordan',
'~jordana',
'~jordanna',
'~jorey',
'~jori',
'~jorie',
'~jorrie',
'~jorry',
'~joscelin',
'~josee',
'~josefa',
'~josefina',
'~josepha',
'~josephina',
'~josephine',
'~josey',
'~josi',
'~josie',
'~josselyn',
'~josy',
'~jourdan',
'~joy',
'~joya',
'~joyan',
'~joyann',
'~joyce',
'~joycelin',
'~joye',
'~joyous',
'~jsandye',
'~juana',
'~juanita',
'~judi',
'~judie',
'~judith',
'~juditha',
'~judy',
'~judye',
'~juieta',
'~julee',
'~juli',
'~julia',
'~juliana',
'~juliane',
'~juliann',
'~julianna',
'~julianne',
'~julie',
'~julienne',
'~juliet',
'~julieta',
'~julietta',
'~juliette',
'~julina',
'~juline',
'~julissa',
'~julita',
'~june',
'~junette',
'~junia',
'~junie',
'~junina',
'~justina',
'~justine',
'~justinn',
'~jyoti',
'~kacey',
'~kacie',
'~kacy',
'~kaela',
'~kai',
'~kaia',
'~kaila',
'~kaile',
'~kailey',
'~kaitlin',
'~kaitlyn',
'~kaitlynn',
'~kaja',
'~kakalina',
'~kala',
'~kaleena',
'~kali',
'~kalie',
'~kalila',
'~kalina',
'~kalinda',
'~kalindi',
'~kalli',
'~kally',
'~kameko',
'~kamila',
'~kamilah',
'~kamillah',
'~kandace',
'~kandy',
'~kania',
'~kanya',
'~kara',
'~kara-lynn',
'~karalee',
'~karalynn',
'~kare',
'~karee',
'~karel',
'~karen',
'~karena',
'~kari',
'~karia',
'~karie',
'~karil',
'~karilynn',
'~karin',
'~karina',
'~karine',
'~kariotta',
'~karisa',
'~karissa',
'~karita',
'~karla',
'~karlee',
'~karleen',
'~karlen',
'~karlene',
'~karlie',
'~karlotta',
'~karlotte',
'~karly',
'~karlyn',
'~karmen',
'~karna',
'~karol',
'~karola',
'~karole',
'~karolina',
'~karoline',
'~karoly',
'~karon',
'~karrah',
'~karrie',
'~karry',
'~kary',
'~karyl',
'~karylin',
'~karyn',
'~kasey',
'~kass',
'~kassandra',
'~kassey',
'~kassi',
'~kassia',
'~kassie',
'~kat',
'~kata',
'~katalin',
'~kate',
'~katee',
'~katerina',
'~katerine',
'~katey',
'~kath',
'~katha',
'~katharina',
'~katharine',
'~katharyn',
'~kathe',
'~katherina',
'~katherine',
'~katheryn',
'~kathi',
'~kathie',
'~kathleen',
'~kathlin',
'~kathrine',
'~kathryn',
'~kathryne',
'~kathy',
'~kathye',
'~kati',
'~katie',
'~katina',
'~katine',
'~katinka',
'~katleen',
'~katlin',
'~katrina',
'~katrine',
'~katrinka',
'~katti',
'~kattie',
'~katuscha',
'~katusha',
'~katy',
'~katya',
'~kay',
'~kaycee',
'~kaye',
'~kayla',
'~kayle',
'~kaylee',
'~kayley',
'~kaylil',
'~kaylyn',
'~keeley',
'~keelia',
'~keely',
'~kelcey',
'~kelci',
'~kelcie',
'~kelcy',
'~kelila',
'~kellen',
'~kelley',
'~kelli',
'~kellia',
'~kellie',
'~kellina',
'~kellsie',
'~kelly',
'~kellyann',
'~kelsey',
'~kelsi',
'~kelsy',
'~kendra',
'~kendre',
'~kenna',
'~keri',
'~keriann',
'~kerianne',
'~kerri',
'~kerrie',
'~kerrill',
'~kerrin',
'~kerry',
'~kerstin',
'~kesley',
'~keslie',
'~kessia',
'~kessiah',
'~ketti',
'~kettie',
'~ketty',
'~kevina',
'~kevyn',
'~ki',
'~kiah',
'~kial',
'~kiele',
'~kiersten',
'~kikelia',
'~kiley',
'~kim',
'~kimberlee',
'~kimberley',
'~kimberli',
'~kimberly',
'~kimberlyn',
'~kimbra',
'~kimmi',
'~kimmie',
'~kimmy',
'~kinna',
'~kip',
'~kipp',
'~kippie',
'~kippy',
'~kira',
'~kirbee',
'~kirbie',
'~kirby',
'~kiri',
'~kirsten',
'~kirsteni',
'~kirsti',
'~kirstin',
'~kirstyn',
'~kissee',
'~kissiah',
'~kissie',
'~kit',
'~kitti',
'~kittie',
'~kitty',
'~kizzee',
'~kizzie',
'~klara',
'~klarika',
'~klarrisa',
'~konstance',
'~konstanze',
'~koo',
'~kora',
'~koral',
'~koralle',
'~kordula',
'~kore',
'~korella',
'~koren',
'~koressa',
'~kori',
'~korie',
'~korney',
'~korrie',
'~korry',
'~kris',
'~krissie',
'~krissy',
'~krista',
'~kristal',
'~kristan',
'~kriste',
'~kristel',
'~kristen',
'~kristi',
'~kristien',
'~kristin',
'~kristina',
'~kristine',
'~kristy',
'~kristyn',
'~krysta',
'~krystal',
'~krystalle',
'~krystle',
'~krystyna',
'~kyla',
'~kyle',
'~kylen',
'~kylie',
'~kylila',
'~kylynn',
'~kym',
'~kynthia',
'~kyrstin',
'~lacee',
'~lacey',
'~lacie',
'~lacy',
'~ladonna',
'~laetitia',
'~laina',
'~lainey',
'~lana',
'~lanae',
'~lane',
'~lanette',
'~laney',
'~lani',
'~lanie',
'~lanita',
'~lanna',
'~lanni',
'~lanny',
'~lara',
'~laraine',
'~lari',
'~larina',
'~larine',
'~larisa',
'~larissa',
'~lark',
'~laryssa',
'~latashia',
'~latia',
'~latisha',
'~latrena',
'~latrina',
'~laura',
'~lauraine',
'~laural',
'~lauralee',
'~laure',
'~lauree',
'~laureen',
'~laurel',
'~laurella',
'~lauren',
'~laurena',
'~laurene',
'~lauretta',
'~laurette',
'~lauri',
'~laurianne',
'~laurice',
'~laurie',
'~lauryn',
'~lavena',
'~laverna',
'~laverne',
'~lavina',
'~lavinia',
'~lavinie',
'~layla',
'~layne',
'~layney',
'~lea',
'~leah',
'~leandra',
'~leann',
'~leanna',
'~leanor',
'~leanora',
'~lebbie',
'~leda',
'~lee',
'~leeann',
'~leeanne',
'~leela',
'~leelah',
'~leena',
'~leesa',
'~leese',
'~legra',
'~leia',
'~leigh',
'~leigha',
'~leila',
'~leilah',
'~leisha',
'~lela',
'~lelah',
'~leland',
'~lelia',
'~lena',
'~lenee',
'~lenette',
'~lenka',
'~lenna',
'~lenora',
'~lenore',
'~leodora',
'~leoine',
'~leola',
'~leoline',
'~leona',
'~leonanie',
'~leone',
'~leonelle',
'~leonie',
'~leonora',
'~leonore',
'~leontine',
'~leontyne',
'~leora',
'~leshia',
'~lesley',
'~lesli',
'~leslie',
'~lesly',
'~lesya',
'~leta',
'~lethia',
'~leticia',
'~letisha',
'~letitia',
'~letizia',
'~letta',
'~letti',
'~lettie',
'~letty',
'~lexi',
'~lexie',
'~lexine',
'~lexis',
'~lexy',
'~leyla',
'~lezlie',
'~lia',
'~lian',
'~liana',
'~liane',
'~lianna',
'~lianne',
'~lib',
'~libbey',
'~libbi',
'~libbie',
'~libby',
'~licha',
'~lida',
'~lidia',
'~liesa',
'~lil',
'~lila',
'~lilah',
'~lilas',
'~lilia',
'~lilian',
'~liliane',
'~lilias',
'~lilith',
'~lilla',
'~lilli',
'~lillian',
'~lillis',
'~lilllie',
'~lilly',
'~lily',
'~lilyan',
'~lin',
'~lina',
'~lind',
'~linda',
'~lindi',
'~lindie',
'~lindsay',
'~lindsey',
'~lindsy',
'~lindy',
'~linea',
'~linell',
'~linet',
'~linette',
'~linn',
'~linnea',
'~linnell',
'~linnet',
'~linnie',
'~linzy',
'~lira',
'~lisa',
'~lisabeth',
'~lisbeth',
'~lise',
'~lisetta',
'~lisette',
'~lisha',
'~lishe',
'~lissa',
'~lissi',
'~lissie',
'~lissy',
'~lita',
'~liuka',
'~liv',
'~liva',
'~livia',
'~livvie',
'~livvy',
'~livvyy',
'~livy',
'~liz',
'~liza',
'~lizabeth',
'~lizbeth',
'~lizette',
'~lizzie',
'~lizzy',
'~loella',
'~lois',
'~loise',
'~lola',
'~loleta',
'~lolita',
'~lolly',
'~lona',
'~lonee',
'~loni',
'~lonna',
'~lonni',
'~lonnie',
'~lora',
'~lorain',
'~loraine',
'~loralee',
'~loralie',
'~loralyn',
'~loree',
'~loreen',
'~lorelei',
'~lorelle',
'~loren',
'~lorena',
'~lorene',
'~lorenza',
'~loretta',
'~lorettalorna',
'~lorette',
'~lori',
'~loria',
'~lorianna',
'~lorianne',
'~lorie',
'~lorilee',
'~lorilyn',
'~lorinda',
'~lorine',
'~lorita',
'~lorna',
'~lorne',
'~lorraine',
'~lorrayne',
'~lorri',
'~lorrie',
'~lorrin',
'~lorry',
'~lory',
'~lotta',
'~lotte',
'~lotti',
'~lottie',
'~lotty',
'~lou',
'~louella',
'~louisa',
'~louise',
'~louisette',
'~loutitia',
'~lu',
'~luce',
'~luci',
'~lucia',
'~luciana',
'~lucie',
'~lucienne',
'~lucila',
'~lucilia',
'~lucille',
'~lucina',
'~lucinda',
'~lucine',
'~lucita',
'~lucky',
'~lucretia',
'~lucy',
'~ludovika',
'~luella',
'~luelle',
'~luisa',
'~luise',
'~lula',
'~lulita',
'~lulu',
'~lura',
'~lurette',
'~lurleen',
'~lurlene',
'~lurline',
'~lusa',
'~luz',
'~lyda',
'~lydia',
'~lydie',
'~lyn',
'~lynda',
'~lynde',
'~lyndel',
'~lyndell',
'~lyndsay',
'~lyndsey',
'~lyndsie',
'~lyndy',
'~lynea',
'~lynelle',
'~lynett',
'~lynette',
'~lynn',
'~lynna',
'~lynne',
'~lynnea',
'~lynnell',
'~lynnelle',
'~lynnet',
'~lynnett',
'~lynnette',
'~lynsey',
'~lyssa',
'~mab',
'~mabel',
'~mabelle',
'~mable',
'~mada',
'~madalena',
'~madalyn',
'~maddalena',
'~maddi',
'~maddie',
'~maddy',
'~madel',
'~madelaine',
'~madeleine',
'~madelena',
'~madelene',
'~madelin',
'~madelina',
'~madeline',
'~madella',
'~madelle',
'~madelon',
'~madelyn',
'~madge',
'~madlen',
'~madlin',
'~madonna',
'~mady',
'~mae',
'~maegan',
'~mag',
'~magda',
'~magdaia',
'~magdalen',
'~magdalena',
'~magdalene',
'~maggee',
'~maggi',
'~maggie',
'~maggy',
'~mahala',
'~mahalia',
'~maia',
'~maible',
'~maiga',
'~maighdiln',
'~mair',
'~maire',
'~maisey',
'~maisie',
'~maitilde',
'~mala',
'~malanie',
'~malena',
'~malia',
'~malina',
'~malinda',
'~malinde',
'~malissa',
'~malissia',
'~mallissa',
'~mallorie',
'~mallory',
'~malorie',
'~malory',
'~malva',
'~malvina',
'~malynda',
'~mame',
'~mamie',
'~manda',
'~mandi',
'~mandie',
'~mandy',
'~manon',
'~manya',
'~mara',
'~marabel',
'~marcela',
'~marcelia',
'~marcella',
'~marcelle',
'~marcellina',
'~marcelline',
'~marchelle',
'~marci',
'~marcia',
'~marcie',
'~marcile',
'~marcille',
'~marcy',
'~mareah',
'~maren',
'~marena',
'~maressa',
'~marga',
'~margalit',
'~margalo',
'~margaret',
'~margareta',
'~margarete',
'~margaretha',
'~margarethe',
'~margaretta',
'~margarette',
'~margarita',
'~margaux',
'~marge',
'~margeaux',
'~margery',
'~marget',
'~margette',
'~margi',
'~margie',
'~margit',
'~margo',
'~margot',
'~margret',
'~marguerite',
'~margy',
'~mari',
'~maria',
'~mariam',
'~marian',
'~mariana',
'~mariann',
'~marianna',
'~marianne',
'~maribel',
'~maribelle',
'~maribeth',
'~marice',
'~maridel',
'~marie',
'~marie-ann',
'~marie-jeanne',
'~marieann',
'~mariejeanne',
'~mariel',
'~mariele',
'~marielle',
'~mariellen',
'~marietta',
'~mariette',
'~marigold',
'~marijo',
'~marika',
'~marilee',
'~marilin',
'~marillin',
'~marilyn',
'~marin',
'~marina',
'~marinna',
'~marion',
'~mariquilla',
'~maris',
'~marisa',
'~mariska',
'~marissa',
'~marita',
'~maritsa',
'~mariya',
'~marj',
'~marja',
'~marje',
'~marji',
'~marjie',
'~marjorie',
'~marjory',
'~marjy',
'~marketa',
'~marla',
'~marlane',
'~marleah',
'~marlee',
'~marleen',
'~marlena',
'~marlene',
'~marley',
'~marlie',
'~marline',
'~marlo',
'~marlyn',
'~marna',
'~marne',
'~marney',
'~marni',
'~marnia',
'~marnie',
'~marquita',
'~marrilee',
'~marris',
'~marrissa',
'~marsha',
'~marsiella',
'~marta',
'~martelle',
'~martguerita',
'~martha',
'~marthe',
'~marthena',
'~marti',
'~martica',
'~martie',
'~martina',
'~martita',
'~marty',
'~martynne',
'~mary',
'~marya',
'~maryann',
'~maryanna',
'~maryanne',
'~marybelle',
'~marybeth',
'~maryellen',
'~maryjane',
'~maryjo',
'~maryl',
'~marylee',
'~marylin',
'~marylinda',
'~marylou',
'~marylynne',
'~maryrose',
'~marys',
'~marysa',
'~masha',
'~matelda',
'~mathilda',
'~mathilde',
'~matilda',
'~matilde',
'~matti',
'~mattie',
'~matty',
'~maud',
'~maude',
'~maudie',
'~maura',
'~maure',
'~maureen',
'~maureene',
'~maurene',
'~maurine',
'~maurise',
'~maurita',
'~maurizia',
'~mavis',
'~mavra',
'~max',
'~maxi',
'~maxie',
'~maxine',
'~maxy',
'~may',
'~maybelle',
'~maye',
'~mead',
'~meade',
'~meagan',
'~meaghan',
'~meara',
'~mechelle',
'~meg',
'~megan',
'~megen',
'~meggi',
'~meggie',
'~meggy',
'~meghan',
'~meghann',
'~mehetabel',
'~mei',
'~mel',
'~mela',
'~melamie',
'~melania',
'~melanie',
'~melantha',
'~melany',
'~melba',
'~melesa',
'~melessa',
'~melicent',
'~melina',
'~melinda',
'~melinde',
'~melisa',
'~melisande',
'~melisandra',
'~melisenda',
'~melisent',
'~melissa',
'~melisse',
'~melita',
'~melitta',
'~mella',
'~melli',
'~mellicent',
'~mellie',
'~mellisa',
'~mellisent',
'~melloney',
'~melly',
'~melodee',
'~melodie',
'~melody',
'~melonie',
'~melony',
'~melosa',
'~melva',
'~mercedes',
'~merci',
'~mercie',
'~mercy',
'~meredith',
'~meredithe',
'~meridel',
'~meridith',
'~meriel',
'~merilee',
'~merilyn',
'~meris',
'~merissa',
'~merl',
'~merla',
'~merle',
'~merlina',
'~merline',
'~merna',
'~merola',
'~merralee',
'~merridie',
'~merrie',
'~merrielle',
'~merrile',
'~merrilee',
'~merrili',
'~merrill',
'~merrily',
'~merry',
'~mersey',
'~meryl',
'~meta',
'~mia',
'~micaela',
'~michaela',
'~michaelina',
'~michaeline',
'~michaella',
'~michal',
'~michel',
'~michele',
'~michelina',
'~micheline',
'~michell',
'~michelle',
'~micki',
'~mickie',
'~micky',
'~midge',
'~mignon',
'~mignonne',
'~miguela',
'~miguelita',
'~mikaela',
'~mil',
'~mildred',
'~mildrid',
'~milena',
'~milicent',
'~milissent',
'~milka',
'~milli',
'~millicent',
'~millie',
'~millisent',
'~milly',
'~milzie',
'~mimi',
'~min',
'~mina',
'~minda',
'~mindy',
'~minerva',
'~minetta',
'~minette',
'~minna',
'~minnaminnie',
'~minne',
'~minni',
'~minnie',
'~minnnie',
'~minny',
'~minta',
'~miquela',
'~mira',
'~mirabel',
'~mirabella',
'~mirabelle',
'~miran',
'~miranda',
'~mireielle',
'~mireille',
'~mirella',
'~mirelle',
'~miriam',
'~mirilla',
'~mirna',
'~misha',
'~missie',
'~missy',
'~misti',
'~misty',
'~mitzi',
'~modesta',
'~modestia',
'~modestine',
'~modesty',
'~moina',
'~moira',
'~moll',
'~mollee',
'~molli',
'~mollie',
'~molly',
'~mommy',
'~mona',
'~monah',
'~monica',
'~monika',
'~monique',
'~mora',
'~moreen',
'~morena',
'~morgan',
'~morgana',
'~morganica',
'~morganne',
'~morgen',
'~moria',
'~morissa',
'~morna',
'~moselle',
'~moyna',
'~moyra',
'~mozelle',
'~muffin',
'~mufi',
'~mufinella',
'~muire',
'~mureil',
'~murial',
'~muriel',
'~murielle',
'~myra',
'~myrah',
'~myranda',
'~myriam',
'~myrilla',
'~myrle',
'~myrlene',
'~myrna',
'~myrta',
'~myrtia',
'~myrtice',
'~myrtie',
'~myrtle',
'~nada',
'~nadean',
'~nadeen',
'~nadia',
'~nadine',
'~nadiya',
'~nady',
'~nadya',
'~nalani',
'~nan',
'~nana',
'~nananne',
'~nance',
'~nancee',
'~nancey',
'~nanci',
'~nancie',
'~nancy',
'~nanete',
'~nanette',
'~nani',
'~nanice',
'~nanine',
'~nannette',
'~nanni',
'~nannie',
'~nanny',
'~nanon',
'~naoma',
'~naomi',
'~nara',
'~nari',
'~nariko',
'~nat',
'~nata',
'~natala',
'~natalee',
'~natalie',
'~natalina',
'~nataline',
'~natalya',
'~natasha',
'~natassia',
'~nathalia',
'~nathalie',
'~natividad',
'~natka',
'~natty',
'~neala',
'~neda',
'~nedda',
'~nedi',
'~neely',
'~neila',
'~neile',
'~neilla',
'~neille',
'~nelia',
'~nelie',
'~nell',
'~nelle',
'~nelli',
'~nellie',
'~nelly',
'~nerissa',
'~nerita',
'~nert',
'~nerta',
'~nerte',
'~nerti',
'~nertie',
'~nerty',
'~nessa',
'~nessi',
'~nessie',
'~nessy',
'~nesta',
'~netta',
'~netti',
'~nettie',
'~nettle',
'~netty',
'~nevsa',
'~neysa',
'~nichol',
'~nichole',
'~nicholle',
'~nicki',
'~nickie',
'~nicky',
'~nicol',
'~nicola',
'~nicole',
'~nicolea',
'~nicolette',
'~nicoli',
'~nicolina',
'~nicoline',
'~nicolle',
'~nikaniki',
'~nike',
'~niki',
'~nikki',
'~nikkie',
'~nikoletta',
'~nikolia',
'~nina',
'~ninetta',
'~ninette',
'~ninnetta',
'~ninnette',
'~ninon',
'~nissa',
'~nisse',
'~nissie',
'~nissy',
'~nita',
'~nixie',
'~noami',
'~noel',
'~noelani',
'~noell',
'~noella',
'~noelle',
'~noellyn',
'~noelyn',
'~noemi',
'~nola',
'~nolana',
'~nolie',
'~nollie',
'~nomi',
'~nona',
'~nonah',
'~noni',
'~nonie',
'~nonna',
'~nonnah',
'~nora',
'~norah',
'~norean',
'~noreen',
'~norene',
'~norina',
'~norine',
'~norma',
'~norri',
'~norrie',
'~norry',
'~novelia',
'~nydia',
'~nyssa',
'~octavia',
'~odele',
'~odelia',
'~odelinda',
'~odella',
'~odelle',
'~odessa',
'~odetta',
'~odette',
'~odilia',
'~odille',
'~ofelia',
'~ofella',
'~ofilia',
'~ola',
'~olenka',
'~olga',
'~olia',
'~olimpia',
'~olive',
'~olivette',
'~olivia',
'~olivie',
'~oliy',
'~ollie',
'~olly',
'~olva',
'~olwen',
'~olympe',
'~olympia',
'~olympie',
'~ondrea',
'~oneida',
'~onida',
'~oona',
'~opal',
'~opalina',
'~opaline',
'~ophelia',
'~ophelie',
'~ora',
'~oralee',
'~oralia',
'~oralie',
'~oralla',
'~oralle',
'~orel',
'~orelee',
'~orelia',
'~orelie',
'~orella',
'~orelle',
'~oriana',
'~orly',
'~orsa',
'~orsola',
'~ortensia',
'~otha',
'~othelia',
'~othella',
'~othilia',
'~othilie',
'~ottilie',
'~page',
'~paige',
'~paloma',
'~pam',
'~pamela',
'~pamelina',
'~pamella',
'~pammi',
'~pammie',
'~pammy',
'~pandora',
'~pansie',
'~pansy',
'~paola',
'~paolina',
'~papagena',
'~pat',
'~patience',
'~patrica',
'~patrice',
'~patricia',
'~patrizia',
'~patsy',
'~patti',
'~pattie',
'~patty',
'~paula',
'~paule',
'~pauletta',
'~paulette',
'~pauli',
'~paulie',
'~paulina',
'~pauline',
'~paulita',
'~pauly',
'~pavia',
'~pavla',
'~pearl',
'~pearla',
'~pearle',
'~pearline',
'~peg',
'~pegeen',
'~peggi',
'~peggie',
'~peggy',
'~pen',
'~penelopa',
'~penelope',
'~penni',
'~pennie',
'~penny',
'~pepi',
'~pepita',
'~peri',
'~peria',
'~perl',
'~perla',
'~perle',
'~perri',
'~perrine',
'~perry',
'~persis',
'~pet',
'~peta',
'~petra',
'~petrina',
'~petronella',
'~petronia',
'~petronilla',
'~petronille',
'~petunia',
'~phaedra',
'~phaidra',
'~phebe',
'~phedra',
'~phelia',
'~phil',
'~philipa',
'~philippa',
'~philippe',
'~philippine',
'~philis',
'~phillida',
'~phillie',
'~phillis',
'~philly',
'~philomena',
'~phoebe',
'~phylis',
'~phyllida',
'~phyllis',
'~phyllys',
'~phylys',
'~pia',
'~pier',
'~pierette',
'~pierrette',
'~pietra',
'~piper',
'~pippa',
'~pippy',
'~polly',
'~pollyanna',
'~pooh',
'~poppy',
'~portia',
'~pris',
'~prisca',
'~priscella',
'~priscilla',
'~prissie',
'~pru',
'~prudence',
'~prudi',
'~prudy',
'~prue',
'~queenie',
'~quentin',
'~querida',
'~quinn',
'~quinta',
'~quintana',
'~quintilla',
'~quintina',
'~rachael',
'~rachel',
'~rachele',
'~rachelle',
'~rae',
'~raeann',
'~raf',
'~rafa',
'~rafaela',
'~rafaelia',
'~rafaelita',
'~rahal',
'~rahel',
'~raina',
'~raine',
'~rakel',
'~ralina',
'~ramona',
'~ramonda',
'~rana',
'~randa',
'~randee',
'~randene',
'~randi',
'~randie',
'~randy',
'~ranee',
'~rani',
'~rania',
'~ranice',
'~ranique',
'~ranna',
'~raphaela',
'~raquel',
'~raquela',
'~rasia',
'~rasla',
'~raven',
'~ray',
'~raychel',
'~raye',
'~rayna',
'~raynell',
'~rayshell',
'~rea',
'~reba',
'~rebbecca',
'~rebe',
'~rebeca',
'~rebecca',
'~rebecka',
'~rebeka',
'~rebekah',
'~rebekkah',
'~ree',
'~reeba',
'~reena',
'~reeta',
'~reeva',
'~regan',
'~reggi',
'~reggie',
'~regina',
'~regine',
'~reiko',
'~reina',
'~reine',
'~remy',
'~rena',
'~renae',
'~renata',
'~renate',
'~rene',
'~renee',
'~renell',
'~renelle',
'~renie',
'~rennie',
'~reta',
'~retha',
'~revkah',
'~rey',
'~reyna',
'~rhea',
'~rheba',
'~rheta',
'~rhetta',
'~rhiamon',
'~rhianna',
'~rhianon',
'~rhoda',
'~rhodia',
'~rhodie',
'~rhody',
'~rhona',
'~rhonda',
'~riane',
'~riannon',
'~rianon',
'~rica',
'~ricca',
'~rici',
'~ricki',
'~rickie',
'~ricky',
'~riki',
'~rikki',
'~rina',
'~risa',
'~rita',
'~riva',
'~rivalee',
'~rivi',
'~rivkah',
'~rivy',
'~roana',
'~roanna',
'~roanne',
'~robbi',
'~robbie',
'~robbin',
'~robby',
'~robbyn',
'~robena',
'~robenia',
'~roberta',
'~robin',
'~robina',
'~robinet',
'~robinett',
'~robinetta',
'~robinette',
'~robinia',
'~roby',
'~robyn',
'~roch',
'~rochell',
'~rochella',
'~rochelle',
'~rochette',
'~roda',
'~rodi',
'~rodie',
'~rodina',
'~rois',
'~romola',
'~romona',
'~romonda',
'~romy',
'~rona',
'~ronalda',
'~ronda',
'~ronica',
'~ronna',
'~ronni',
'~ronnica',
'~ronnie',
'~ronny',
'~roobbie',
'~rora',
'~rori',
'~rorie',
'~rory',
'~ros',
'~rosa',
'~rosabel',
'~rosabella',
'~rosabelle',
'~rosaleen',
'~rosalia',
'~rosalie',
'~rosalind',
'~rosalinda',
'~rosalinde',
'~rosaline',
'~rosalyn',
'~rosalynd',
'~rosamond',
'~rosamund',
'~rosana',
'~rosanna',
'~rosanne',
'~rose',
'~roseann',
'~roseanna',
'~roseanne',
'~roselia',
'~roselin',
'~roseline',
'~rosella',
'~roselle',
'~rosemaria',
'~rosemarie',
'~rosemary',
'~rosemonde',
'~rosene',
'~rosetta',
'~rosette',
'~roshelle',
'~rosie',
'~rosina',
'~rosita',
'~roslyn',
'~rosmunda',
'~rosy',
'~row',
'~rowe',
'~rowena',
'~roxana',
'~roxane',
'~roxanna',
'~roxanne',
'~roxi',
'~roxie',
'~roxine',
'~roxy',
'~roz',
'~rozalie',
'~rozalin',
'~rozamond',
'~rozanna',
'~rozanne',
'~roze',
'~rozele',
'~rozella',
'~rozelle',
'~rozina',
'~rubetta',
'~rubi',
'~rubia',
'~rubie',
'~rubina',
'~ruby',
'~ruperta',
'~ruth',
'~ruthann',
'~ruthanne',
'~ruthe',
'~ruthi',
'~ruthie',
'~ruthy',
'~ryann',
'~rycca',
'~saba',
'~sabina',
'~sabine',
'~sabra',
'~sabrina',
'~sacha',
'~sada',
'~sadella',
'~sadie',
'~sadye',
'~saidee',
'~sal',
'~salaidh',
'~sallee',
'~salli',
'~sallie',
'~sally',
'~sallyann',
'~sallyanne',
'~saloma',
'~salome',
'~salomi',
'~sam',
'~samantha',
'~samara',
'~samaria',
'~sammy',
'~sande',
'~sandi',
'~sandie',
'~sandra',
'~sandy',
'~sandye',
'~sapphira',
'~sapphire',
'~sara',
'~sara-ann',
'~saraann',
'~sarah',
'~sarajane',
'~saree',
'~sarena',
'~sarene',
'~sarette',
'~sari',
'~sarina',
'~sarine',
'~sarita',
'~sascha',
'~sasha',
'~sashenka',
'~saudra',
'~saundra',
'~savina',
'~sayre',
'~scarlet',
'~scarlett',
'~sean',
'~seana',
'~seka',
'~sela',
'~selena',
'~selene',
'~selestina',
'~selia',
'~selie',
'~selina',
'~selinda',
'~seline',
'~sella',
'~selle',
'~selma',
'~sena',
'~sephira',
'~serena',
'~serene',
'~shae',
'~shaina',
'~shaine',
'~shalna',
'~shalne',
'~shana',
'~shanda',
'~shandee',
'~shandeigh',
'~shandie',
'~shandra',
'~shandy',
'~shane',
'~shani',
'~shanie',
'~shanna',
'~shannah',
'~shannen',
'~shannon',
'~shanon',
'~shanta',
'~shantee',
'~shara',
'~sharai',
'~shari',
'~sharia',
'~sharity',
'~sharl',
'~sharla',
'~sharleen',
'~sharlene',
'~sharline',
'~sharon',
'~sharona',
'~sharron',
'~sharyl',
'~shaun',
'~shauna',
'~shawn',
'~shawna',
'~shawnee',
'~shay',
'~shayla',
'~shaylah',
'~shaylyn',
'~shaylynn',
'~shayna',
'~shayne',
'~shea',
'~sheba',
'~sheela',
'~sheelagh',
'~sheelah',
'~sheena',
'~sheeree',
'~sheila',
'~sheila-kathryn',
'~sheilah',
'~sheilakathryn',
'~shel',
'~shela',
'~shelagh',
'~shelba',
'~shelbi',
'~shelby',
'~shelia',
'~shell',
'~shelley',
'~shelli',
'~shellie',
'~shelly',
'~shena',
'~sher',
'~sheree',
'~sheri',
'~sherie',
'~sherill',
'~sherilyn',
'~sherline',
'~sherri',
'~sherrie',
'~sherry',
'~sherye',
'~sheryl',
'~shina',
'~shir',
'~shirl',
'~shirlee',
'~shirleen',
'~shirlene',
'~shirley',
'~shirline',
'~shoshana',
'~shoshanna',
'~siana',
'~sianna',
'~sib',
'~sibbie',
'~sibby',
'~sibeal',
'~sibel',
'~sibella',
'~sibelle',
'~sibilla',
'~sibley',
'~sibyl',
'~sibylla',
'~sibylle',
'~sidoney',
'~sidonia',
'~sidonnie',
'~sigrid',
'~sile',
'~sileas',
'~silva',
'~silvana',
'~silvia',
'~silvie',
'~simona',
'~simone',
'~simonette',
'~simonne',
'~sindee',
'~siobhan',
'~sioux',
'~siouxie',
'~sisely',
'~sisile',
'~sissie',
'~sissy',
'~siusan',
'~sofia',
'~sofie',
'~sondra',
'~sonia',
'~sonja',
'~sonni',
'~sonnie',
'~sonnnie',
'~sonny',
'~sonya',
'~sophey',
'~sophi',
'~sophia',
'~sophie',
'~sophronia',
'~sorcha',
'~sosanna',
'~stace',
'~stacee',
'~stacey',
'~staci',
'~stacia',
'~stacie',
'~stacy',
'~stafani',
'~star',
'~starla',
'~starlene',
'~starlin',
'~starr',
'~stefa',
'~stefania',
'~stefanie',
'~steffane',
'~steffi',
'~steffie',
'~stella',
'~stepha',
'~stephana',
'~stephani',
'~stephanie',
'~stephannie',
'~stephenie',
'~stephi',
'~stephie',
'~stephine',
'~stesha',
'~stevana',
'~stevena',
'~stoddard',
'~storm',
'~stormi',
'~stormie',
'~stormy',
'~sue',
'~suellen',
'~sukey',
'~suki',
'~sula',
'~sunny',
'~sunshine',
'~susan',
'~susana',
'~susanetta',
'~susann',
'~susanna',
'~susannah',
'~susanne',
'~susette',
'~susi',
'~susie',
'~susy',
'~suzann',
'~suzanna',
'~suzanne',
'~suzette',
'~suzi',
'~suzie',
'~suzy',
'~sybil',
'~sybila',
'~sybilla',
'~sybille',
'~sybyl',
'~sydel',
'~sydelle',
'~sydney',
'~sylvia',
'~tabatha',
'~tabbatha',
'~tabbi',
'~tabbie',
'~tabbitha',
'~tabby',
'~tabina',
'~tabitha',
'~taffy',
'~talia',
'~tallia',
'~tallie',
'~tallou',
'~tallulah',
'~tally',
'~talya',
'~talyah',
'~tamar',
'~tamara',
'~tamarah',
'~tamarra',
'~tamera',
'~tami',
'~tamiko',
'~tamma',
'~tammara',
'~tammi',
'~tammie',
'~tammy',
'~tamqrah',
'~tamra',
'~tana',
'~tandi',
'~tandie',
'~tandy',
'~tanhya',
'~tani',
'~tania',
'~tanitansy',
'~tansy',
'~tanya',
'~tara',
'~tarah',
'~tarra',
'~tarrah',
'~taryn',
'~tasha',
'~tasia',
'~tate',
'~tatiana',
'~tatiania',
'~tatum',
'~tawnya',
'~tawsha',
'~ted',
'~tedda',
'~teddi',
'~teddie',
'~teddy',
'~tedi',
'~tedra',
'~teena',
'~teirtza',
'~teodora',
'~tera',
'~teresa',
'~terese',
'~teresina',
'~teresita',
'~teressa',
'~teri',
'~teriann',
'~terra',
'~terri',
'~terri-jo',
'~terrie',
'~terrijo',
'~terry',
'~terrye',
'~tersina',
'~terza',
'~tess',
'~tessa',
'~tessi',
'~tessie',
'~tessy',
'~thalia',
'~thea',
'~theadora',
'~theda',
'~thekla',
'~thelma',
'~theo',
'~theodora',
'~theodosia',
'~theresa',
'~therese',
'~theresina',
'~theresita',
'~theressa',
'~therine',
'~thia',
'~thomasa',
'~thomasin',
'~thomasina',
'~thomasine',
'~tiena',
'~tierney',
'~tiertza',
'~tiff',
'~tiffani',
'~tiffanie',
'~tiffany',
'~tiffi',
'~tiffie',
'~tiffy',
'~tilda',
'~tildi',
'~tildie',
'~tildy',
'~tillie',
'~tilly',
'~tim',
'~timi',
'~timmi',
'~timmie',
'~timmy',
'~timothea',
'~tina',
'~tine',
'~tiphani',
'~tiphanie',
'~tiphany',
'~tish',
'~tisha',
'~tobe',
'~tobey',
'~tobi',
'~toby',
'~tobye',
'~toinette',
'~toma',
'~tomasina',
'~tomasine',
'~tomi',
'~tommi',
'~tommie',
'~tommy',
'~toni',
'~tonia',
'~tonie',
'~tony',
'~tonya',
'~tonye',
'~tootsie',
'~torey',
'~tori',
'~torie',
'~torrie',
'~tory',
'~tova',
'~tove',
'~tracee',
'~tracey',
'~traci',
'~tracie',
'~tracy',
'~trenna',
'~tresa',
'~trescha',
'~tressa',
'~tricia',
'~trina',
'~trish',
'~trisha',
'~trista',
'~trix',
'~trixi',
'~trixie',
'~trixy',
'~truda',
'~trude',
'~trudey',
'~trudi',
'~trudie',
'~trudy',
'~trula',
'~tuesday',
'~twila',
'~twyla',
'~tybi',
'~tybie',
'~tyne',
'~ula',
'~ulla',
'~ulrica',
'~ulrika',
'~ulrikaumeko',
'~ulrike',
'~umeko',
'~una',
'~ursa',
'~ursala',
'~ursola',
'~ursula',
'~ursulina',
'~ursuline',
'~uta',
'~val',
'~valaree',
'~valaria',
'~vale',
'~valeda',
'~valencia',
'~valene',
'~valenka',
'~valentia',
'~valentina',
'~valentine',
'~valera',
'~valeria',
'~valerie',
'~valery',
'~valerye',
'~valida',
'~valina',
'~valli',
'~vallie',
'~vally',
'~valma',
'~valry',
'~van',
'~vanda',
'~vanessa',
'~vania',
'~vanna',
'~vanni',
'~vannie',
'~vanny',
'~vanya',
'~veda',
'~velma',
'~velvet',
'~venita',
'~venus',
'~vera',
'~veradis',
'~vere',
'~verena',
'~verene',
'~veriee',
'~verile',
'~verina',
'~verine',
'~verla',
'~verna',
'~vernice',
'~veronica',
'~veronika',
'~veronike',
'~veronique',
'~vevay',
'~vi',
'~vicki',
'~vickie',
'~vicky',
'~victoria',
'~vida',
'~viki',
'~vikki',
'~vikky',
'~vilhelmina',
'~vilma',
'~vin',
'~vina',
'~vinita',
'~vinni',
'~vinnie',
'~vinny',
'~viola',
'~violante',
'~viole',
'~violet',
'~violetta',
'~violette',
'~virgie',
'~virgina',
'~virginia',
'~virginie',
'~vita',
'~vitia',
'~vitoria',
'~vittoria',
'~viv',
'~viva',
'~vivi',
'~vivia',
'~vivian',
'~viviana',
'~vivianna',
'~vivianne',
'~vivie',
'~vivien',
'~viviene',
'~vivienne',
'~viviyan',
'~vivyan',
'~vivyanne',
'~vonni',
'~vonnie',
'~vonny',
'~vyky',
'~wallie',
'~wallis',
'~walliw',
'~wally',
'~waly',
'~wanda',
'~wandie',
'~wandis',
'~waneta',
'~wanids',
'~wenda',
'~wendeline',
'~wendi',
'~wendie',
'~wendy',
'~wendye',
'~wenona',
'~wenonah',
'~whitney',
'~wileen',
'~wilhelmina',
'~wilhelmine',
'~wilie',
'~willa',
'~willabella',
'~willamina',
'~willetta',
'~willette',
'~willi',
'~willie',
'~willow',
'~willy',
'~willyt',
'~wilma',
'~wilmette',
'~wilona',
'~wilone',
'~wilow',
'~windy',
'~wini',
'~winifred',
'~winna',
'~winnah',
'~winne',
'~winni',
'~winnie',
'~winnifred',
'~winny',
'~winona',
'~winonah',
'~wren',
'~wrennie',
'~wylma',
'~wynn',
'~wynne',
'~wynnie',
'~wynny',
'~xaviera',
'~xena',
'~xenia',
'~xylia',
'~xylina',
'~yalonda',
'~yasmeen',
'~yasmin',
'~yelena',
'~yetta',
'~yettie',
'~yetty',
'~yevette',
'~ynes',
'~ynez',
'~yoko',
'~yolanda',
'~yolande',
'~yolane',
'~yolanthe',
'~yoshi',
'~yoshiko',
'~yovonnda',
'~ysabel',
'~yvette',
'~yvonne',
'~zabrina',
'~zahara',
'~zandra',
'~zaneta',
'~zara',
'~zarah',
'~zaria',
'~zarla',
'~zea',
'~zelda',
'~zelma',
'~zena',
'~zenia',
'~zia',
'~zilvia',
'~zita',
'~zitella',
'~zoe',
'~zola',
'~zonda',
'~zondra',
'~zonnya',
'~zora',
'~zorah',
'~zorana',
'~zorina',
'~zorine',
'~zsazsa',
'~zulema',
'~zuzana',]
|
SERVER_HOST = '0.0.0.0'
SERVER_PORT = 5000
SECRET_KEY = 'ABCJKSKMKJFJIF'
DEBUG = True
|
# my_lambbdata/polos.py
# Polo Class!
# attributes / properties (NOUNS): size, style, color, texture, price
# methods (VERBS): wash, fold, pop collar
class Polo():
def __init__(self, size, color):
self.size = size
self.color = color
@property
def full_name(self):
return f"{self.size} {self.color}"
def wash(self):
print(f"WASHING THE {self.size} {self.color} POLO!")
@staticmethod
def fold():
print(f"FOLDING THE POLO!")
if __name__ == "__main__":
# initialize a small blue polo and a large yellow polo
#df = DataFrame(_____)
#df.columns
#df.head()
p1 = Polo(size="Small", color="Blue")
print(p1.size, p1.color)
print(p1.full_name)
p1.wash()
p2 = Polo(size="Large", color="Yellow")
print(p2.size, p2.color)
print(p2.full_name)
p2.fold() |
'''Criar um algoritmo que leia o salario de um funcionário e mostre seu novo salario, com 15% de almento.'''
print('-'*60)
salario = float(input('Digite seu salário atual: R$ '))
aumento = (salario * (15/100)) + salario
print('Seu salário atual é R${:.2f}, mas com 15% de aumento você passa a receber R${:.2f}.'.format(salario, aumento))
print('-'*60)
|
class IncompatibilityCause(Exception):
"""
The reason and Incompatibility's terms are incompatible.
"""
class RootCause(IncompatibilityCause):
pass
class NoVersionsCause(IncompatibilityCause):
pass
class DependencyCause(IncompatibilityCause):
pass
class ConflictCause(IncompatibilityCause):
"""
The incompatibility was derived from two existing incompatibilities
during conflict resolution.
"""
def __init__(self, conflict, other):
self._conflict = conflict
self._other = other
@property
def conflict(self):
return self._conflict
@property
def other(self):
return self._other
def __str__(self):
return str(self._conflict)
class PythonCause(IncompatibilityCause):
"""
The incompatibility represents a package's python constraint
(Python versions) being incompatible
with the current python version.
"""
def __init__(self, python_version, root_python_version):
self._python_version = python_version
self._root_python_version = root_python_version
@property
def python_version(self):
return self._python_version
@property
def root_python_version(self):
return self._root_python_version
class PlatformCause(IncompatibilityCause):
"""
The incompatibility represents a package's platform constraint
(OS most likely) being incompatible with the current platform.
"""
def __init__(self, platform):
self._platform = platform
@property
def platform(self):
return self._platform
class PackageNotFoundCause(IncompatibilityCause):
"""
The incompatibility represents a package that couldn't be found by its
source.
"""
def __init__(self, error):
self._error = error
@property
def error(self):
return self._error
|
# Constants
IMG_SIZE = (48, 48)
EMOTIONS = {
# 'anger': 1,
# 'disgust': 2,
# 'fear': 3,
4: 'happy',
# 'sad': 5,
6: 'surprise',
}
THRESHOLDS = {
# 1: 0.5,
# 2: 0.5,
# 3: 0.5,
4: 0.80,
# 5: 0.5,
6: 0.6,
}
|
class FrontendPortName(object):
def read_get(self, name, idx_name, unity_client):
return unity_client.get_frontend_port_name(idx_name)
class FrontendPortNameColumn(object):
def get_idx(self, name, idx, unity_client):
return unity_client.get_frontend_ports()
|
# part 1
with open("inputs/day1.txt", "r") as f:
lines = f.read().strip().split("\n")
n_increases = 0
for left, right in zip(lines[:-1], lines[1:]):
if int(right) > int(left):
n_increases += 1
print("Part 1:", n_increases)
# part 2
n_increases = 0
prevval = None
for left, middle, right in zip(lines[:-2], lines[1:-1], lines[2:]):
curval = int(left) + int(middle) + int(right)
if prevval is not None and curval > prevval:
n_increases += 1
prevval = curval
print("Part 2:", n_increases)
|
"""Madlibs Stories."""
class Story:
"""Madlibs story.
To make a story, pass a list of prompts, and the text
of the template.
>>> s = Story(["noun", "verb"],
... "I love to {verb} a good {noun}.")
To generate text from a story, pass in a dictionary-like thing
of {prompt: answer, promp:answer):
>>> ans = {"verb": "eat", "noun": "mango"}
>>> s.generate(ans)
'I love to eat a good mango.'
"""
def __init__(self, words, text):
"""Create story with words and template text."""
self.prompts = words
self.template = text
def generate(self, answers):
"""Substitute answers into text."""
text = self.template
for (key, val) in answers.items():
text = text.replace("{" + key + "}", val)
return text
# Here's a story to get you started
story = Story(
["place", "noun", "verb", "adjective", "plural_noun"],
"""Once upon a time in a long-ago {place}, there lived a
large {adjective} {noun}. It loved to {verb} {plural_noun}."""
)
|
#!/usr/bin/env python
# Copyright 2015 Google Inc. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
class Rule(object):
"""An optional base class for rule implementations.
The rule_parser looks for the 'IsType' and 'ApplyRule' methods by name, so
rules are not strictly required to extend this class.
"""
def IsType(self, rule_type_name):
"""Returns True if the name matches this rule."""
raise NotImplementedError
def ApplyRule(self, return_value, request, response):
"""Invokes this rule with the given args.
Args:
return_value: the prior rule's return_value (if any).
request: the httparchive ArchivedHttpRequest.
response: the httparchive ArchivedHttpResponse, which may be None.
Returns:
A (should_stop, return_value) tuple. Typically the request and response
are treated as immutable, so it's the caller's job to apply the
return_value (e.g., set response fields).
"""
raise NotImplementedError
|
class C:
def method(self):
def foo():
def bar():
pass
# bar
# bar
# bar
# method
# class
|
class TemplateError(Exception):
pass
class TemplateSyntaxError(TemplateError):
"""Raised to tell the user that there is a problem with the template."""
def __init__(self, message, lineno=None, name=None,
source=None, filename=None, node=None):
TemplateError.__init__(self, message)
self.message = message
self.lineno = lineno
if lineno is None and node is not None:
self.lineno = getattr(node, 'position', (1, 0))[0]
self.name = name
self.filename = filename
self.source = source
# this is set to True if the debug.translate_syntax_error
# function translated the syntax error into a new traceback
self.translated = False
def __str__(self):
# for translated errors we only return the message
if self.translated:
return self.message
# otherwise attach some stuff
location = 'line %d' % self.lineno
name = self.filename or self.name
if name:
location = 'File "%s", %s' % (name, location)
lines = [self.message, ' ' + location]
# if the source is set, add the line to the output
if self.source is not None:
try:
line = self.source.splitlines()[self.lineno - 1]
except IndexError:
line = None
if line:
lines.append(' ' + line.strip())
return u'\n'.join(lines)
|
""". regress totemp gnpdefl gnp unemp armed pop year
Source | SS df MS Number of obs = 16
-------------+------------------------------ F( 6, 9) = 330.29
Model | 184172402 6 30695400.3 Prob > F = 0.0000
Residual | 836424.129 9 92936.0144 R-squared = 0.9955
-------------+------------------------------ Adj R-squared = 0.9925
Total | 185008826 15 12333921.7 Root MSE = 304.85
------------------------------------------------------------------------------
totemp | Coef. Std. Err. t P>|t| [95% Conf. Interval]
-------------+----------------------------------------------------------------
gnpdefl | 15.06167 84.91486 0.18 0.863 -177.0291 207.1524
gnp | -.0358191 .033491 -1.07 0.313 -.111581 .0399428
unemp | -2.020229 .4883995 -4.14 0.003 -3.125065 -.9153928
armed | -1.033227 .2142741 -4.82 0.001 -1.517948 -.5485049
pop | -.0511045 .2260731 -0.23 0.826 -.5625173 .4603083
year | 1829.151 455.4785 4.02 0.003 798.7873 2859.515
_cons | -3482258 890420.3 -3.91 0.004 -5496529 -1467987
------------------------------------------------------------------------------
"""
#From Stata using Longley dataset as in the test and example for GLM
"""
. glm totemp gnpdefl gnp unemp armed pop year
Iteration 0: log likelihood = -109.61744
Generalized linear models No. of obs = 16
Optimization : ML Residual df = 9
Scale parameter = 92936.01
Deviance = 836424.1293 (1/df) Deviance = 92936.01
Pearson = 836424.1293 (1/df) Pearson = 92936.01
Variance function: V(u) = 1 [Gaussian]
Link function : g(u) = u [Identity]
AIC = 14.57718
Log likelihood = -109.6174355 BIC = 836399.2
------------------------------------------------------------------------------
| OIM
totemp | Coef. Std. Err. z P>|z| [95% Conf. Interval]
-------------+----------------------------------------------------------------
gnpdefl | 15.06167 84.91486 0.18 0.859 -151.3684 181.4917
gnp | -.0358191 .033491 -1.07 0.285 -.1014603 .029822
unemp | -2.020229 .4883995 -4.14 0.000 -2.977475 -1.062984
armed | -1.033227 .2142741 -4.82 0.000 -1.453196 -.6132571
pop | -.0511045 .2260731 -0.23 0.821 -.4941996 .3919906
year | 1829.151 455.4785 4.02 0.000 936.4298 2721.873
_cons | -3482258 890420.3 -3.91 0.000 -5227450 -1737066
------------------------------------------------------------------------------
"""
#RLM Example
"""
. rreg stackloss airflow watertemp acidconc
Huber iteration 1: maximum difference in weights = .48402478
Huber iteration 2: maximum difference in weights = .07083248
Huber iteration 3: maximum difference in weights = .03630349
Biweight iteration 4: maximum difference in weights = .2114744
Biweight iteration 5: maximum difference in weights = .04709559
Biweight iteration 6: maximum difference in weights = .01648123
Biweight iteration 7: maximum difference in weights = .01050023
Biweight iteration 8: maximum difference in weights = .0027233
Robust regression Number of obs = 21
F( 3, 17) = 74.15
Prob > F = 0.0000
------------------------------------------------------------------------------
stackloss | Coef. Std. Err. t P>|t| [95% Conf. Interval]
-------------+----------------------------------------------------------------
airflow | .8526511 .1223835 6.97 0.000 .5944446 1.110858
watertemp | .8733594 .3339811 2.61 0.018 .1687209 1.577998
acidconc | -.1224349 .1418364 -0.86 0.400 -.4216836 .1768139
_cons | -41.6703 10.79559 -3.86 0.001 -64.447 -18.89361
------------------------------------------------------------------------------
"""
|
# -*- coding: utf-8 -*-
__author__ = """Jason Emerick"""
__email__ = '[email protected]'
__version__ = '0.3.2'
|
"""
Desafio do contador com estrutura de repetição
for / while
0 10
1 9
2 8
3 7
4 6
5 5
6 4
7 3
8 2
9 1
10 0
"""
for n1, n2 in enumerate(range(10, 0, -1)):
print(n1, n2)
|
def test_user_login_logged_in(cli_run, mock_user):
result = cli_run(['user', 'login'])
assert result.exit_code == 0
assert 'Hello' in result.output
|
class Solution:
def findMedianSortedArrays(self, nums1: [int], nums2: [int]) -> float:
if len(nums1) > len(nums2): nums1, nums2 = nums2, nums1
l, r = 0, 2 * len(nums1)
while l <= r:
m1 = (l + r) // 2
m2 = len(nums1) + len(nums2) - m1
left1 = nums1[(m1 - 1) // 2] if m1 != 0 else float("-inf")
right1 = nums1[m1 // 2] if m1 != 2 * len(nums1) else float("+inf")
left2 = nums2[(m2 - 1) // 2] if m2 != 0 else float("-inf")
right2 = nums2[m2 // 2] if m2 != 2 * len(nums2) else float("+inf")
if left1 > right2: r = m1 - 1
elif left2 > right1: l = m1 + 1
else: return (max(left1, left2) + min(right1, right2)) / 2 |
#!/usr/bin/env python3
# Definition for singly-linked list.
class ListNode(object):
def __init__(self, x):
self.val = x
self.next = None
class Solution(object):
def removeNthFromEnd(self, head, n):
"""
:type head: ListNode
:type n: int
:rtype: ListNode
"""
curr = head
for _ in range(n):
curr = curr.next
end = head
if curr == None:
return head.next
while curr.next != None:
curr = curr.next
end = end.next
end.next = end.next.next
return head
if __name__ == "__main__":
s = Solution()
head = ListNode(1)
head.next = ListNode(2)
head.next.next = ListNode(3)
head.next.next.next = ListNode(4)
head.next.next.next.next = ListNode(5)
n = 2
result = s.removeNthFromEnd(head, n)
print(result)
|
"""
Crie um programa que leia duas notas de um aluno e calcule sua média, mostrando uma mensagem no final, de acordo com
a média atingida:
- Média abaixo de 5.0:
REPROVADO.
- Média entre 5.0 e 6.9:
RECUPERAÇÃO
- Média 7.0 ou superior:
APROVADO.
"""
print(('\033[1m<\033[m' * 6) + ' \033[35mSISTEMA DE VERIFICAÇÃO DE MÉDIA PARA APROVAÇÃO ' + (6 * '\033[1m>\033[m'))
nota1 = float(input('Digite a primeira nota: '))
nota2 = float(input('Digite a segunda nota: '))
media = (nota1 + nota2) / 2
if media < 5:
print('Você obteve média de \033[1;33m{:.1f}\033[m e está \033[1;31mREPROVADO\033[m.'.format(media))
elif 6.9 >= media >= 5.0:
print('Você obteve média de \033[1;33m{:.1f}\033[m e está de \033[1;33mRECUPERAÇÃO\033[m!'.format(media))
else:
print('Você obteve média de \033[1;33m{:.1f}\033[m e \033[1;32mPARABÉNS\033[m você \033[1;32mPASSOU\033[m.'
.format(media))
|
class BUILD_TREE(object):
def __init__(self, **args):
self.tree = {}
def _convertargs(self, args):
for item, value in args.items():
if not ((type(value) is list) or (type(value) is dict)):
args[item] = str(value)
def populateTree(self, tag, text='', attr=None, children=None):
if attr is None:
attr = {}
if children is None:
children = {}
return {'tag': tag, 'text': text, 'attr': attr, 'children': children}
|
__author__ = 'ktisha'
class A:
ccc = True
def foo(self):
self.ccc = False |
class Solution(object):
def countBattleships(self, board):
"""
:type board: List[List[str]]
:rtype: int
"""
# cycle through each point
# check surrounding
# add one
# set surroundgs to .
count = 0
for row in range(0, len(board)):
for column in range(0, len(board[0])):
if board[row][column] == 'X':
if (row == 0 or board[row - 1][column] != 'X')and(column == 0 or board[row][column - 1] != 'X'):
count += 1
return count
|
"""
*
* Author: Juarez Paulino(coderemite)
* Email: [email protected]
*
"""
F=open('input.txt','r')
W=open('output.txt','w')
a=F.readline()
b=int(F.readline())
W.write(str('RL'[a[0]=='f'and b<2 or a[0]=='b'and b>1]))
W.close()
|
"""This problem was asked by Amazon.
Given a pivot x, and a list lst, partition the list into three parts.
• The first part contains all elements in lst that are less than x
• The second part contains all elements in lst that are equal to x
• The third part contains all elements in lst that are larger than x
Ordering within a part can be arbitrary.
For example, given x = 10 and lst = [9, 12, 3, 5, 14, 10, 10], one partition may be `[9, 3, 5, 10, 10, 12, 14].
""" |
#
# PySNMP MIB module ERI-DNX-SMC-MIB (http://snmplabs.com/pysmi)
# ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/ERI-DNX-SMC-MIB
# Produced by pysmi-0.3.4 at Mon Apr 29 18:51:36 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, Integer, OctetString = mibBuilder.importSymbols("ASN1", "ObjectIdentifier", "Integer", "OctetString")
NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
SingleValueConstraint, ValueSizeConstraint, ConstraintsIntersection, ValueRangeConstraint, ConstraintsUnion = mibBuilder.importSymbols("ASN1-REFINEMENT", "SingleValueConstraint", "ValueSizeConstraint", "ConstraintsIntersection", "ValueRangeConstraint", "ConstraintsUnion")
eriMibs, eriProducts = mibBuilder.importSymbols("ERI-ROOT-SMI", "eriMibs", "eriProducts")
NotificationGroup, ModuleCompliance = mibBuilder.importSymbols("SNMPv2-CONF", "NotificationGroup", "ModuleCompliance")
iso, IpAddress, Unsigned32, Gauge32, MibIdentifier, NotificationType, Counter64, ModuleIdentity, Counter32, ObjectIdentity, Integer32, Bits, TimeTicks, MibScalar, MibTable, MibTableRow, MibTableColumn = mibBuilder.importSymbols("SNMPv2-SMI", "iso", "IpAddress", "Unsigned32", "Gauge32", "MibIdentifier", "NotificationType", "Counter64", "ModuleIdentity", "Counter32", "ObjectIdentity", "Integer32", "Bits", "TimeTicks", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn")
DisplayString, TextualConvention = mibBuilder.importSymbols("SNMPv2-TC", "DisplayString", "TextualConvention")
eriDNXSmcMIB = ModuleIdentity((1, 3, 6, 1, 4, 1, 644, 3, 1))
eriDNXSmcMIB.setRevisions(('2003-05-19 00:00', '2003-05-06 00:00', '2003-03-21 00:00', '2003-02-25 00:00', '2003-01-28 00:00', '2003-01-10 00:00', '2003-01-03 00:00', '2002-11-18 00:00', '2002-10-30 00:00', '2002-09-19 00:00', '2002-08-20 00:00', '2002-07-22 00:00', '2002-07-03 00:00', '2002-05-31 00:00', '2002-05-13 00:00', '2002-05-06 00:00', '2002-04-22 00:00', '2002-04-18 00:00', '2002-04-12 00:00', '2002-03-11 00:00', '2001-11-13 00:00', '2001-09-10 00:00', '2001-08-13 00:00', '2001-07-19 00:00', '2001-07-05 00:00', '2001-06-23 00:00', '2001-06-01 00:00', '2001-05-21 00:00', '2001-03-23 00:00', '2001-03-01 00:00', '2001-01-02 00:00', '2000-12-01 00:00', '2000-10-26 00:00', '2000-10-02 00:00', '2000-07-26 00:00', '2000-05-31 00:00', '2000-05-15 00:00', '2000-02-25 00:00', '1999-12-15 00:00', '1999-11-09 00:00', '1998-12-15 00:00',))
if mibBuilder.loadTexts: eriDNXSmcMIB.setLastUpdated('200305190000Z')
if mibBuilder.loadTexts: eriDNXSmcMIB.setOrganization('Eastern Research, Inc.')
dnx = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4))
sysMgr = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1))
devices = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 2))
traps = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 3))
class DnxResourceType(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 124, 125, 126, 127, 128, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144))
namedValues = NamedValues(("slot", 0), ("deviceOctalE1T1", 1), ("deviceQuadHighSpeed", 2), ("deviceOctalHighSpeed", 3), ("deviceQuadOcu", 4), ("deviceSystemManager", 5), ("deviceQuadT1", 6), ("deviceT3", 7), ("deviceTestAccess", 8), ("deviceVoice", 9), ("deviceVoiceEM", 10), ("deviceVoiceFXO", 11), ("deviceVoiceFXS", 12), ("powerSupply", 14), ("protectionSwitch", 15), ("deviceRouterCard", 16), ("deviceSts1", 17), ("deviceHybridDS3", 18), ("deviceGr303", 19), ("deviceXCC", 20), ("deviceXLC", 21), ("deviceNodeManager", 22), ("nest", 23), ("node", 24), ("deviceDs0DP", 25), ("deviceSTM1", 26), ("deviceOC3", 27), ("deviceE3", 28), ("deviceXLC-T1E1", 29), ("deviceSTM1X", 30), ("deviceOC3X", 31), ("deviceContact", 32), ("deviceVoltage", 33), ("deviceAsync", 34), ("deviceSync", 35), ("deviceWan", 36), ("dnx1UQuadT1E1", 37), ("deviceTempSensor", 38), ("dnx1UPowerSupply", 39), ("dnx1USysMgr", 40), ("deviceTranscoder", 41), ("portOctal-T1E1", 100), ("portQuadHighSpeed", 101), ("portOctalHighSpeed", 102), ("portQuadOcu", 103), ("portQuadT1", 104), ("portOctalT1", 105), ("linkT3-T1", 106), ("portT3", 107), ("portTestAccess", 108), ("portVoiceEM", 109), ("portVoiceFXO", 110), ("portVoiceFXS", 111), ("psxNarrowband", 112), ("psxBroadband", 113), ("psxNarrowbandSpare", 114), ("psxBroadbandSpare", 115), ("portRouter", 116), ("linkSts1-T1E1", 117), ("portSts1", 118), ("linkHds3-T1E1", 119), ("portHybridDS3", 120), ("portGr303", 121), ("linkXlink", 124), ("portDs0DP", 125), ("clockDs0DP", 126), ("sysMgrClock", 127), ("linkSTM1-T1E1", 128), ("linkOC3-T1E1", 130), ("payloadSTM1", 131), ("overheadSTM1", 132), ("payloadOC3", 133), ("overheadOC3", 134), ("portE3", 135), ("linkE3-E1", 136), ("opticalXlink", 137), ("portContact", 138), ("portVoltage", 139), ("portAsync", 140), ("linkT1E1", 141), ("portHighSpeed", 142), ("portVirtualWan", 143), ("portTranscoder", 144))
class AlarmSeverity(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4))
namedValues = NamedValues(("nominal", 0), ("informational", 1), ("minor", 2), ("major", 3), ("critical", 4))
class DecisionType(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("no", 0), ("yes", 1))
class FunctionSwitch(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("disable", 0), ("enable", 1))
class CurrentDevStatus(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("inactive", 0), ("active", 1))
class PortStatus(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("out-service", 0), ("in-service", 1))
class DataSwitch(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("off", 0), ("on", 1))
class TimeSlotAddress(TextualConvention, IpAddress):
status = 'current'
class LinkPortAddress(TextualConvention, IpAddress):
status = 'current'
class ClockSrcAddress(TextualConvention, IpAddress):
status = 'current'
class NestSlotAddress(TextualConvention, IpAddress):
status = 'current'
class UnsignedInt(TextualConvention, Unsigned32):
status = 'current'
class ConnectionType(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 7, 8, 9, 10))
namedValues = NamedValues(("fullDuplex", 0), ("broadcastConnection", 1), ("broadcastMaster", 2), ("listenSrc", 3), ("listenDest", 4), ("listenerConnection", 7), ("vcmp", 8), ("subChannel", 9), ("subRate", 10))
class CommunicationsType(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8))
namedValues = NamedValues(("data", 0), ("voice", 1), ("voiceAuToMu", 2), ("comp16kBitGrp1-2", 3), ("comp16kBitGrp3-4", 4), ("comp16kBitGrp5-6", 5), ("comp16kBitGrp7-8", 6), ("comp32kBitGrp1-4", 7), ("comp32kBitGrp5-8", 8))
class ConnectionState1(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1))
namedValues = NamedValues(("inSrvc", 0), ("outOfSrvc", 1))
class ConnectionState2(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(1, 2, 3))
namedValues = NamedValues(("ok", 1), ("underTest", 2), ("cfgError", 3))
class MapNumber(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5))
namedValues = NamedValues(("activeMap", 0), ("map01", 1), ("map02", 2), ("map03", 3), ("map04", 4), ("map05", 5))
class TestAccess(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6))
namedValues = NamedValues(("none", 0), ("monitorSrc", 1), ("monitorDest", 2), ("monitorSrcNDest", 3), ("splitSrc", 4), ("splitDest", 5), ("splitSrcNDest", 6))
class ConnectionSpeed(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 96, 99))
namedValues = NamedValues(("s48k", 0), ("s56k", 1), ("s64k", 2), ("s112k-2x56", 3), ("s128k-2x64", 4), ("s168k-3x56", 5), ("s192k-3x64", 6), ("s224k-4x56", 7), ("s256k-4x64", 8), ("s280k-5x56", 9), ("s320k-5x64", 10), ("s336k-6x56", 11), ("s384k-6x64", 12), ("s392k-7x56", 13), ("s448k-7x64", 14), ("s448k-8x56", 15), ("s512k-8x64", 16), ("s504k-9x56", 17), ("s576k-9x64", 18), ("s560k-10x56", 19), ("s640k-10x64", 20), ("s616k-11x56", 21), ("s704k-11x64", 22), ("s672k-12x56", 23), ("s768k-12x64", 24), ("s728k-13x56", 25), ("s832k-13x64", 26), ("s784k-14x56", 27), ("s896k-14x64", 28), ("s840k-15x56", 29), ("s960k-15x64", 30), ("s896k-16x56", 31), ("s1024k-16x64", 32), ("s952k-17x56", 33), ("s1088k-17x64", 34), ("s1008k-18x56", 35), ("s1152k-18x64", 36), ("s1064k-19x56", 37), ("s1216k-19x64", 38), ("s1120k-20x56", 39), ("s1280k-20x64", 40), ("s1176k-21x56", 41), ("s1344k-21x64", 42), ("s1232k-22x56", 43), ("s1408k-22x64", 44), ("s1288k-23x56", 45), ("s1472k-23x64", 46), ("s1344k-24x56", 47), ("s1536k-24x64", 48), ("s1400k-25x56", 49), ("s1600k-25x64", 50), ("s1456k-26x56", 51), ("s1664k-26x64", 52), ("s1512k-27x56", 53), ("s1728k-27x64", 54), ("s1568k-28x56", 55), ("s1792k-28x64", 56), ("s1624k-29x56", 57), ("s1856k-29x64", 58), ("s1680k-30x56", 59), ("s1920k-30x64", 60), ("s1736k-31x56", 61), ("s1984k-31x64", 62), ("s1792k-32x56", 63), ("s2048k-32x64", 64), ("clearT1-25x64", 65), ("clearE1-32x64", 66), ("s32k", 67), ("s16k", 68), ("s9600-baud", 96), ("no-connection", 99))
class ConnCmdStatus(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 101, 102, 103, 104, 105, 106, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 450, 500, 501, 502))
namedValues = NamedValues(("ready-for-command", 0), ("update", 1), ("delete", 2), ("add", 3), ("addNsave", 4), ("updateNsave", 5), ("deleteNsave", 6), ("update-successful", 101), ("delete-successful", 102), ("add-successful", 103), ("add-save-successful", 104), ("update-save-successful", 105), ("del-save-successful", 106), ("err-general-connection-error", 400), ("err-src-broadcast-id-not-found", 401), ("err-src-port-in-use", 402), ("err-dest-port-in-use", 403), ("err-conn-name-in-use", 404), ("err-invalid-broadcast-id", 405), ("err-invalid-src-slot", 406), ("err-invalid-src-port", 407), ("err-invalid-src-timeslot", 408), ("err-src-port-bandwidth-exceeded", 409), ("err-invalid-dest-slot", 410), ("err-invalid-dest-port", 411), ("err-invalid-dest-timeslot", 412), ("err-dest-port-bandwidth-exceeded", 413), ("err-invalid-command", 414), ("err-not-enough-bts-available", 415), ("err-src-port-cannot-be-voice", 416), ("err-dest-port-cannot-be-voice", 417), ("err-invalid-communications-dev", 418), ("err-invalid-communications-type", 419), ("err-invalid-conn-name", 420), ("err-invalid-conn-type", 421), ("err-invalid-conn-speed", 422), ("err-invalid-conn-record", 423), ("err-conn-test-in-progress", 424), ("err-invalid-conn-id", 425), ("err-conn-not-saved-to-map", 426), ("err-connection-map-full", 427), ("err-invalid-card-type", 428), ("err-invalid-conn-bit-group", 429), ("err-conn-max-channels-used", 430), ("err-src-xlink-slot-not-assigned", 431), ("err-dest-xlink-slot-not-assigned", 432), ("err-protection-grp-conn-error", 433), ("err-cannot-chg-net-conn", 434), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502))
class LinkCmdStatus(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 7, 9, 12, 101, 107, 109, 112, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 450, 500, 501, 502))
namedValues = NamedValues(("ready-for-command", 0), ("update", 1), ("inServiceAll", 7), ("copyToAll", 9), ("outOfServiceAll", 12), ("update-successful", 101), ("insvc-successful", 107), ("copy-successful", 109), ("oos-successful", 112), ("err-general-link-config-error", 400), ("err-invalid-link-status", 401), ("err-invalid-link-framing", 402), ("err-invalid-link-command", 403), ("err-invalid-link-lbo", 404), ("err-invalid-esf-format", 405), ("err-invalid-link-density", 406), ("err-invalid-link-op-mode", 407), ("err-invalid-link-rem-loop", 408), ("err-invalid-link-ais", 409), ("err-invalid-network-loop", 410), ("err-invalid-yellow-alarm", 411), ("err-invalid-red-timeout", 412), ("err-invalid-idle-code", 413), ("err-device-in-standby", 414), ("err-invalid-link-mapping", 415), ("err-invalid-link-vt-group", 416), ("err-invalid-rcv-clocksrc", 417), ("err-invalid-link-name", 418), ("err-invalid-interface", 419), ("err-invalid-polarity", 420), ("err-invalid-clock-timing", 421), ("err-invalid-control-signal", 422), ("err-dcd-dsr-not-applicable", 423), ("err-requires-special-mode", 424), ("err-cts-not-applicable", 425), ("err-gr303-not-applicable", 426), ("err-invalid-link-bits", 427), ("err-device-is-protection-module", 428), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502))
class OneByteField(TextualConvention, OctetString):
status = 'current'
subtypeSpec = OctetString.subtypeSpec + ValueSizeConstraint(1, 1)
fixedLength = 1
class DnxTsPortType(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13))
namedValues = NamedValues(("unknown", 0), ("e1", 1), ("t1", 2), ("high-speed", 3), ("wan", 4), ("e1-cas", 5), ("e1-clear-frm", 6), ("t1-clear-frm", 7), ("e1-clear-unfrm", 8), ("t1-clear-unfrm", 9), ("voice", 10), ("ds0dp", 11), ("ocu", 12), ("tam", 13))
class DnxTrunkProfSelection(TextualConvention, Integer32):
status = 'current'
subtypeSpec = Integer32.subtypeSpec + ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16))
namedValues = NamedValues(("none", 0), ("profile-1", 1), ("profile-2", 2), ("profile-3", 3), ("profile-4", 4), ("profile-5", 5), ("profile-6", 6), ("profile-7", 7), ("profile-8", 8), ("profile-9", 9), ("profile-10", 10), ("profile-11", 11), ("profile-12", 12), ("profile-13", 13), ("profile-14", 14), ("profile-15", 15), ("profile-16", 16))
resourceTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1), )
if mibBuilder.loadTexts: resourceTable.setStatus('current')
resourceEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "resourceKey"))
if mibBuilder.loadTexts: resourceEntry.setStatus('current')
resourceKey = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 1), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceKey.setStatus('current')
resourceAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 2), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAddr.setStatus('current')
resourceType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 3), DnxResourceType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceType.setStatus('current')
resourceState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 4), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceState.setStatus('current')
resourceCriticalMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 5), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceCriticalMask.setStatus('current')
resourceMajorMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 6), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceMajorMask.setStatus('current')
resourceMinorMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 7), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceMinorMask.setStatus('current')
resourceInfoMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 8), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceInfoMask.setStatus('current')
resourceNominalMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 9), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceNominalMask.setStatus('current')
resourceTrapMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 1, 1, 10), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceTrapMask.setStatus('current')
resourceAlarmTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2), )
if mibBuilder.loadTexts: resourceAlarmTable.setStatus('current')
resourceAlarmEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "resourceAlarmKey"))
if mibBuilder.loadTexts: resourceAlarmEntry.setStatus('current')
resourceAlarmKey = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 1), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmKey.setStatus('current')
resourceAlarmAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 2), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmAddr.setStatus('current')
resourceAlarmType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 3), DnxResourceType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmType.setStatus('current')
resourceAlarmState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 4), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmState.setStatus('current')
resourceAlarmCriticalMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 5), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmCriticalMask.setStatus('current')
resourceAlarmMajorMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 6), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmMajorMask.setStatus('current')
resourceAlarmMinorMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 7), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmMinorMask.setStatus('current')
resourceAlarmInfoMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 8), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmInfoMask.setStatus('current')
resourceAlarmNominalMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 9), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmNominalMask.setStatus('current')
resourceAlarmTrapMask = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 2, 1, 10), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: resourceAlarmTrapMask.setStatus('current')
sysProfile = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6))
unitName = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 1), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 30))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: unitName.setStatus('current')
unitType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5))).clone(namedValues=NamedValues(("dnx4", 1), ("dnx11", 2), ("dnx11-psx", 3), ("dnx88", 4), ("dnx1U", 5)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: unitType.setStatus('current')
activeSMC = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("smc-A", 1), ("smc-B", 2)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: activeSMC.setStatus('current')
systemRelease = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 4), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 5))).setMaxAccess("readonly")
if mibBuilder.loadTexts: systemRelease.setStatus('current')
releaseDate = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 5), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 20))).setMaxAccess("readonly")
if mibBuilder.loadTexts: releaseDate.setStatus('current')
flashChksum = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 6), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(6, 6)).setFixedLength(6)).setMaxAccess("readonly")
if mibBuilder.loadTexts: flashChksum.setStatus('current')
xilinxType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 7), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 20))).setMaxAccess("readonly")
if mibBuilder.loadTexts: xilinxType.setStatus('current')
xilinxVersion = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 8), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 30))).setMaxAccess("readonly")
if mibBuilder.loadTexts: xilinxVersion.setStatus('current')
rearModem = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 9), DecisionType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: rearModem.setStatus('current')
mibProfile = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 10), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 256))).setMaxAccess("readonly")
if mibBuilder.loadTexts: mibProfile.setStatus('current')
systemMgrType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 11), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4))).clone(namedValues=NamedValues(("smc-I", 1), ("smc-II", 2), ("xnm", 3), ("dnx1u-sys", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: systemMgrType.setStatus('current')
sysAlarmCutOff = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 12), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("enabled", 0), ("disabled", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysAlarmCutOff.setStatus('current')
sysMacAddress = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 13), OctetString().subtype(subtypeSpec=ValueSizeConstraint(6, 6)).setFixedLength(6)).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysMacAddress.setStatus('current')
sysSa4RxTxTrap = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 14), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 0))).clone(namedValues=NamedValues(("enabled", 1), ("disabled", 0)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysSa4RxTxTrap.setStatus('current')
sysCustomerId = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 15), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 9999))).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysCustomerId.setStatus('current')
sysMgrOnlineTime = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 16), TimeTicks()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysMgrOnlineTime.setStatus('current')
featureKeys = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100))
dnxFeatureKeyTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1), )
if mibBuilder.loadTexts: dnxFeatureKeyTable.setStatus('current')
dnxFeatureKeyEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "featureKeyId"))
if mibBuilder.loadTexts: dnxFeatureKeyEntry.setStatus('current')
featureKeyId = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 8))).setMaxAccess("readonly")
if mibBuilder.loadTexts: featureKeyId.setStatus('current')
featureKeyName = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1, 1, 2), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: featureKeyName.setStatus('current')
featureKeyState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2))).clone(namedValues=NamedValues(("noKey", 0), ("active", 1), ("inactive", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: featureKeyState.setStatus('current')
featureKeyCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 1, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 101, 102, 400, 401, 450, 451, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update", 1), ("deleteKey", 2), ("update-successful", 101), ("delete-successful", 102), ("err-general-key-config-error", 400), ("err-invalid-state", 401), ("err-data-locked-by-another-user", 450), ("err-invalid-cmd-status", 451), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: featureKeyCmdStatus.setStatus('current')
enterNewFeatureKey = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 2))
newKeyCode = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 2, 1), DisplayString()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: newKeyCode.setStatus('current')
newKeyCodeCmdStatus = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 6, 100, 2, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 101, 402, 450, 451, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("enterKey", 1), ("key-successful", 101), ("err-invalid-key", 402), ("err-data-locked-by-another-user", 450), ("err-invalid-cmd-status", 451), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: newKeyCodeCmdStatus.setStatus('current')
sysClock = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7))
sysDateTime = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1))
sysMonth = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 1), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12))).clone(namedValues=NamedValues(("january", 1), ("february", 2), ("march", 3), ("april", 4), ("may", 5), ("june", 6), ("july", 7), ("august", 8), ("september", 9), ("october", 10), ("november", 11), ("december", 12)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysMonth.setStatus('current')
sysDay = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 31))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysDay.setStatus('current')
sysYear = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 3), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysYear.setStatus('current')
sysHour = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 4), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 23))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysHour.setStatus('current')
sysMin = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 5), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 59))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysMin.setStatus('current')
sysSec = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 6), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 59))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysSec.setStatus('current')
sysWeekday = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7))).clone(namedValues=NamedValues(("monday", 1), ("tuesday", 2), ("wednesday", 3), ("thursday", 4), ("friday", 5), ("saturday", 6), ("sunday", 7)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysWeekday.setStatus('current')
sysTimeCmdStatus = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 101, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update-sys-time", 1), ("update-successful", 101), ("err-general-time-date-error", 200), ("err-invalid-day", 201), ("err-invalid-month", 202), ("err-invalid-year", 203), ("err-invalid-hours", 204), ("err-invalid-minutes", 205), ("err-invalid-seconds", 206), ("err-invalid-weekday", 207), ("err-invalid-calendar", 208), ("err-invalid-sys-time-cmd", 209), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysTimeCmdStatus.setStatus('current')
clockSrcConfig = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2))
clockSrcActive = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 1), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 6, 7, 8))).clone(namedValues=NamedValues(("freerun", 0), ("holdover", 1), ("primary", 2), ("secondary", 3), ("tertiary", 4), ("primary-protected", 6), ("secondary-protected", 7), ("tertiary-protected", 8)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: clockSrcActive.setStatus('current')
primaryClockSrc = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 2), ClockSrcAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: primaryClockSrc.setStatus('current')
secondaryClockSrc = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 3), ClockSrcAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: secondaryClockSrc.setStatus('current')
tertiaryClockSrc = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 4), ClockSrcAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: tertiaryClockSrc.setStatus('current')
clockSrcMode = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4))).clone(namedValues=NamedValues(("freerun", 0), ("auto", 1), ("primary", 2), ("secondary", 3), ("tertiary", 4)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: clockSrcMode.setStatus('current')
clockSrcCmdStatus = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 7, 2, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 101, 200, 201, 202, 203, 204, 205, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update-clock-src", 1), ("update-successful", 101), ("err-gen-clock-src-config-error", 200), ("err-invalid-slot", 201), ("err-invalid-port", 202), ("err-invalid-clock-src-command", 203), ("err-invalid-clock-mode", 204), ("err-invalid-station-clock", 205), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: clockSrcCmdStatus.setStatus('current')
connections = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8))
connInfo = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 1))
activeMapId = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 5))).setMaxAccess("readonly")
if mibBuilder.loadTexts: activeMapId.setStatus('current')
connDBChecksum = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 1, 2), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: connDBChecksum.setStatus('current')
lastMapCopied = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 1, 3), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 5))).setMaxAccess("readonly")
if mibBuilder.loadTexts: lastMapCopied.setStatus('current')
connMapTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2), )
if mibBuilder.loadTexts: connMapTable.setStatus('current')
connMapEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "connMapID"))
if mibBuilder.loadTexts: connMapEntry.setStatus('current')
connMapID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 5))).setMaxAccess("readonly")
if mibBuilder.loadTexts: connMapID.setStatus('current')
connMapName = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 11))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: connMapName.setStatus('current')
connMapCurrStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("active", 1), ("non-active", 2), ("non-active-tagged", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: connMapCurrStatus.setStatus('current')
connMapDescription = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 4), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 20))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: connMapDescription.setStatus('current')
connMapCounts = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 5), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: connMapCounts.setStatus('current')
connMapVersions = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 6), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: connMapVersions.setStatus('current')
connMapDate = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 7), DisplayString()).setMaxAccess("readonly")
if mibBuilder.loadTexts: connMapDate.setStatus('current')
connMapCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 7, 8, 9, 100, 101, 102, 107, 108, 109, 200, 202, 203, 204, 205, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update-map", 1), ("delete-map", 2), ("activate-map", 7), ("save-map", 8), ("copy-map-to-tagged-maps", 9), ("command-in-progress", 100), ("update-successful", 101), ("delete-successful", 102), ("activate-successful", 107), ("save-successful", 108), ("copy-successful", 109), ("err-general-map-config-error", 200), ("err-invalid-map-command", 202), ("err-invalid-map-name", 203), ("err-invalid-map-desc", 204), ("err-invalid-map-status", 205), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: connMapCmdStatus.setStatus('current')
connMapChecksum = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 2, 1, 9), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: connMapChecksum.setStatus('current')
sysConnTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3), )
if mibBuilder.loadTexts: sysConnTable.setStatus('current')
sysConnEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "sysMapID"), (0, "ERI-DNX-SMC-MIB", "sysConnID"))
if mibBuilder.loadTexts: sysConnEntry.setStatus('current')
sysMapID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 1), MapNumber()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysMapID.setStatus('current')
sysConnID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 16224))).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysConnID.setStatus('current')
sysConnName = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 3), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 19))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysConnName.setStatus('current')
sysConnType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 4), ConnectionType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysConnType.setStatus('current')
sysSrcAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 5), TimeSlotAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysSrcAddr.setStatus('current')
sysDestAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 6), TimeSlotAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysDestAddr.setStatus('current')
sysComm = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 7), CommunicationsType()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysComm.setStatus('current')
sysConnSpeed = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 8), ConnectionSpeed()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysConnSpeed.setStatus('current')
sysSrcTsBitmap = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 9), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysSrcTsBitmap.setStatus('current')
sysDestTsBitmap = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 10), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysDestTsBitmap.setStatus('current')
sysBroadSrcId = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 11), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysBroadSrcId.setStatus('current')
sysTestMode = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 12), TestAccess()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysTestMode.setStatus('obsolete')
sysCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 13), ConnCmdStatus()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysCmdStatus.setStatus('current')
sysPrimaryState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 14), ConnectionState1()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysPrimaryState.setStatus('current')
sysSecondaryState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 15), ConnectionState2()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysSecondaryState.setStatus('current')
sysConnInstance = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 16), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysConnInstance.setStatus('current')
sysConnChecksum = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 17), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysConnChecksum.setStatus('current')
sysSrcTsLineType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 18), DnxTsPortType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysSrcTsLineType.setStatus('current')
sysDestTsLineType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 19), DnxTsPortType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: sysDestTsLineType.setStatus('current')
sysSrcTrunkCProfile = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 20), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysSrcTrunkCProfile.setStatus('current')
sysDestTrunkCProfile = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 3, 1, 21), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: sysDestTrunkCProfile.setStatus('current')
actvConnTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4), )
if mibBuilder.loadTexts: actvConnTable.setStatus('current')
actvConnEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "actvMapID"), (0, "ERI-DNX-SMC-MIB", "actvConnID"))
if mibBuilder.loadTexts: actvConnEntry.setStatus('current')
actvMapID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 1), MapNumber()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvMapID.setStatus('current')
actvConnID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 16224))).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvConnID.setStatus('current')
actvConnName = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 3), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 19))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvConnName.setStatus('current')
actvConnType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 4), ConnectionType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvConnType.setStatus('current')
actvSrcAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 5), TimeSlotAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvSrcAddr.setStatus('current')
actvDestAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 6), TimeSlotAddress()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvDestAddr.setStatus('current')
actvComm = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 7), CommunicationsType()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvComm.setStatus('current')
actvConnSpeed = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 8), ConnectionSpeed()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvConnSpeed.setStatus('current')
actvSrcTsBitmap = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 9), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvSrcTsBitmap.setStatus('current')
actvDestTsBitmap = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 10), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvDestTsBitmap.setStatus('current')
actvBroadSrcId = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 11), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvBroadSrcId.setStatus('current')
actvTestMode = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 12), TestAccess()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvTestMode.setStatus('obsolete')
actvCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 13), ConnCmdStatus()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvCmdStatus.setStatus('current')
actvPrimaryState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 14), ConnectionState1()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvPrimaryState.setStatus('current')
actvSecondaryState = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 15), ConnectionState2()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvSecondaryState.setStatus('current')
actvConnInstance = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 16), Integer32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvConnInstance.setStatus('current')
actvConnChecksum = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 17), UnsignedInt()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvConnChecksum.setStatus('current')
actvSrcTsLineType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 18), DnxTsPortType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvSrcTsLineType.setStatus('current')
actvDestTsLineType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 19), DnxTsPortType()).setMaxAccess("readonly")
if mibBuilder.loadTexts: actvDestTsLineType.setStatus('current')
actvSrcTrunkCProfile = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 20), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvSrcTrunkCProfile.setStatus('current')
actvDestTrunkCProfile = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 4, 1, 21), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: actvDestTrunkCProfile.setStatus('current')
addConnRecord = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5))
addMapID = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 1), MapNumber()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addMapID.setStatus('current')
addConnID = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 16224))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addConnID.setStatus('current')
addConnName = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 3), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(1, 19))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addConnName.setStatus('current')
addConnType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 4), ConnectionType()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addConnType.setStatus('current')
addSrcAddr = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 5), TimeSlotAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addSrcAddr.setStatus('current')
addDestAddr = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 6), TimeSlotAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addDestAddr.setStatus('current')
addComm = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 7), CommunicationsType()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addComm.setStatus('current')
addConnSpeed = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 8), ConnectionSpeed()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addConnSpeed.setStatus('current')
addSrcTsBitmap = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 9), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addSrcTsBitmap.setStatus('current')
addDestTsBitmap = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 10), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addDestTsBitmap.setStatus('current')
addBroadSrcId = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 11), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 16224))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addBroadSrcId.setStatus('current')
addTestMode = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 12), TestAccess()).setMaxAccess("readonly")
if mibBuilder.loadTexts: addTestMode.setStatus('current')
addCmdStatus = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 13), ConnCmdStatus()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addCmdStatus.setStatus('current')
addSrcTrunkCProfile = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 14), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addSrcTrunkCProfile.setStatus('current')
addDestTrunkCProfile = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 5, 15), DnxTrunkProfSelection()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: addDestTrunkCProfile.setStatus('current')
trunkCProfileTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6), )
if mibBuilder.loadTexts: trunkCProfileTable.setStatus('current')
trunkCProfileEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "trunkProfileID"))
if mibBuilder.loadTexts: trunkCProfileEntry.setStatus('current')
trunkProfileID = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 16))).setMaxAccess("readonly")
if mibBuilder.loadTexts: trunkProfileID.setStatus('current')
trunkSignalStart = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1, 2), OctetString().subtype(subtypeSpec=ValueSizeConstraint(1, 1)).setFixedLength(1)).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trunkSignalStart.setStatus('current')
trunkSignalEnd = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1, 3), OctetString().subtype(subtypeSpec=ValueSizeConstraint(1, 1)).setFixedLength(1)).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trunkSignalEnd.setStatus('current')
trunkData = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1, 4), OctetString().subtype(subtypeSpec=ValueSizeConstraint(1, 1)).setFixedLength(1)).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trunkData.setStatus('current')
trunkCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 8, 6, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 101, 200, 208, 400, 404, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update", 1), ("update-successful", 101), ("err-general-trunk-error", 200), ("err-invalid-command", 208), ("err-general-config-error", 400), ("err-invalid-trunk-value", 404), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trunkCmdStatus.setStatus('current')
utilities = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12))
database = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1))
dbBackup = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1))
dbAutoBackup = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 1), DecisionType()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbAutoBackup.setStatus('current')
dbBackupOccurrence = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("weekly", 0), ("daily", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbBackupOccurrence.setStatus('current')
dbBackupDayOfWeek = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4, 5, 6, 7))).clone(namedValues=NamedValues(("monday", 1), ("tuesday", 2), ("wednesday", 3), ("thursday", 4), ("friday", 5), ("saturday", 6), ("sunday", 7)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbBackupDayOfWeek.setStatus('current')
dbBackupHour = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 4), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 23))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbBackupHour.setStatus('current')
dbBackupMin = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 5), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 59))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbBackupMin.setStatus('current')
dbRemoteHostTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10), )
if mibBuilder.loadTexts: dbRemoteHostTable.setStatus('current')
dbRemoteHostTableEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "dbHostIndex"))
if mibBuilder.loadTexts: dbRemoteHostTableEntry.setStatus('current')
dbHostIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 3))).setMaxAccess("readonly")
if mibBuilder.loadTexts: dbHostIndex.setStatus('current')
dbHostIp = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1, 2), IpAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbHostIp.setStatus('current')
dbHostDirectory = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1, 3), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 45))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbHostDirectory.setStatus('current')
dbHostFilename = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1, 4), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 8))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbHostFilename.setStatus('current')
dbHostCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 1, 12, 1, 1, 10, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 8, 9, 11, 100, 101, 102, 108, 109, 111, 200, 201, 202, 203, 204, 210, 211, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update-host", 1), ("clear-host", 2), ("saveDB", 8), ("saveDBToAll", 9), ("restoreDB", 11), ("command-in-progress", 100), ("update-successful", 101), ("clear-successful", 102), ("save-successful", 108), ("save-all-successful", 109), ("restore-successful", 111), ("err-general-host-config-error", 200), ("err-invalid-host-command", 201), ("err-invalid-host-addr", 202), ("err-invalid-host-name", 203), ("err-invalid-host-dir", 204), ("err-backup-file-creation-failed", 210), ("err-backup-file-transfer-failed", 211), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: dbHostCmdStatus.setStatus('current')
trapSequence = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 1), Counter32()).setMaxAccess("readonly")
if mibBuilder.loadTexts: trapSequence.setStatus('current')
trapResourceKey = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 2), Integer32()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapResourceKey.setStatus('current')
trapTime = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 3), DisplayString()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapTime.setStatus('current')
trapResourceAddress = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 4), DisplayString()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapResourceAddress.setStatus('current')
trapResourceType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 5), DnxResourceType()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapResourceType.setStatus('current')
trapType = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(101, 102, 141, 142, 203, 204, 206, 207, 208, 209, 210, 216, 219, 225, 228, 243, 244, 246, 247, 248, 249, 250, 256, 259, 265, 268, 301, 302, 304, 305, 306, 308, 309, 310, 312, 313, 321, 322, 323, 324, 325, 341, 342, 344, 345, 346, 348, 349, 350, 352, 353, 361, 362, 363, 364, 365, 401, 402, 403, 404, 425, 441, 442, 443, 444, 465, 501, 502, 503, 504, 505, 506, 512, 513, 515, 516, 517, 518, 519, 520, 522, 523, 524, 525, 541, 542, 543, 544, 545, 546, 552, 553, 555, 556, 557, 558, 559, 560, 562, 563, 564, 565, 601, 602, 641, 642, 706, 712, 723, 725, 746, 752, 763, 765, 825, 865, 925, 965, 1003, 1004, 1005, 1006, 1007, 1008, 1043, 1044, 1045, 1046, 1047, 1048, 1102, 1103, 1106, 1107, 1108, 1142, 1143, 1146, 1147, 1148, 1201, 1202, 1203, 1225, 1241, 1242, 1243, 1265, 1301, 1302, 1304, 1305, 1308, 1309, 1310, 1312, 1313, 1316, 1317, 1318, 1320, 1321, 1322, 1323, 1324, 1325, 1341, 1342, 1344, 1345, 1348, 1349, 1350, 1352, 1353, 1356, 1357, 1358, 1360, 1361, 1362, 1363, 1364, 1365, 1404, 1405, 1406, 1408, 1409, 1411, 1412, 1413, 1417, 1418, 1419, 1420, 1421, 1422, 1423, 1424, 1425, 1444, 1445, 1446, 1448, 1449, 1451, 1452, 1453, 1457, 1458, 1459, 1460, 1461, 1462, 1463, 1464, 1465, 1606, 1615, 1616, 1617, 1618, 1620, 1621, 1646, 1655, 1656, 1657, 1658, 1660, 1661, 1701, 1702, 1705, 1706, 1707, 1708, 1709, 1741, 1742, 1745, 1746, 1747, 1748, 1749, 1801, 1802, 1803, 1841, 1842, 1843, 1901, 1902, 1925), SingleValueConstraint(1941, 1942, 1965, 2001, 2002, 2041, 2042, 2201, 2202, 2204, 2205, 2208, 2209, 2210, 2213, 2217, 2218, 2219, 2220, 2221, 2222, 2223, 2224, 2225, 2241, 2242, 2244, 2245, 2248, 2249, 2250, 2253, 2257, 2258, 2259, 2260, 2261, 2262, 2263, 2264, 2265, 2301, 2302, 2303, 2304, 2305, 2341, 2342, 2343, 2344, 2345, 2401, 2402, 2403, 2404, 2405, 2413, 2414, 2415, 2441, 2442, 2443, 2444, 2445, 2453, 2454, 2455, 2501, 2502, 2504, 2505, 2506, 2512, 2513, 2515, 2516, 2517, 2519, 2520, 2523, 2525, 2541, 2542, 2544, 2545, 2546, 2552, 2553, 2555, 2556, 2557, 2559, 2560, 2563, 2565, 2601, 2625, 2641, 2665, 2701, 2725, 2741, 2765, 2801, 2802, 2803, 2804, 2805, 2841, 2842, 2843, 2844, 2845, 2901, 2941, 3001, 3025, 3041, 3065, 3108, 3109, 3110, 3119, 3125, 3148, 3149, 3159, 3150, 3165, 1, 2, 201, 202, 231, 241, 242, 271, 303, 307, 314, 316, 330, 331, 343, 347, 354, 356, 370, 371, 407, 424, 430, 431, 447, 464, 470, 471, 507, 514, 530, 531, 547, 554, 570, 571, 731, 771, 831, 871, 931, 971, 1001, 1009, 1014, 1015, 1016, 1017, 1018, 1019, 1020, 1021, 1022, 1023, 1024, 1054, 1055, 1056, 1057, 1058, 1059, 1060, 1061, 1062, 1063, 1064, 1231, 1271, 1303, 1307, 1314, 1330, 1331, 1343, 1347, 1354, 1370, 1371, 1403, 1407, 1414, 1430, 1431, 1443, 1447, 1454, 1470, 1471, 1531, 1571, 1930, 1931, 1970, 1971, 2203, 2207, 2216, 2230, 2231, 2243, 2247, 2256, 2270, 2271, 2307, 2308, 2330, 2347, 2348, 2370, 2407, 2408, 2409, 2430, 2447, 2448, 2449, 2470, 2503, 2507, 2514, 2530, 2531, 2543, 2547, 2554), SingleValueConstraint(2570, 2571, 3116, 3156))).clone(namedValues=NamedValues(("setSlotMismatch", 101), ("setSlotMissing", 102), ("clearSlotMismatch", 141), ("clearSlotMissing", 142), ("setDevFrameSyncNotPresent", 203), ("setDevSystemClockNotPresent", 204), ("setDevDataBaseNotInsync", 206), ("setDevFreeRunError", 207), ("setDevOffline", 208), ("setDevDefective", 209), ("setDevBusError", 210), ("setDevStratum3ClkFailure", 216), ("setDevCircuitCardMissing", 219), ("setDevConfigError", 225), ("setDevNoRearCard", 228), ("clearDevFrameSyncNotPresent", 243), ("clearDevSystemClockNotPresent", 244), ("clearDevDataBaseNotInsync", 246), ("clearDevFreeRunError", 247), ("clearDevOffline", 248), ("clearDevDefective", 249), ("clearDevBusError", 250), ("clearDevStratum3ClkFailure", 256), ("clearDevCircuitCardMissing", 259), ("clearDevConfigError", 265), ("clearDevNoRearCard", 268), ("setT1E1RcvFarEndLOF", 301), ("setT1E1NearEndSendLOF", 302), ("setT1E1NearEndSendingAIS", 304), ("setT1E1NearEndLOF", 305), ("setT1E1NearEndLossOfSignal", 306), ("setT1E1Ts16AIS", 308), ("setT1E1FarEndSendingTs16LOMF", 309), ("setT1E1NearEndSendingTs16LOMF", 310), ("setT1E1OtherLineStatus", 312), ("setT1E1NearEndUnavailableSig", 313), ("setT1E1NearEndTxSlip", 321), ("setT1E1NearEndRxSlip", 322), ("setT1E1NearEndSeverErroredFrame", 323), ("setT1E1ChangeFrameAlignment", 324), ("setT1E1ConfigError", 325), ("clearT1E1RcvFarEndLOF", 341), ("clearT1E1NearEndSendLOF", 342), ("clearT1E1NearEndSendingAIS", 344), ("clearT1E1NearEndLOF", 345), ("clearT1E1NearEndLossOfSignal", 346), ("clearT1E1Ts16AIS", 348), ("clearT1E1FarEndSendingTs16LOMF", 349), ("clearT1E1NearEndSendingTs16LOMF", 350), ("clearT1E1OtherLineStatus", 352), ("clearT1E1NearEndUnavailableSig", 353), ("clearT1E1NearEndTxSlip", 361), ("clearT1E1NearEndRxSlip", 362), ("clearT1E1NearEndSeverErroredFrame", 363), ("clearT1E1ChangeFrameAlignment", 364), ("clearT1E1ConfigError", 365), ("setHsRcvFIFOError", 401), ("setHsXmtFIFOError", 402), ("setHsClockEdgeError", 403), ("setHsCarrierFailure", 404), ("setHsConfigError", 425), ("clearHsRcvFIFOError", 441), ("clearHsXmtFIFOError", 442), ("clearHsClockEdgeError", 443), ("clearHsCarrierFailure", 444), ("clearHsConfigError", 465), ("setT3RcvFarEndLOF", 501), ("setT3NearEndSendLOF", 502), ("setT3FarEndSendingAIS", 503), ("setT3NearEndSendingAIS", 504), ("setT3NearEndLOF", 505), ("setT3NearEndLossOfSignal", 506), ("setT3OtherLineStatus", 512), ("setT3NearEndUnavailableSig", 513), ("setT3NearEndSeverErroredFrame", 515), ("setT3TxRxClockFailure", 516), ("setT3FarEndBlockError", 517), ("setT3PbitCbitParityError", 518), ("setT3MbitsInError", 519), ("setT3LIUOtherStatus", 520), ("setT3LIUExcessZeros", 522), ("setT3LIUCodingViolation", 523), ("setT3LIUPrbsError", 524), ("setT3ConfigError", 525), ("clearT3RcvFarEndLOF", 541), ("clearT3NearEndSendLOF", 542), ("clearT3FarEndSendingAIS", 543), ("clearT3NearEndSendingAIS", 544), ("clearT3NearEndLOF", 545), ("clearT3NearEndLossOfSignal", 546), ("clearT3OtherLineStatus", 552), ("clearT3NearEndUnavailableSig", 553), ("clearT3NearEndSeverErroredFrame", 555), ("clearT3TxRxClockFailure", 556), ("clearT3FarEndBlockError", 557), ("clearT3PbitCbitParityError", 558), ("clearT3MbitsInError", 559), ("clearT3LIUOtherStatus", 560), ("clearT3LIUExcessZeros", 562), ("clearT3LIUCodingViolation", 563), ("clearT3LIUPrbsError", 564), ("clearT3ConfigError", 565), ("setPowerSupplyNotPresent", 601), ("setPowerSupplyProblem", 602), ("clearPowerSupplyNotPresent", 641), ("clearPowerSupplyProblem", 642), ("setOcuNearEndLOS", 706), ("setOcuOtherLineStatus", 712), ("setOcuNearEndSeverErroredFrame", 723), ("setOcuConfigError", 725), ("clearOcuNearEndLOS", 746), ("clearOcuOtherLineStatus", 752), ("clearOcuNearEndSeverErroredFrame", 763), ("clearOcuConfigError", 765), ("setTamConfigError", 825), ("clearTamConfigError", 865), ("setVoiceConfigError", 925), ("clearVoiceConfigError", 965), ("setPsxPowerSupplyANotOk", 1003), ("setPsxPowerSupplyBNotOk", 1004), ("setPsxFan01NotOk", 1005), ("setPsxFan02NotOk", 1006), ("setPsxFan03NotOk", 1007), ("setPsxDualBroadbandNotSupported", 1008), ("clearPsxPowerSupplyANotOk", 1043), ("clearPsxPowerSupplyBNotOk", 1044), ("clearPsxFan01NotOk", 1045), ("clearPsxFan02NotOk", 1046), ("clearPsxFan03NotOk", 1047), ("clearPsxDualBroadbandNotSupported", 1048), ("setPsxLineCardRelaySwitchToSpare", 1102), ("setPsxLineCardCableMissing", 1103), ("setPsxLineCardMissing", 1106), ("setPsxLineCardMismatch", 1107), ("setPsxLineCardRelayMalfunction", 1108), ("clearPsxLineCardRelaySwitchToSpare", 1142), ("clearPsxLineCardCableMissing", 1143), ("clearPsxLineCardMissing", 1146), ("clearPsxLineCardMismatch", 1147), ("clearPsxLineCardRelayMalfunction", 1148), ("setRtrUserAlarm1", 1201), ("setRtrUserAlarm2", 1202), ("setRtrUserAlarm3", 1203), ("setRtrConfigError", 1225), ("clearRtrUserAlarm1", 1241), ("clearRtrUserAlarm2", 1242), ("clearRtrUserAlarm3", 1243), ("clearRtrConfigError", 1265), ("setSts1RcvFarEndLOF", 1301), ("setSts1NearEndSendLOF", 1302), ("setSts1NearEndSendingAIS", 1304), ("setSts1NearEndLOF", 1305), ("setSts1NearEndLOP", 1308), ("setSts1NearEndOOF", 1309), ("setSts1NearEndAIS", 1310), ("setSts1OtherLineStatus", 1312), ("setSts1NearEndUnavailableSig", 1313), ("setSts1TxRxClockFailure", 1316), ("setSts1NearEndLOMF", 1317), ("setSts1NearEndTraceError", 1318), ("setSts1LIUDigitalLOS", 1320), ("setSts1LIUAnalogLOS", 1321), ("setSts1LIUExcessZeros", 1322), ("setSts1LIUCodingViolation", 1323), ("setSts1LIUPrbsError", 1324), ("setSts1ConfigError", 1325), ("clearSts1RcvFarEndLOF", 1341), ("clearSts1NearEndSendLOF", 1342), ("clearSts1NearEndSendingAIS", 1344), ("clearSts1NearEndLOF", 1345), ("clearSts1NearEndLOP", 1348), ("clearSts1NearEndOOF", 1349), ("clearSts1NearEndAIS", 1350), ("clearSts1OtherLineStatus", 1352), ("clearSts1NearEndUnavailableSig", 1353), ("clearSts1TxRxClockFailure", 1356), ("clearSts1NearEndLOMF", 1357), ("clearSts1NearEndTraceError", 1358), ("clearSts1LIUDigitalLOS", 1360), ("clearSts1LIUAnalogLOS", 1361), ("clearSts1LIUExcessZeros", 1362), ("clearSts1LIUCodingViolation", 1363), ("clearSts1LIUPrbsError", 1364), ("clearSts1ConfigError", 1365), ("setHt3NearEndSendingAIS", 1404), ("setHt3NearEndOOF", 1405), ("setHt3NearEndLossOfSignal", 1406), ("setHt3NearEndLOF", 1408), ("setHt3FarEndRcvFailure", 1409), ("setHt3NearEndLCVError", 1411), ("setHt3NearEndFERRError", 1412), ("setHt3NearEndExcessZeros", 1413), ("setHt3FarEndBlockError", 1417), ("setHt3PbitCbitParityError", 1418), ("setHt3ChangeInFrameAlignment", 1419), ("setHt3LIUDigitalLOS", 1420), ("setHt3LIUAnalogLOS", 1421), ("setHt3LIUExcessZeros", 1422), ("setHt3LIUCodingViolation", 1423), ("setHt3LIUPrbsError", 1424), ("setHt3ConfigError", 1425), ("clearHt3NearEndSendingAIS", 1444), ("clearHt3NearEndOOF", 1445), ("clearHt3NearEndLossOfSignal", 1446), ("clearHt3NearEndLOF", 1448), ("clearHt3FarEndRcvFailure", 1449), ("clearHt3NearEndLCVError", 1451), ("clearHt3NearEndFERRError", 1452), ("clearHt3NearEndExcessZeros", 1453), ("clearHt3FarEndBlockError", 1457), ("clearHt3PbitCbitParityError", 1458), ("clearHt3ChangeInFrameAlignment", 1459), ("clearHt3LIUDigitalLOS", 1460), ("clearHt3LIUAnalogLOS", 1461), ("clearHt3LIUExcessZeros", 1462), ("clearHt3LIUCodingViolation", 1463), ("clearHt3LIUPrbsError", 1464), ("clearHt3ConfigError", 1465), ("setXlinkCableMismatch", 1606), ("setXlinkSerializerError", 1615), ("setXlinkFramerError", 1616), ("setXlinkBertError", 1617), ("setXlinkClockError", 1618), ("setXlinkInUseError", 1620), ("setXlinkCrcError", 1621), ("clearXlinkCableMismatch", 1646), ("clearXlinkSerializerError", 1655), ("clearXlinkFramerError", 1656), ("clearXlinkBertError", 1657), ("clearXlinkClockError", 1658), ("clearXlinkInUseError", 1660), ("clearXlinkCrcError", 1661), ("setNestMismatch", 1701), ("setNestMissing", 1702), ("setNestOffline", 1705), ("setNestCriticalAlarm", 1706), ("setNestMajorAlarm", 1707), ("setNestMinorAlarm", 1708), ("setNestSwMismatch", 1709), ("clearNestMismatch", 1741), ("clearNestMissing", 1742), ("clearNestOffline", 1745), ("clearNestCriticalAlarm", 1746), ("clearNestMajorAlarm", 1747), ("clearNestMinorAlarm", 1748), ("clearNestSwMismatch", 1749), ("setNodeCriticalAlarm", 1801), ("setNodeMajorAlarm", 1802), ("setNodeMinorAlarm", 1803), ("clearNodeCriticalAlarm", 1841), ("clearNodeMajorAlarm", 1842), ("clearNodeMinorAlarm", 1843), ("setDs0DpPortLossOfSignal", 1901), ("setDs0DpPortBPV", 1902), ("setDs0DpPortConfigError", 1925)) + NamedValues(("clearDs0DpPortLossOfSignal", 1941), ("clearDs0DpPortBPV", 1942), ("clearDs0DpPortConfigError", 1965), ("setDs0DpClockLossOfSignal", 2001), ("setDs0DpClockBPV", 2002), ("clearDs0DpClockLossOfSignal", 2041), ("clearDs0DpClockBPV", 2042), ("setOpticalT1E1RedAlarm", 2201), ("setOpticalT1E1NearEndSendLOF", 2202), ("setOpticalT1E1NearEndSendingAIS", 2204), ("setOpticalT1E1NearEndLOF", 2205), ("setOpticalT1E1LossOfPointer", 2208), ("setOpticalT1E1OutOfFrame", 2209), ("setOpticalT1E1DetectedAIS", 2210), ("setOpticalT1E1NearEndLOS", 2213), ("setOpticalT1E1RcvFarEndYellow", 2217), ("setOpticalT1E1NearEndSEF", 2218), ("setOpticalT1E1Tug2LOP", 2219), ("setOpticalT1E1Tug2RDI", 2220), ("setOpticalT1E1Tug2RFI", 2221), ("setOpticalT1E1Tug2AIS", 2222), ("setOpticalT1E1Tug2PSLM", 2223), ("setOpticalT1E1Tug2PSLU", 2224), ("setOpticalT1E1ConfigError", 2225), ("clearOpticalT1E1RedAlarm", 2241), ("clearOpticalT1E1NearEndSendLOF", 2242), ("clearOpticalT1E1NearEndSendingAIS", 2244), ("clearOpticalT1E1NearEndLOF", 2245), ("clearOpticalT1E1LossOfPointer", 2248), ("clearOpticalT1E1OutOfFrame", 2249), ("clearOpticalT1E1DetectedAIS", 2250), ("clearOpticalT1E1NearEndLOS", 2253), ("clearOpticalT1E1RcvFarEndYellow", 2257), ("clearOpticalT1E1NearEndSEF", 2258), ("clearOpticalT1E1Tug2LOP", 2259), ("clearOpticalT1E1Tug2RDI", 2260), ("clearOpticalT1E1Tug2RFI", 2261), ("clearOpticalT1E1Tug2AIS", 2262), ("clearOpticalT1E1Tug2PSLM", 2263), ("clearOpticalT1E1Tug2PSLU", 2264), ("clearOpticalT1E1ConfigError", 2265), ("setVtNearEndLOP", 2301), ("setVtNearEndAIS", 2302), ("setPayloadPathLOP", 2303), ("setPayloadPathAIS", 2304), ("setPayloadPathRDI", 2305), ("clearVtNearEndLOP", 2341), ("clearVtNearEndAIS", 2342), ("clearPayloadPathLOP", 2343), ("clearPayloadPathAIS", 2344), ("clearPayloadPathRDI", 2345), ("setTransOverheadAIS", 2401), ("setTransOverheadRDI", 2402), ("setTransOverheadOOF", 2403), ("setTransOverheadLOF", 2404), ("setTransOverheadLOS", 2405), ("setTransOverheadSfDetect", 2413), ("setTransOverheadSdDetect", 2414), ("setTransOverheadLaserOffDetect", 2415), ("clearTransOverheadAIS", 2441), ("clearTransOverheadRDI", 2442), ("clearTransOverheadOOF", 2443), ("clearTransOverheadLOF", 2444), ("clearTransOverheadLOS", 2445), ("clearTransOverheadSfDetect", 2453), ("clearTransOverheadSdDetect", 2454), ("clearTransOverheadLaserOffDetect", 2455), ("setE3RcvFarEndLOF", 2501), ("setE3NearEndSendLOF", 2502), ("setE3NearEndSendingAIS", 2504), ("setE3NearEndLOF", 2505), ("setE3NearEndLossOfSignal", 2506), ("setE3OtherLineStatus", 2512), ("setE3NearEndUnavailableSig", 2513), ("setE3NearEndSeverErroredFrame", 2515), ("setE3TxRxClockFailure", 2516), ("setE3FarEndBlockError", 2517), ("setE3MbitsInError", 2519), ("setE3LIUOtherStatus", 2520), ("setE3LIUCodingViolation", 2523), ("setE3ConfigError", 2525), ("clearE3RcvFarEndLOF", 2541), ("clearE3NearEndSendLOF", 2542), ("clearE3NearEndSendingAIS", 2544), ("clearE3NearEndLOF", 2545), ("clearE3NearEndLossOfSignal", 2546), ("clearE3OtherLineStatus", 2552), ("clearE3NearEndUnavailableSig", 2553), ("clearE3NearEndSeverErroredFrame", 2555), ("clearE3TxRxClockFailure", 2556), ("clearE3FarEndBlockError", 2557), ("clearE3MbitsInError", 2559), ("clearE3LIUOtherStatus", 2560), ("clearE3LIUCodingViolation", 2563), ("clearE3ConfigError", 2565), ("setContactClosureInputAlarm", 2601), ("setContactClosureCfgError", 2625), ("clearContactClosureInputAlarm", 2641), ("clearContactClosureCfgError", 2665), ("setVoltMeasureAlarm", 2701), ("setVoltMeasureCfgError", 2725), ("clearVoltMeasureAlarm", 2741), ("clearVoltMeasureCfgError", 2765), ("setAsyncRxFifoError", 2801), ("setAsyncTxFifoError", 2802), ("setAsyncOverrunError", 2803), ("setAsyncParityError", 2804), ("setAsyncFramingError", 2805), ("clearAsyncRxFifoError", 2841), ("clearAsyncTxFifoError", 2842), ("clearAsyncOverrunError", 2843), ("clearAsyncParityError", 2844), ("clearAsyncFramingError", 2845), ("setTempSensorOutOfRange", 2901), ("clearTempSensorOutOfRange", 2941), ("setVWanError", 3001), ("setVWanCfgError", 3025), ("clearVWanError", 3041), ("clearVWanCfgError", 3065), ("set1uPowerSupplyOffline", 3108), ("set1uPowerSupplyDefective", 3109), ("set1uPowerSupplyFanFailure", 3110), ("set1uPowerSupplyCircuitMissing", 3119), ("set1uPowerSupplyCfgMismatch", 3125), ("clear1uPowerSupplyOffline", 3148), ("clear1uPowerSupplyDefective", 3149), ("clear1uPowerSupplyCircuitMissing", 3159), ("clear1uPowerSupplyFanFailure", 3150), ("clear1uPowerSupplyCfgMismatch", 3165), ("evntDevColdStart", 1), ("evntDevWarmStart", 2), ("evntDevOnline", 201), ("evntDevStandby", 202), ("evntDevOutOfService", 231), ("evntDevNotOnline", 241), ("evntDevNotStandby", 242), ("evntDevInService", 271), ("evntT1E1RcvingAIS", 303), ("evntT1E1NearEndLooped", 307), ("evntT1E1CarrierEquipOutOfService", 314), ("evntE1NationalSa4TxRxSame", 316), ("evntT1E1InTest", 330), ("evntT1E1OutOfService", 331), ("evntT1E1StoppedRcvingAIS", 343), ("evntT1E1NearEndLoopOff", 347), ("evntT1E1CarrierEquipInService", 354), ("evntE1NationalSa4TxRxDiff", 356), ("evntT1E1TestOff", 370), ("evntT1E1InService", 371), ("evntHsNearEndLooped", 407), ("evntHsNoBtsAssigned", 424), ("evntHsInTest", 430), ("evntHsOutOfService", 431), ("evntHsNearEndLoopOff", 447), ("evntHsBtsAssigned", 464), ("evntHsTestOff", 470), ("evntHsInService", 471), ("evntT3NearEndLooped", 507), ("evntT3CarrierEquipOutOfService", 514), ("evntT3InTest", 530), ("evntT3OutOfService", 531), ("evntT3NearEndLoopOff", 547), ("evntT3CarrierEquipInService", 554), ("evntT3TestOff", 570), ("evntT3InService", 571), ("evntOcuOutOfService", 731), ("evntOcuInService", 771), ("evntTamOutOfService", 831), ("evntTamInService", 871), ("evntVoiceOutOfService", 931), ("evntVoiceInService", 971), ("evntPsxDevOnline", 1001), ("evntPsxNewControllerRev", 1009), ("evntPsxLineCard01Missing", 1014), ("evntPsxLineCard02Missing", 1015), ("evntPsxLineCard03Missing", 1016), ("evntPsxLineCard04Missing", 1017), ("evntPsxLineCard05Missing", 1018), ("evntPsxLineCard06Missing", 1019), ("evntPsxLineCard07Missing", 1020), ("evntPsxLineCard08Missing", 1021), ("evntPsxLineCard09Missing", 1022), ("evntPsxLineCard10Missing", 1023), ("evntPsxLineCard11Missing", 1024), ("evntPsxLineCard01Present", 1054), ("evntPsxLineCard02Present", 1055), ("evntPsxLineCard03Present", 1056), ("evntPsxLineCard04Present", 1057), ("evntPsxLineCard05Present", 1058), ("evntPsxLineCard06Present", 1059), ("evntPsxLineCard07Present", 1060), ("evntPsxLineCard08Present", 1061), ("evntPsxLineCard09Present", 1062), ("evntPsxLineCard10Present", 1063), ("evntPsxLineCard11Present", 1064), ("evntRtrOutOfService", 1231), ("evntRtrInService", 1271), ("evntSts1RcvingAIS", 1303), ("evntSts1NearEndLooped", 1307), ("evntSts1CarrierEquipOutOfService", 1314), ("evntSts1InTest", 1330), ("evntSts1OutOfService", 1331), ("evntSts1StoppedRcvingAIS", 1343), ("evntSts1NearEndLoopOff", 1347), ("evntSts1CarrierEquipInService", 1354), ("evntSts1TestOff", 1370), ("evntSts1InService", 1371), ("evntHt3RcvingAIS", 1403), ("evntHt3NearEndLooped", 1407), ("evntHt3CarrierEquipOutOfService", 1414), ("evntHt3InTest", 1430), ("evntHt3OutOfService", 1431), ("evntHt3StoppedRcvingAIS", 1443), ("evntHt3NearEndLoopOff", 1447), ("evntHt3CarrierEquipInService", 1454), ("evntHt3TestOff", 1470), ("evntHt3InService", 1471), ("evntGr303OutOfService", 1531), ("evntGr303InService", 1571), ("evntDs0DpPortInTest", 1930), ("evntDs0DpPortOutOfService", 1931), ("evntDs0DpPortTestOff", 1970), ("evntDs0DpPortInService", 1971), ("evntOpticalT1E1RcvingAIS", 2203), ("evntOpticalT1E1NearEndLooped", 2207), ("evntOpticalE1NationalSa4TxRxSame", 2216), ("evntOpticalT1E1InTest", 2230), ("evntOpticalT1E1OutOfService", 2231), ("evntOpticalT1E1StoppedRcvingAIS", 2243), ("evntOpticalT1E1NearEndLoopOff", 2247), ("evntOpticalE1NationalSa4TxRxDiff", 2256), ("evntOpticalT1E1TestOff", 2270), ("evntOpticalT1E1InService", 2271), ("evntPayloadNearEndLineLooped", 2307), ("evntPayloadNearEndLocalLooped", 2308), ("evntPayloadInTest", 2330), ("evntPayloadNearEndLineLoopOff", 2347), ("evntPayloadNearEndLocalLoopOff", 2348), ("evntPayloadTestOff", 2370), ("evntTransOverheadNearEndSysLineLooped", 2407), ("evntTransOverheadNearEndPathLineLooped", 2408), ("evntTransOverheadNearEndLocalLooped", 2409), ("evntTransOverheadInTest", 2430), ("evntTransOverheadNearEndSysLineLoopOff", 2447), ("evntTransOverheadNearEndPathLineLoopOff", 2448), ("evntTransOverheadNearEndLocalLoopOff", 2449), ("evntTransOverheadTestOff", 2470), ("evntE3RcvingAIS", 2503), ("evntE3NearEndLooped", 2507), ("evntE3CarrierEquipOutOfService", 2514), ("evntE3InTest", 2530), ("evntE3OutOfService", 2531), ("evntE3StoppedRcvingAIS", 2543), ("evntE3NearEndLoopOff", 2547), ("evntE3CarrierEquipInService", 2554)) + NamedValues(("evntE3TestOff", 2570), ("evntE3InService", 2571), ("evnt1uPowerSupplyFanOn", 3116), ("evnt1uPowerSupplyFanOff", 3156)))).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapType.setStatus('current')
trapState = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 7), Integer32()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapState.setStatus('current')
trapSeverity = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 8), AlarmSeverity()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapSeverity.setStatus('current')
trapSysEvent = MibScalar((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 9), DisplayString()).setMaxAccess("accessiblefornotify")
if mibBuilder.loadTexts: trapSysEvent.setStatus('current')
trapCfg = MibIdentifier((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20))
trapDestinationTable = MibTable((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1), )
if mibBuilder.loadTexts: trapDestinationTable.setStatus('current')
trapDestinationEntry = MibTableRow((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1), ).setIndexNames((0, "ERI-DNX-SMC-MIB", "trapDestAddr"))
if mibBuilder.loadTexts: trapDestinationEntry.setStatus('current')
trapDestAddr = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 1), IpAddress()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestAddr.setStatus('current')
trapDestName = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 35))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestName.setStatus('current')
trapDestCmdStatus = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 101, 102, 103, 200, 201, 202, 203, 204, 205, 206, 450, 500, 501, 502))).clone(namedValues=NamedValues(("ready-for-command", 0), ("update-trap-dest", 1), ("delete-trap-dest", 2), ("create-trap-dest", 3), ("update-successful", 101), ("delete-successful", 102), ("create-successful", 103), ("err-general-trap-dest-cfg-error", 200), ("err-invalid-trap-dest-addr", 201), ("err-invalid-trap-dest-cmd", 202), ("err-invalid-trap-dest-name", 203), ("err-invalid-trap-dest-pdu", 204), ("err-invalid-trap-dest-retry", 205), ("err-invalid-trap-dest-tmout", 206), ("err-data-locked-by-another-user", 450), ("err-snmp-parse-failed", 500), ("err-invalid-snmp-type", 501), ("err-invalid-snmp-var-size", 502)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestCmdStatus.setStatus('current')
trapDestPduType = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2))).clone(namedValues=NamedValues(("v1Trap", 0), ("v2Trap", 1), ("inform", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestPduType.setStatus('current')
trapDestMaxRetry = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 5), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 10))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestMaxRetry.setStatus('current')
trapDestTimeout = MibTableColumn((1, 3, 6, 1, 4, 1, 644, 2, 4, 3, 20, 1, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 5, 10, 15, 20))).clone(namedValues=NamedValues(("none", 0), ("secs-5", 5), ("secs-10", 10), ("secs-15", 15), ("secs-20", 20)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: trapDestTimeout.setStatus('current')
eriTrapEnterprise = ObjectIdentity((1, 3, 6, 1, 4, 1, 644, 2, 0))
if mibBuilder.loadTexts: eriTrapEnterprise.setStatus('current')
alarmTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 0, 1)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "trapResourceKey"), ("ERI-DNX-SMC-MIB", "trapTime"), ("ERI-DNX-SMC-MIB", "trapResourceAddress"), ("ERI-DNX-SMC-MIB", "trapResourceType"), ("ERI-DNX-SMC-MIB", "trapType"), ("ERI-DNX-SMC-MIB", "trapState"), ("ERI-DNX-SMC-MIB", "trapSeverity"))
if mibBuilder.loadTexts: alarmTrap.setStatus('current')
deleteResourceTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 0, 2)).setObjects(("ERI-DNX-SMC-MIB", "resourceKey"), ("ERI-DNX-SMC-MIB", "trapSequence"))
if mibBuilder.loadTexts: deleteResourceTrap.setStatus('current')
dnxTrapEnterprise = ObjectIdentity((1, 3, 6, 1, 4, 1, 644, 2, 4, 0))
if mibBuilder.loadTexts: dnxTrapEnterprise.setStatus('current')
connectionEventTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 3)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "sysMapID"), ("ERI-DNX-SMC-MIB", "sysConnID"), ("ERI-DNX-SMC-MIB", "sysCmdStatus"))
if mibBuilder.loadTexts: connectionEventTrap.setStatus('current')
connMapMgrTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 4)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "connMapID"), ("ERI-DNX-SMC-MIB", "connMapCmdStatus"))
if mibBuilder.loadTexts: connMapMgrTrap.setStatus('current')
connMapCopyTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 6)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "lastMapCopied"), ("ERI-DNX-SMC-MIB", "connMapID"))
if mibBuilder.loadTexts: connMapCopyTrap.setStatus('current')
bulkConnPurgeTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 7)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "resourceKey"), ("ERI-DNX-SMC-MIB", "connMapID"), ("ERI-DNX-SMC-MIB", "connMapCounts"))
if mibBuilder.loadTexts: bulkConnPurgeTrap.setStatus('current')
clockSrcChgTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 10)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "clockSrcActive"), ("ERI-DNX-SMC-MIB", "primaryClockSrc"), ("ERI-DNX-SMC-MIB", "secondaryClockSrc"), ("ERI-DNX-SMC-MIB", "tertiaryClockSrc"), ("ERI-DNX-SMC-MIB", "clockSrcCmdStatus"))
if mibBuilder.loadTexts: clockSrcChgTrap.setStatus('current')
trunkCondProfTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 13)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "trunkProfileID"), ("ERI-DNX-SMC-MIB", "trunkCmdStatus"))
if mibBuilder.loadTexts: trunkCondProfTrap.setStatus('current')
systemEventTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 14)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "trapSysEvent"), ("ERI-DNX-SMC-MIB", "trapSeverity"))
if mibBuilder.loadTexts: systemEventTrap.setStatus('current')
trapDestCfgTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 15)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "trapDestAddr"), ("ERI-DNX-SMC-MIB", "trapDestCmdStatus"))
if mibBuilder.loadTexts: trapDestCfgTrap.setStatus('current')
featureKeyCfgTrap = NotificationType((1, 3, 6, 1, 4, 1, 644, 2, 4, 0, 16)).setObjects(("ERI-DNX-SMC-MIB", "trapSequence"), ("ERI-DNX-SMC-MIB", "featureKeyName"), ("ERI-DNX-SMC-MIB", "featureKeyState"), ("ERI-DNX-SMC-MIB", "featureKeyCmdStatus"))
if mibBuilder.loadTexts: featureKeyCfgTrap.setStatus('current')
mibBuilder.exportSymbols("ERI-DNX-SMC-MIB", trunkCondProfTrap=trunkCondProfTrap, resourceCriticalMask=resourceCriticalMask, sysSrcTrunkCProfile=sysSrcTrunkCProfile, resourceKey=resourceKey, resourceAlarmTable=resourceAlarmTable, lastMapCopied=lastMapCopied, trapCfg=trapCfg, PYSNMP_MODULE_ID=eriDNXSmcMIB, dbHostFilename=dbHostFilename, connMapCurrStatus=connMapCurrStatus, addConnRecord=addConnRecord, trunkCProfileEntry=trunkCProfileEntry, sysConnType=sysConnType, enterNewFeatureKey=enterNewFeatureKey, trapDestinationTable=trapDestinationTable, dbRemoteHostTableEntry=dbRemoteHostTableEntry, deleteResourceTrap=deleteResourceTrap, sysProfile=sysProfile, activeMapId=activeMapId, eriDNXSmcMIB=eriDNXSmcMIB, sysConnTable=sysConnTable, NestSlotAddress=NestSlotAddress, resourceAlarmInfoMask=resourceAlarmInfoMask, sysConnSpeed=sysConnSpeed, sysDestTsLineType=sysDestTsLineType, trapResourceAddress=trapResourceAddress, sysSrcAddr=sysSrcAddr, trunkProfileID=trunkProfileID, sysConnInstance=sysConnInstance, resourceEntry=resourceEntry, resourceInfoMask=resourceInfoMask, addConnSpeed=addConnSpeed, utilities=utilities, trapDestTimeout=trapDestTimeout, DataSwitch=DataSwitch, trapSeverity=trapSeverity, actvSrcTsLineType=actvSrcTsLineType, LinkCmdStatus=LinkCmdStatus, sysSecondaryState=sysSecondaryState, sysDateTime=sysDateTime, mibProfile=mibProfile, addComm=addComm, dbBackupHour=dbBackupHour, actvConnType=actvConnType, trapType=trapType, sysMacAddress=sysMacAddress, trunkCProfileTable=trunkCProfileTable, sysWeekday=sysWeekday, primaryClockSrc=primaryClockSrc, ConnectionSpeed=ConnectionSpeed, resourceAlarmAddr=resourceAlarmAddr, actvConnTable=actvConnTable, dbHostIp=dbHostIp, systemEventTrap=systemEventTrap, addDestTrunkCProfile=addDestTrunkCProfile, actvSrcTrunkCProfile=actvSrcTrunkCProfile, devices=devices, trapSequence=trapSequence, sysMin=sysMin, trapDestCmdStatus=trapDestCmdStatus, actvDestTsLineType=actvDestTsLineType, featureKeyCmdStatus=featureKeyCmdStatus, dbHostDirectory=dbHostDirectory, trapResourceKey=trapResourceKey, xilinxType=xilinxType, DecisionType=DecisionType, addSrcTrunkCProfile=addSrcTrunkCProfile, ConnectionState2=ConnectionState2, sysDestAddr=sysDestAddr, addDestTsBitmap=addDestTsBitmap, connMapCmdStatus=connMapCmdStatus, rearModem=rearModem, dbAutoBackup=dbAutoBackup, trunkCmdStatus=trunkCmdStatus, releaseDate=releaseDate, trapSysEvent=trapSysEvent, connMapName=connMapName, FunctionSwitch=FunctionSwitch, sysMonth=sysMonth, resourceNominalMask=resourceNominalMask, featureKeyState=featureKeyState, activeSMC=activeSMC, sysDay=sysDay, addMapID=addMapID, resourceType=resourceType, addSrcAddr=addSrcAddr, dbHostIndex=dbHostIndex, alarmTrap=alarmTrap, resourceAlarmType=resourceAlarmType, dnxFeatureKeyTable=dnxFeatureKeyTable, newKeyCode=newKeyCode, actvConnID=actvConnID, flashChksum=flashChksum, sysAlarmCutOff=sysAlarmCutOff, actvDestTrunkCProfile=actvDestTrunkCProfile, resourceAddr=resourceAddr, dbRemoteHostTable=dbRemoteHostTable, dbHostCmdStatus=dbHostCmdStatus, database=database, traps=traps, clockSrcActive=clockSrcActive, CurrentDevStatus=CurrentDevStatus, systemRelease=systemRelease, connectionEventTrap=connectionEventTrap, addCmdStatus=addCmdStatus, ConnectionState1=ConnectionState1, connMapCopyTrap=connMapCopyTrap, actvSecondaryState=actvSecondaryState, featureKeyName=featureKeyName, secondaryClockSrc=secondaryClockSrc, connections=connections, systemMgrType=systemMgrType, actvDestAddr=actvDestAddr, actvMapID=actvMapID, sysYear=sysYear, trunkSignalStart=trunkSignalStart, actvConnName=actvConnName, featureKeyCfgTrap=featureKeyCfgTrap, connInfo=connInfo, connMapDescription=connMapDescription, actvConnEntry=actvConnEntry, addBroadSrcId=addBroadSrcId, connMapTable=connMapTable, actvDestTsBitmap=actvDestTsBitmap, trapState=trapState, xilinxVersion=xilinxVersion, addConnName=addConnName, sysTimeCmdStatus=sysTimeCmdStatus, resourceMajorMask=resourceMajorMask, actvConnSpeed=actvConnSpeed, trapTime=trapTime, sysSrcTsBitmap=sysSrcTsBitmap, DnxResourceType=DnxResourceType, actvComm=actvComm, actvSrcAddr=actvSrcAddr, sysCustomerId=sysCustomerId, sysSec=sysSec, PortStatus=PortStatus, featureKeys=featureKeys, resourceState=resourceState, sysComm=sysComm, sysSa4RxTxTrap=sysSa4RxTxTrap, actvBroadSrcId=actvBroadSrcId, unitName=unitName, connMapDate=connMapDate, connMapMgrTrap=connMapMgrTrap, CommunicationsType=CommunicationsType, resourceTrapMask=resourceTrapMask, clockSrcConfig=clockSrcConfig, sysMapID=sysMapID, newKeyCodeCmdStatus=newKeyCodeCmdStatus, resourceAlarmState=resourceAlarmState, DnxTsPortType=DnxTsPortType, tertiaryClockSrc=tertiaryClockSrc, actvSrcTsBitmap=actvSrcTsBitmap, actvTestMode=actvTestMode, addSrcTsBitmap=addSrcTsBitmap, dbBackupDayOfWeek=dbBackupDayOfWeek, trunkData=trunkData, addTestMode=addTestMode, resourceAlarmMajorMask=resourceAlarmMajorMask, sysSrcTsLineType=sysSrcTsLineType, MapNumber=MapNumber, resourceAlarmMinorMask=resourceAlarmMinorMask, sysConnName=sysConnName, resourceMinorMask=resourceMinorMask, eriTrapEnterprise=eriTrapEnterprise, clockSrcChgTrap=clockSrcChgTrap, clockSrcCmdStatus=clockSrcCmdStatus, connDBChecksum=connDBChecksum, connMapChecksum=connMapChecksum, resourceAlarmNominalMask=resourceAlarmNominalMask, dnx=dnx, bulkConnPurgeTrap=bulkConnPurgeTrap, UnsignedInt=UnsignedInt, sysMgrOnlineTime=sysMgrOnlineTime, sysConnChecksum=sysConnChecksum, resourceAlarmEntry=resourceAlarmEntry, resourceAlarmCriticalMask=resourceAlarmCriticalMask, trunkSignalEnd=trunkSignalEnd, dbBackup=dbBackup, connMapEntry=connMapEntry, ConnCmdStatus=ConnCmdStatus, sysConnID=sysConnID, DnxTrunkProfSelection=DnxTrunkProfSelection, featureKeyId=featureKeyId, sysBroadSrcId=sysBroadSrcId, trapResourceType=trapResourceType, AlarmSeverity=AlarmSeverity, resourceAlarmTrapMask=resourceAlarmTrapMask, OneByteField=OneByteField, TimeSlotAddress=TimeSlotAddress, dbBackupOccurrence=dbBackupOccurrence, actvConnChecksum=actvConnChecksum, sysClock=sysClock, trapDestPduType=trapDestPduType, addConnType=addConnType, sysPrimaryState=sysPrimaryState, addConnID=addConnID, ClockSrcAddress=ClockSrcAddress, addDestAddr=addDestAddr, connMapID=connMapID, ConnectionType=ConnectionType, unitType=unitType, sysHour=sysHour, dnxFeatureKeyEntry=dnxFeatureKeyEntry, sysDestTsBitmap=sysDestTsBitmap, LinkPortAddress=LinkPortAddress, sysTestMode=sysTestMode, actvPrimaryState=actvPrimaryState, actvConnInstance=actvConnInstance, dnxTrapEnterprise=dnxTrapEnterprise, actvCmdStatus=actvCmdStatus, trapDestMaxRetry=trapDestMaxRetry, trapDestName=trapDestName, connMapVersions=connMapVersions, sysDestTrunkCProfile=sysDestTrunkCProfile, trapDestCfgTrap=trapDestCfgTrap, resourceTable=resourceTable, trapDestAddr=trapDestAddr, clockSrcMode=clockSrcMode, dbBackupMin=dbBackupMin, sysConnEntry=sysConnEntry, TestAccess=TestAccess, trapDestinationEntry=trapDestinationEntry, connMapCounts=connMapCounts, resourceAlarmKey=resourceAlarmKey, sysMgr=sysMgr, sysCmdStatus=sysCmdStatus)
|
class File_List:
wordList=[]
def __init__(self):
self.wordList = ['.c', '.h', '.java', '.py', '.php',
'.html', '.css', '.xml', '.tcp', 'sqlite3.o',
'sqlite.o', 'sqlite2.o', '.sh', '.dat', '.josn',
'http', 'www', 'sconscript',
]
def getList(self):
return self.wordList |
_base_ = [
'../_base_/models/resnet50_doc_quality.py', '../_base_/datasets/doc_quality.py',
'../_base_/schedules/schedule_200.py', '../_base_/default_runtime.py'
]
|
load("//python:python_grpc_compile.bzl", "python_grpc_compile")
def python_grpc_library(**kwargs):
# Compile protos
name_pb = kwargs.get("name") + "_pb"
python_grpc_compile(
name = name_pb,
**{k: v for (k, v) in kwargs.items() if k in ("deps", "verbose")} # Forward args
)
# Pick deps based on python version
if "python_version" not in kwargs or kwargs["python_version"] == "PY3":
grpc_deps = GRPC_PYTHON3_DEPS
elif kwargs["python_version"] == "PY2":
grpc_deps = GRPC_PYTHON2_DEPS
else:
fail("The 'python_version' attribute to python_grpc_library must be one of ['PY2', 'PY3']")
# Create python library
native.py_library(
name = kwargs.get("name"),
srcs = [name_pb],
deps = [
"@com_google_protobuf//:protobuf_python",
] + grpc_deps,
imports = [name_pb],
visibility = kwargs.get("visibility"),
)
GRPC_PYTHON2_DEPS = [
"@rules_proto_grpc_py2_deps//grpcio"
]
GRPC_PYTHON3_DEPS = [
"@rules_proto_grpc_py3_deps//grpcio"
]
|
class ChangelogError(Exception):
pass
class ChangelogParseError(ChangelogError):
pass
class ChangelogValidationError(ChangelogError):
pass
class ChangelogMissingConfigError(ChangelogError):
def __init__(self, message: str, field: str = None):
super().__init__(message)
self.field = field
|
def no_space(x):
l = []
for i in x:
if i == " " :
continue
l.append(i)
return ''.join(l)
def no_space1(x):
x = x.replace(" ", "")
return x |
# fn to generate fibonacci numbers upto a given range
def fibonacci_Series(upto):
fibonacci_list = []
x = 0
y = 1
while x < upto:
fibonacci_list.append(x)
x, y = y, x+y
return fibonacci_list
# Driver's Code
print(fibonacci_Series(100)) |
"""
Problem Description:
José is from South America and hence, Spanish is his mother tongue. He wants to travel around the world and, therefore, decides to learn various languages, starting with English. He tries to learn the alphabetical order.. You being a good teacher will help him in doing so. He said he would learn just by asking questions. You have to answer his questions. You will be given few characters. You need to arrange them in alphabetical order and print them.
NOTE: Do not mind the case. (example : 'D' will come after 'a' in alphabetical order)
Input:
First line of input is N, the number of characters.
Next line contains N space-separated characters.
Output:
Print the characters in ascending form
Constraints:
1 ≤ N ≤ 26
It is guaranteed that no character will be repeated.
Sample Input:
4
D c a M
Sample Output:
a c D M
"""
n = int(input())
a = input().split()
for i in range(n): # bubble sort
for j in range(n - i - 1):
if a[j].lower() > a[j + 1].lower(): #don't mind the case...
a[j], a[j + 1] = a[j + 1], a[j]
for i in range(n):
print(a[i], end = " ")
|
# Elabore um programa que calcule o valor a ser pago por um produto,
# considerando o seu preço normal e condição de pagamento:
#
# – à vista dinheiro/cheque: 10% de desconto
#
# – à vista no cartão: 5% de desconto
#
# – em até 2x no cartão: preço formal
#
# – 3x ou mais no cartão: 20% de juros#
print('=-=' * 5, 'Lojas do Charlin', '=-=' * 5)
valor = float(input('Valor das compras: '))
print('Forma de Pagamento\n[1] - À vista no dinheiro\n[2] - À vista no cartão\n[3] - 2 x no cartão\n[4] - 3 x no cartão')
opcao = int(input('Digite uma opção: '))
if opcao == 1:
total = valor - (valor * 0.1)
print('O valor total a ser pago é: R${:.2f}'.format(total))
elif opcao == 2:
total = valor - (valor * 0.05)
print('O valor total a ser pago é: R${:.2f}'.format(total))
elif opcao == 3:
parcela = valor / 2
print('O valor de R${:.2f} será pago em 2 x R${:.2f}'.format(valor,parcela))
elif opcao == 4:
total = valor + (valor * 0.2)
parcela = total / 3
print('O valor de R${:.2f}, com 20% de juros, será pago em 3 x R${:.2f}'.format(total, parcela))
else:
print('Opção incorreta, tente novamente!')
print('=-=' * 16)
|
people = {'name': 'Henrique', 'sex': 'M', 'age': 24}
print(f'{people["name"]} is {people["age"]} years old')
print(people.keys())
print(people.values())
print(people.items())
for key, values in people.items():
print(f'{key} = {values}')
del people['sex']
print(people)
people['name'] = 'Gustavo'
people['weight'] = 59
print(people)
|
try:
print(int(input()))
except:
print("Bad String")
|
def pairwise(iterable):
it = iter(iterable)
a = next(it, None)
for b in it:
yield (a, b)
a = b
num_tests = int(input())
for test in range(num_tests):
num_walls = int(input())
walls = list(map(int, input().split()))
h = l = 0
if len(walls) >= 2:
for c, n in pairwise(walls):
if n > c:
h += 1
elif n < c:
l += 1
print("Case {}: {} {}".format(test + 1, h, l)) |
# MIT License
#
# Copyright (c) 2019 Nathaniel Brough
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in all
# copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
load("@rules_cc//cc:defs.bzl", "cc_toolchain")
load(
"@bazel_tools//tools/cpp:cc_toolchain_config_lib.bzl",
"tool_path",
)
load("@bazel_tools//tools/build_defs/cc:action_names.bzl", "ACTION_NAMES")
load("@com_llvm_compiler//:defs.bzl", "SYSTEM_INCLUDE_COMMAND_LINE", "SYSTEM_INCLUDE_PATHS", "SYSTEM_SYSROOT")
load("//toolchains/features/common:defs.bzl", "GetCommonFeatures")
_ARM_NONE_VERSION = "9.2.1"
_CPP_ALL_COMPILE_ACTIONS = [
ACTION_NAMES.assemble,
ACTION_NAMES.preprocess_assemble,
ACTION_NAMES.linkstamp_compile,
ACTION_NAMES.cpp_compile,
ACTION_NAMES.cpp_header_parsing,
ACTION_NAMES.cpp_module_compile,
ACTION_NAMES.cpp_module_codegen,
ACTION_NAMES.lto_backend,
ACTION_NAMES.clif_match,
]
_C_ALL_COMPILE_ACTIONS = [
ACTION_NAMES.assemble,
ACTION_NAMES.c_compile,
]
_LD_ALL_ACTIONS = [
ACTION_NAMES.cpp_link_executable,
]
def _get_injected_headers_command_line(ctx):
command_line = []
for hdr_lib in ctx.attr.injected_hdr_deps:
cc_ctx = hdr_lib[CcInfo].compilation_context
for hdr in cc_ctx.headers.to_list():
command_line += ["-include", hdr.short_path]
return command_line
def _get_additional_system_includes_command_line(ctx):
command_line = []
for hdr_lib in ctx.attr.system_hdr_deps:
cc_ctx = hdr_lib[CcInfo].compilation_context
for inc in cc_ctx.system_includes.to_list():
command_line += ["-isystem", inc]
return command_line
def _get_additional_system_include_paths(ctx):
include_paths = []
for hdr_lib in ctx.attr.system_hdr_deps:
cc_ctx = hdr_lib[CcInfo].compilation_context
for inc in cc_ctx.system_includes.to_list():
if inc not in ".":
include_paths.append(inc)
return include_paths
def _clang_toolchain_config_info_impl(ctx):
tool_paths = [
tool_path(
name = "gcc",
path = "clang_wrappers/{os}/gcc",
),
tool_path(
name = "ld",
path = "clang_wrappers/{os}/ld",
),
tool_path(
name = "ar",
path = "clang_wrappers/{os}/ar",
),
tool_path(
name = "cpp",
path = "clang_wrappers/{os}/cpp",
),
tool_path(
name = "gcov",
path = "clang_wrappers/{os}/gcov",
),
tool_path(
name = "nm",
path = "clang_wrappers/{os}/nm",
),
tool_path(
name = "objdump",
path = "clang_wrappers/{os}/objdump",
),
tool_path(
name = "strip",
path = "clang_wrappers/{os}/strip",
),
tool_path(
name = "llvm-cov",
path = "clang_wrappers/{os}/llvm-cov",
),
]
os = "nix"
postfix = ""
if ctx.host_configuration.host_path_separator == ";":
os = "windows"
postfix = ".bat"
tool_paths = [tool_path(name = t.name, path = t.path.format(os = os) + postfix) for t in tool_paths]
common_features = GetCommonFeatures(
compiler = "CLANG",
architecture = "x86-64",
float_abi = "auto",
endian = "little",
fpu = "auto",
include_paths = _get_additional_system_includes_command_line(ctx) + SYSTEM_INCLUDE_COMMAND_LINE + _get_injected_headers_command_line(ctx),
sysroot = SYSTEM_SYSROOT,
)
toolchain_config_info = cc_common.create_cc_toolchain_config_info(
ctx = ctx,
toolchain_identifier = ctx.attr.toolchain_identifier,
cxx_builtin_include_directories = SYSTEM_INCLUDE_PATHS + _get_additional_system_include_paths(ctx),
host_system_name = "i686-unknown-linux-gnu",
target_system_name = "arm-none-eabi",
target_cpu = "x86_64",
target_libc = "unknown",
compiler = "clang",
abi_version = "unknown",
abi_libc_version = "unknown",
tool_paths = tool_paths,
features = [
common_features.all_warnings,
common_features.all_warnings_as_errors,
common_features.reproducible,
common_features.includes,
common_features.symbol_garbage_collection,
common_features.architecture,
common_features.dbg,
common_features.opt,
common_features.fastbuild,
common_features.output_format,
common_features.coverage,
common_features.misc,
],
)
return toolchain_config_info
clang_toolchain_config = rule(
implementation = _clang_toolchain_config_info_impl,
attrs = {
"toolchain_identifier": attr.string(
mandatory = True,
doc = "Identifier used by the toolchain, this should be consistent with the cc_toolchain rule attribute",
),
"system_hdr_deps": attr.label_list(
doc = "A set of additional system header libraries that are added as a dependency of every cc_<target>",
default = ["@bazel_embedded_upstream_toolchain//:polyfill"],
providers = [CcInfo],
),
"injected_hdr_deps": attr.label_list(
doc = "A set of headers that are injected into the toolchain e.g. by -include",
default = ["@bazel_embedded_upstream_toolchain//:injected_headers"],
providers = [CcInfo],
),
"_clang_wrappers": attr.label(
doc = "Passthrough gcc wrappers used for the compiler",
default = "//toolchains/clang/clang_wrappers:all",
),
},
provides = [CcToolchainConfigInfo],
)
def compiler_components(system_hdr_deps, injected_hdr_deps):
native.filegroup(
name = "additional_headers",
srcs = [
system_hdr_deps,
injected_hdr_deps,
],
#output_group = "CcInfo",
)
native.filegroup(
name = "compiler_components",
srcs = [
"//toolchains/clang/clang_wrappers:all",
"@com_llvm_compiler//:all",
":additional_headers",
],
)
def clang_toolchain(name):
toolchain_config = name + "_config"
compiler_components(
system_hdr_deps = "@bazel_embedded_upstream_toolchain//:polyfill",
injected_hdr_deps = "@bazel_embedded_upstream_toolchain//:injected_headers",
)
compiler_components_target = ":compiler_components"
clang_toolchain_config(
name = toolchain_config,
toolchain_identifier = "clang",
)
cc_toolchain(
name = name,
all_files = compiler_components_target,
compiler_files = compiler_components_target,
dwp_files = compiler_components_target,
linker_files = compiler_components_target,
objcopy_files = compiler_components_target,
strip_files = compiler_components_target,
as_files = compiler_components_target,
ar_files = compiler_components_target,
supports_param_files = 0,
toolchain_config = ":" + toolchain_config,
toolchain_identifier = "clang",
)
native.toolchain(
name = name + "_cc_toolchain",
exec_compatible_with = [
"@platforms//cpu:x86_64",
"@platforms//os:linux",
],
target_compatible_with = [
"@platforms//cpu:x86_64",
"@platforms//os:linux",
],
toolchain = ":" + name,
toolchain_type = "@bazel_tools//tools/cpp:toolchain_type",
)
def register_clang_toolchain():
native.register_toolchains("@bazel_embedded//toolchains/clang:all")
|
#
# This file is subject to the terms and conditions defined in
# file 'LICENSE', which is part of this source code package.
#
class Menu:
def __init__(self, header=None, choices=None, on_show=None, on_invalid_choice=None, key_sep=': ', input_text='Choice: ', invalid_choice_text='Invalid input.'):
self.header = header
self.choices = choices
self.on_show = on_show
self.on_invalid_choice = on_invalid_choice
self.key_sep = key_sep
self.input_text = input_text
self.invalid_choice_text = invalid_choice_text
def add_choice(self, choice):
if self.choices is None:
self.choices = dict()
self.choices[choice.key] = choice
def remove_choice(self, choice):
del self.choices[choice.key]
def show(self):
if self.on_show is not None:
self.on_show.function(**self.on_show.args)
if self.header is not None:
print(self.header)
if self.choices is None:
raise RuntimeError('Menu must have at least one choice.')
else:
for key, choice in self.choices.items():
print('{}{}{}'.format(choice.key, self.key_sep, choice.text))
sel = input(self.input_text)
try:
self.choices[sel].execute()
except KeyError:
print(self.invalid_choice_text)
if self.on_invalid_choice is not None:
self.on_invalid_choice.function(**self.on_show.args)
|
'''
Reversed Queue
Write a function that takes a queue as an input and returns a reversed version of it.
'''
# Solution
class LinkedListNode:
def __init__(self, data):
self.data = data
self.next = None
class Stack:
def __init__(self):
self.num_elements = 0
self.head = None
def push(self, data):
new_node = LinkedListNode(data)
if self.head is None:
self.head = new_node
else:
new_node.next = self.head
self.head = new_node
self.num_elements += 1
def pop(self):
if self.is_empty():
return None
temp = self.head.data
self.head = self.head.next
self.num_elements -= 1
return temp
def top(self):
if self.head is None:
return None
return self.head.data
def size(self):
return self.num_elements
def is_empty(self):
return self.num_elements == 0
class Queue:
def __init__(self):
self.head = None
self.tail = None
self.num_elements = 0
def enqueue(self, data):
new_node = LinkedListNode(data)
if self.head is None:
self.head = new_node
self.tail = new_node
else:
self.tail.next = new_node
self.tail = new_node
self.num_elements += 1
def dequeue(self):
if self.is_empty():
return None
temp = self.head.data
self.head = self.head.next
self.num_elements -= 1
return temp
def front(self):
if self.head is None:
return None
return self.head.data
def size(self):
return self.num_elements
def is_empty(self):
return self.num_elements == 0
def reverse_queue(queue):
stack = Stack()
while not queue.is_empty():
stack.push(queue.dequeue())
while not stack.is_empty():
queue.enqueue(stack.pop())
def test_function(test_case):
queue = Queue()
for num in test_case:
queue.enqueue(num)
reverse_queue(queue)
index = len(test_case) - 1
while not queue.is_empty():
removed = queue.dequeue()
if removed != test_case[index]:
print("Fail")
return
else:
index -= 1
print("Pass")
test_case_1 = [1, 2, 3, 4]
test_function(test_case_1)
test_case_2 = [1]
test_function(test_case_2)
# or just use 2 queues and dequeue the first and enqueue it in the other one
# https://youtu.be/l_tnEtFCXnc
|
class Solution:
def maximalSquare(self, matrix):
if not matrix:
return 0
row = [0] * len(matrix[0])
res = 0
for i in xrange(len(matrix)):
top_left = 0
for j in xrange(len(matrix[i])):
if matrix[i][j] == "0":
top_left = row[j]
row[j] = 0
else:
val = min(row[j], row[j - 1] if j > 0 else 0, top_left) + 1
top_left = row[j]
row[j] = val
res = max(res, row[j])
return res ** 2
|
nome = str(input('Digite seu nome completo: ')).strip()
print(f'Muito prazer em te conhecer!')
nomes = nome.title().split()
print(f'Seu primeiro nome é {nomes[0]}')
print('Seu último nome é {}'.format(nomes[len(nomes)-1]))
|
class Ring:
"""Parent class/interface for all rings to inherit from"""
def __init__(self, name, element_type, is_commutative=False):
self.name = name
self.element_type = element_type
self.is_commutative = is_commutative
# Stuff we need to implement in child classes
def one(self):
raise NotImplementedError
def zero(self):
raise NotImplementedError
def __eq__(self, other):
raise NotImplementedError
# Stuff that just works
def coerce(self, x):
# passthrough if they are the same type already
if type(x) is type(self):
return x
raise NotImplementedError
def __contains__(self, other):
return type(other) is self.element_type
def __repr__(self):
return self.name
class RingElement:
"""Parent class for elements in some ring"""
def __init__(self, ring):
self.ring = ring
# Stuff to implement
def __add__(self, other):
raise NotImplementedError
def __mul__(self, other):
raise NotImplementedError
def __rmul__(self, other):
# multiplication isn't necessarily commutative
# only need to implement it if it isn't
if self.ring.is_commutative:
return self.__mul__(other)
raise NotImplementedError
def __neg__(self):
raise NotImplementedError
def __eq__(self, other):
raise NotImplementedError
def __lt__(self, other):
# This is optional if you want the ring to be ordered
raise NotImplementedError(f'Ordering not implemented for Ring {self.ring}')
# Stuff that just works
def __le__(self, other):
return self.__eq__(other) or self.__lt__(other)
def __gt__(self, other):
return not self.__le__(other)
def __ge__(self, other):
return self.__eq__(other) or self.__gt__(other)
def __pow__(self, power):
try:
a = int(power)
except ValueError as err:
raise ValueError('Powers of ring elements must be integers.') from err
if a < 0:
raise ValueError('Power of ring element must be nonnegative.')
if a == 0:
return self.ring.one()
else:
# compute recursively
return self.__mul__(self.__pow__(a-1))
def __radd__(self, other):
# addition is always commutative
return self.__add__(other)
def __sub__(self, other):
# a - b is a + (-b)
if type(other) is not type(self):
raise TypeError(
f'Subtraction not defined for types {type(self)} and {type(other)}'
)
return self.__add__(other.__neg__())
def __repr__(self):
return f'Element of {self.ring}'
|
"""Mapping nucleoside names to its fragments."""
KB_FRAGMENTATION_INFO: dict = {
"uridine": {
# U
"comments": "precursor can not be seen in MS2 in some cases",
"references": ["Jora et al. 2018"],
"fragments": {
"uridine -Ribose": {"formula": "C(4)H(4)N(2)O(2)"}, # 113.0345538436
"uridine -Ribose -N(1)H(3)": {
"formula": "C(4)H(1)N(1)O(2)", # 96.0080047430
"hcd": True,
},
},
"precursors": {
"uridine": {},
"uridine dimer": {},
},
},
"5-methyluridine": {
# m5U
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"5-methyluridine": {},
"5-methyluridine +N(1)H(2)": {"formula": "C(10)H(16)N(3)O(6)"},
"5-methyluridine dimer": {},
},
"fragments": {
"5-methyluridine -Ribose": {"formula": "C(5)H(6)N(2)O(2)"},
"5-methyluridine -Ribose -N(1)H(3)": {
"formula": "C(5)H(3)N(1)O(2)", # 110.0236548074
"hcd": True,
},
"5-methyluridine -Ribose -H(2)O(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
# '5-methyluridine -Ribose -C(1)H(1)N(1)O(1)' : {
# 'formula': 'C(4)H(5)N(1)O(1)', #84.04
# 'hcd':True
# },
# '5-methyluridine -Ribose -C(1)H(3)N(1)O(1)' : {
# 'formula': 'C(4)H(3)N(1)O(1)', #82.028
# 'hcd':True
# },
# '5-methyluridine -Ribose -C(2)H(2)N(2)O(1)' : {
# 'formula': 'C(3)H(4)O(1)', #57.033
# 'hcd':True
# },
# '5-methyluridine -Ribose -C(2)H(1)N(1)O(2)' : {
# 'formula': 'C(3)H(5)N(1)', #56.050
# 'hcd':True
# },
# '5-methyluridine -Ribose -C(2)H(3)N(1)O(2)' : {
# 'formula': 'C(3)H(3)N(1)', #53.034
# 'hcd':True
# },
},
"exclusion_fragments": {
"5-methyluridine -Methylated ribose": {
"formula": "C(4)H(4)N(2)O(2)" # 113.0345538436
}
},
},
"3-methyluridine": {
# m3U
"comments": "Exclusion fragments are partly m5U specific fragments",
"references": ["Jora et al. 2018"],
"precursors": {
"3-methyluridine": {},
"3-methyluridine +N(1)H(2)": {"formula": "C(10)H(16)N(3)O(6)"},
"3-methyluridine dimer": {},
},
"fragments": {
"3-methyluridine -Ribose": {"formula": "C(5)H(6)N(2)O(2)"},
"3-methyluridine -Ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(1)N(1)O(2)", # 96
"hcd": True,
},
},
"exclusion_fragments": {
"3-methyluridine -Methylated ribose": {
"formula": "C(4)H(4)N(2)O(2)" # 113.0345538436
},
"3-methyluridine -Ribose -N(1)H(3)": {
"formula": "C(5)H(3)N(1)O(2)", # 110.02
"hcd": True,
},
"3-methyluridine -Ribose -H(2)O(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.03
"hcd": True,
},
},
},
"2′-O-methyluridine": {
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"2′-O-methyluridine": {}},
"fragments": {
"2′-O-methyluridine -Methylated ribose": {
"formula": "C(4)H(4)N(2)O(2)" # 113.035
},
"2′-O-methyluridine -Methylated ribose -H(3)N(1)": {
"formula": "C(4)H(1)N(1)O(2)", # 96.008
"hcd": True,
},
},
"exclusion_fragments": {
"2′-O-methyluridine -Ribose": {"formula": "C(5)H(6)N(2)O(2)"} # 127
},
},
"2′-O-methylpseudouridine": {
"comments": "Verification required",
"references": [],
"precursors": {"2′-O-methylpseudouridine": {}},
"fragments": {
"2′-O-methylpseudouridine -H(4)O(4)": {"formula": "C(10)H(10)N(2)O(4)"}
},
},
"pseudouridine": {
"references": ["Dudley et al. 2005", "Pomerantz et al. 2005"],
"comments": "peak 209.0556832124: ribose is doubly dehydrated; peak 191.0451185280: ribose is triply dehydrated",
"fragments": {
"pseudouridine -H(4)O(2)": {
"formula": "C(9)H(8)N(2)O(4)", # 209.0556832124
"hcd": False,
},
"pseudouridine -H(6)O(3)": {
"formula": "C(9)H(6)N(2)O(3)", # 191.0451185280
"hcd": False,
},
"pseudouridine -C(3)H(6)O(3)": {
"formula": "C(6)H(6)N(2)O(3)", # 155.0451185280
"hcd": False,
},
"pseudouridine -C(4)H(8)O(4)": {
"formula": "C(5)H(4)N(2)O(2)", # 125.0345538436
"hcd": True,
},
"pseudouridine -C(5)H(7)N(1)O(4)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"pseudouridine -C(5)H(9)N(1)O(5)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
"pseudouridine -C(5)H(6)N(1)O(6)": {
"formula": "C(4)H(5)N(1)", # 68.0494756318
"hcd": True,
},
},
"precursors": {
"pseudouridine K adduct": {"formula": "C(9)H(11)N(2)O(6)K(1)"},
"pseudouridine": {},
"pseudouridine +N(1)H(2)": {"formula": "C(9)H(14)N(3)O(6"},
# 'pseudouridine dimer' : {},
# 'pseudouridine K adduct' : {
# 'formula' : 'C(9)H(11)N(2)O(6)K(1)'
# },
# 'pseudouridine +Ammonia' : {
# 'formula' : 'C(9)H(15)N(3)O(6)'
# },
},
},
"1-methylpseudouridine": {
# m1Y
"references": ["Dudley et al. 2005"],
"comments": "Peaks similar to pseudouridine with addtional +C(1)H(2)",
"fragments": {
"1-methylpseudouridine -H(4)O(2)": {
"formula": "C(10)H(10)N(2)O(4)", # 223.0713332768
"hcd": False,
},
"1-methylpseudouridine -H(6)O(3)": {
"formula": "C(10)H(8)N(2)O(3)", # 205.0607685924
"hcd": False,
},
"1-methylpseudouridine -C(3)H(6)O(3)": {
"formula": "C(7)H(8)N(2)O(3)", # 169.0607685924
"hcd": False,
},
"1-methylpseudouridine -C(4)H(8)O(4)": {
"formula": "C(6)H(6)N(2)O(2)", # 139.0502039080
"hcd": True,
},
"1-methylpseudouridine -C(5)H(9)N(1)O(5)": {
"formula": "C(5)H(5)N(1)O(1)", # 96.0443902518
"hcd": True,
},
},
"precursors": {
"1-methylpseudouridine K adduct": {},
"1-methylpseudouridine": {},
"1-methylpseudouridine dimer": {},
},
},
"3-methylpseudouridine": {
# m3Y
"references": ["Dudley et al. 2005"],
"comments": "Verification required; Peaks similar to pseudouridine with addtional +C(1)H(2)",
"fragments": {
"3-methylpseudouridine -H(4)O(2)": {
"formula": "C(10)H(10)N(2)O(4)", # 223.0713332768
"hcd": False,
},
"3-methylpseudouridine -H(6)O(3)": {
"formula": "C(10)H(8)N(2)O(3)", # 205.0607685924
"hcd": False,
},
"3-methylpseudouridine -C(3)H(6)O(3)": {
"formula": "C(7)H(8)N(2)O(3)", # 169.0607685924
"hcd": False,
},
"3-methylpseudouridine -C(4)H(8)O(4)": {
"formula": "C(6)H(6)N(2)O(2)", # 139.0502039080
"hcd": True,
},
"3-methylpseudouridine -C(5)H(9)N(1)O(5)": {
"formula": "C(5)H(5)N(1)O(1)", # 96.0443902518
"hcd": True,
},
},
"precursors": {
"3-methylpseudouridine K adduct": {},
"3-methylpseudouridine": {},
"3-methylpseudouridine dimer": {},
},
},
"inosine": {
# I
"references": [],
"comments": "Precursor ion can not be seen in MS2 in most cases",
"fragments": {
"inosine -Ribose": {"formula": "C(5)H(4)N(4)O(1)"} # 137.0457872316
},
"precursors": {"inosine": {}, "inosine dimer": {}},
},
"1-methylinosine": {
# m1I
"references": [],
"comments": "",
"precursors": {"1-methylinosine": {}, "1-methylinosine dimer": {}},
"fragments": {
"1-methylinosine -Ribose": {
"formula": "C(6)H(6)N(4)O(1)" # 151.06143729597002
}
},
"exclusion_fragments": {
"1-methylinosine -Methylated ribose": {
"formula": "C(5)H(4)N(4)O(1)" # 137.04578723157002
}
},
},
"2′-O-methylinosine": {
# Im
"references": [],
"comments": "",
"precursors": {"2′-O-methylinosine": {}, "2′-O-methylinosine dimer": {}},
"fragments": {
"2′-O-methylinosine -Methylated ribose": {
"formula": "C(5)H(4)N(4)O(1)" # 137.04578723157002
}
},
"exclusion_fragments": {
"2′-O-methylinosine -Ribose": {
"formula": "C(6)H(6)N(4)O(1)" # 151.06143729597002
}
},
},
"N6-isopentenyladenosine": {
# i6A
"references": ["modomics.org"],
"comments": "",
"precursors": {"N6-isopentenyladenosine": {}},
"fragments": {
"N6-isopentenyladenosine -Ribose": {
"formula": "C(10)H(13)N(5)", # 204.1243719054
"hcd": False,
},
"N6-isopentenyladenosine -Ribose -C(4)H(8)": {
"formula": "C(6)H(5)N(5)", # 148.0617716478
"hcd": True,
},
"N6-isopentenyladenosine -Ribose -C(5)H(8)": {
"formula": "C(5)H(5)N(5)", # 136.0617716478
"hcd": True,
},
},
},
"N6-formyladenosine": {
# f6A
"references": ["Fu et al. 2013"],
"comments": "Verification by standard required",
"precursors": {"N6-formyladenosine": {}},
"fragments": {
"N6-formyladenosine -Ribose": {
"formula": "C(6)H(5)N(5)O(1)", # 164.05668626777
"hcd": False,
},
"N6-formyladenosine -Ribose -C(1)O(1)": {
"formula": "C(5)H(5)N(5)", # 136.0617716478
"hcd": True,
},
},
},
"5-methoxyuridine": {
# mo5U
"comment": "Can be a co-eluting fragment (in-source?) of cm5U but with different fragments",
"references": ["Nelson and McCloskey 1994"],
"fragments": {
"5-methoxyuridine -Ribose": {
"formula": "C(5)H(6)N(2)O(3)", # 143.0451185280
"hcd": False,
},
# "5-methoxyuridine -Ribose -N(1)H(3)": {
# "formula": "C(5)H(3)N(1)O(3)", # 126.0185694274
# "hcd": True,
# },
},
"precursors": {
"5-methoxyuridine": {},
"5-methoxyuridine dimer": {},
"5-methoxyuridine K adduct": {},
},
},
"N6-threonylcarbamoyladenosine": {
# t6A
"comments": "120, 136, 162 and 281 are major peaks",
"references": ["Nagao et al. 2017"],
"fragments": {
# 'N6-threonylcarbamoyladenosine -Ribose' : {
# 'formula' : 'C(10)H(12)N(6)O(4)' # 281.0992793572
# },
"N6-threonylcarbamoyladenosine -Ribose -C(4)H(9)N(1)O(3)": {
"formula": "C(6)H(3)N(5)O(1)" # 162.0410362034
},
"N6-threonylcarbamoyladenosine -Ribose -C(5)H(7)N(1)O(4)": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
},
"N6-threonylcarbamoyladenosine -Ribose -C(6)H(3)N(5)O(1)": {
"formula": "C(4)H(9)N(1)O(3)", # 120.0655196206
"hcd": False,
},
},
"precursors": {
"N6-threonylcarbamoyladenosine": {
"formula": "C(15)H(20)N(6)O(8)" # 413.1415380948
}
},
},
"cyclic N6-threonylcarbamoyladenosine": {
"references": ["Myauchi et al. 2013"],
"comments": "",
"precursors": {"cyclic N6-threonylcarbamoyladenosine": {}},
"fragments": {
"cyclic N6-threonylcarbamoyladenosine -Ribose": {
"formula": "C(10)H(10)N(6)O(3)" # 263.0887146728
},
"cyclic N6-threonylcarbamoyladenosine -Ribose -C(2)H(4)O(1)": {
"formula": "C(8)H(6)N(6)O(2)" # 219.0624999240
},
"cyclic N6-threonylcarbamoyladenosine -Ribose -C(4)H(7)N(1)O(2)": {
"formula": "C(6)H(3)N(5)O(1)" # 162.0410362034
},
},
},
"guanosine": {
"references": [],
"comments": "",
"precursors": {
"guanosine dimer": {"formula": "C(20)H(26)N(10)O(10)"},
"guanosine": {"formula": "C(10)H(13)N(5)O(5)"},
"guanosine K adduct": {"formula": "C(10)H(12)K(1)N(5)O(5)"},
},
"fragments": {
# 'guanosine': {
# 'formula': 'C(10)H(13)N(5)O(5)'
# },
"guanosine -Ribose": {"formula": "C(5)H(5)N(5)O(1)"}, # 152.0566862678
"guanosine -Ribose -H(1)N(1) +O(1)": {
"formula": "C(5)H(4)N(4)O(2)", # 153.0407018516
"hcd": True,
},
"guanosine -Ribose -H(3)N(1)": {
"formula": "C(5)H(2)N(4)O(1)", # 135.0301371672
"hcd": True,
},
},
},
"cytidine": {
"references": [],
"comments": "",
"precursors": {
"cytidine dimer": {},
"cytidine": {},
},
"fragments": {
# 'cytidine': {
# 'formula': 'C(9)H(13)N(3)O(5)'
# },
"cytidine -Ribose": {"formula": "C(4)H(5)N(3)O(1)"} # 112.0505382598
},
},
"3-methylcytidine": {
# m3C
"comments": "No dimer is formed! Methyl group blocks dimer formation?",
"references": ["Jora et al. 2018"],
"precursors": {
#
# '3-methylcytidine dimer' : { 'formula' : '' },
# 'cytidine dimer semi-labeled' : { 'formula' : '' },
"3-methylcytidine": {"formula": ""}
},
"fragments": {
"3-methylcytidine -Ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
},
"3-methylcytidine -Ribose -H(3)N(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"3-methylcytidine -Ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
},
"exclusion_fragments": {
"3-methylcytidine -Methylated ribose": {
"formula": "C(4)H(5)N(3)O(1)", # 112.0505382598
# 'hcd' : True
},
# '3-methylcytidine -Ribose' : {
# 'formula': 'C(5)H(7)N(3)O(1)',
# 'hcd': True
# },
},
"dimer_possible": False,
},
"5-methylcytidine": {
# m5C
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"5-methylcytidine dimer": {},
"5-methylcytidine": {},
},
"fragments": {
"5-methylcytidine -Ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
},
"5-methylcytidine -Ribose -H(3)N(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"5-methylcytidine -Ribose -H(2)O(1)": {
"formula": "C(5)H(5)N(3)", # 108.0556236398
"hcd": True,
},
# '5-methylcytidine -Ribose -C(1)H(1)N(1)O(1)' : {
# 'formula': 'C(4)H(6)N(2)', # 83.0603746680
# 'hcd': True
# },
},
"exclusion_fragments": {
"5-methylcytidine -Methylated ribose": {
"formula": "C(4)H(5)N(3)O(1)", # 112.0505382598
"hcd": False,
},
"5-methylcytidine -Ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
},
},
"N4-methylcytidine": {
# m4C
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"N4-methylcytidine dimer": {},
"N4-methylcytidine": {},
},
"fragments": {
"N4-methylcytidine -Ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
},
"N4-methylcytidine -Ribose -H(3)N(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"N4-methylcytidine -Ribose -H(2)O(1)": {
"formula": "C(5)H(5)N(3)", # 108.0556236398
"hcd": True,
},
"N4-methylcytidine -Ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
"N4-methylcytidine -Ribose -C(1)H(1)N(1)O(1)": {
"formula": "C(4)H(6)N(2)", # 83.0603746680
"hcd": True,
},
},
"exclusion_fragments": {
"N4-methylcytidine -Methylated ribose": {
"formula": "C(4)H(5)N(3)O(1)" # 112.0505382598
}
},
},
"2′-O-methylcytidine": {
# Cm
"comments": "",
"references": [],
"precursors": {"2′-O-methylcytidine": {"formula": ""}},
"fragments": {
"2′-O-methylcytidine -Methylated ribose": {
"formula": "C(4)H(5)N(3)O(1)" # 112.0505382598
},
"2′-O-methylcytidine -Methylated ribose -H(3)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
# '2′-O-methylcytidine -Methylated ribose -C(1)H(1)N(1)O(1)' : {
# 'formula': 'C(3)H(4)N(2)', # 69.044
# 'hcd': True
# },
},
"exclusion_fragments": {
"2′-O-methylcytidine -Ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
}
},
},
"5-methoxycarbonylmethyluridine": {
# mcm5U
"comments": "",
"references": [],
"fragments": {
"5-methoxycarbonylmethyluridine -Ribose": {
"formula": "C(7)H(8)N(2)O(4)", # 185.0556832124
"hcd": False,
},
"5-methoxycarbonylmethyluridine -Ribose -C(1)H(4)O(1)": {
"formula": "C(6)H(4)N(2)O(3)", # 153.0294684636
"hcd": False,
},
"5-methoxycarbonylmethyluridine -Ribose -C(2)H(4)O(2)": {
"formula": "C(5)H(4)N(2)O(2)" # 125.0345538436
},
"5-methoxycarbonylmethyluridine -Ribose -C(3)H(3)N(1)O(2)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
# '5-methoxycarbonylmethyluridine -Ribose -C(3)H(5)N(1)O(1)' : {
# 'formula': 'C(4)H(3)N(1)O(1)', # 82.0287401874
# 'hcd':True
# },
# '5-methoxycarbonylmethyluridine -Ribose -C(4)H(5)N(1)O(2)' : {
# 'formula': 'C(3)H(3)N(1)', # 54.0338255674
# 'hcd':True
# },
},
"precursors": {
"5-methoxycarbonylmethyluridine": {},
"5-methoxycarbonylmethyluridine +H(3)N(1)": {
"formula": "C(12)H(19)N(3)O(8)"
},
"5-methoxycarbonylmethyluridine dimer": {},
"5-methoxycarbonylmethyluridine dimer +H(3)N(1)": {
"formula": "C(24)H(35)N(5)O(16)"
},
},
},
"5-methoxycarbonylmethyl-2-thiouridine": {
# mcm5s2U
"comments": "",
"references": [],
"fragments": {
"5-methoxycarbonylmethyl-2-thiouridine -Ribose": {
"formula": "C(7)H(8)N(2)O(3)S(1)", # 201.0328397664
"hcd": False,
},
"5-methoxycarbonylmethyl-2-thiouridine -Ribose -C(1)H(4)O(1)": {
"formula": "C(6)H(4)N(2)O(2)S(1)", # 169.0066250176
"hcd": False,
},
"5-methoxycarbonylmethyl-2-thiouridine -Ribose -C(2)H(4)O(2)": {
"formula": "C(5)H(4)N(2)O(1)S(1)", # 141.0117103976
"hcd": True,
},
"5-methoxycarbonylmethyl-2-thiouridine -Ribose -C(3)H(3)N(1)O(1)S(1)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
},
"precursors": {"5-methoxycarbonylmethyl-2-thiouridine": {}},
},
"5-carbamoylmethyluridine": {
# ncm5U
"comments": "",
"references": [],
"precursors": {"5-carbamoylmethyluridine": {}},
"fragments": {
"5-carbamoylmethyluridine -Ribose": {
"formula": "C(6)H(7)N(3)O(3)", # 170.0560175642
"hcd": False,
},
"5-carbamoylmethyluridine -Ribose -N(1)H(3)": {
"formula": "C(6)H(4)N(2)O(3)", # 153.0294684636
"hcd": False,
},
"5-carbamoylmethyluridine -Ribose -C(1)H(3)N(1)O(1)": {
"formula": "C(5)H(4)N(2)O(2)" # 125.0345538436
},
"5-carbamoylmethyluridine -Ribose -C(2)H(2)N(2)O(1)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"5-carbamoylmethyluridine -Ribose -C(2)H(4)N(2)O(2)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
},
},
"5-methoxycarbonylmethyl-2′-O-methyluridine": {
# mcm5Um
"comments": "",
"references": [],
"precursors": {
"5-methoxycarbonylmethyl-2′-O-methyluridine": {
"formula": "C(13)H(18)N(2)O(8)" # 331.1135920144
}
},
"fragments": {
"5-methoxycarbonylmethyl-2′-O-methyluridine -Methylated ribose": {
"formula": "C(7)H(8)N(2)O(4)", # 185.0556832124
"hcd": False,
},
"5-methoxycarbonylmethyl-2′-O-methyluridine -Methylated ribose -C(2)H(4)O(2)": {
"formula": "C(5)H(4)N(2)O(2)" # 125.0345538436
},
"5-methoxycarbonylmethyl-2′-O-methyluridine -Methylated ribose -C(3)H(3)N(1)O(2)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"5-methoxycarbonylmethyl-2′-O-methyluridine -Methylated ribose -C(3)H(4)N(1)O(3)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
},
},
"5-carboxymethyluridine": {
# cm5U
"comments": "",
"references": [],
"precursors": {"5-carboxymethyluridine": {}},
"fragments": {
"5-carboxymethyluridine -Ribose": {
"formula": "C(6)H(6)N(2)O(4)", # 171.0400331480
"hcd": False,
},
"5-carboxymethyluridine -Ribose -H(2)O(1)": {
"formula": "C(6)H(4)N(2)O(3)", # 153.0294684636
"hcd": False,
}, # 153
"5-carboxymethyluridine -Ribose -C(1)H(2)O(2)": {
"formula": "C(5)H(4)N(2)O(2)" # 125.0345538436
},
"5-carbamoylmethyluridine -Ribose -C(2)H(2)N(2)O(1)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"5-carbamoylmethyluridine -Ribose -C(2)H(4)N(2)O(2)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
},
},
"5-carbamoylmethyl-2-thiouridine": {
# ncm5s2U
"comments": "",
"references": [],
"precursors": {"5-carbamoylmethyl-2-thiouridine": {}},
"fragments": {
"5-carbamoylmethyl-2-thiouridine -Ribose": {
"formula": "C(6)H(7)N(3)O(2)S(1)", # 186.0331741182
"hcd": False,
},
"5-carbamoylmethyl-2-thiouridine -Ribose -H(3)N(1)": {
"formula": "C(6)H(4)N(2)O(2)S(1)", # 169.0066250176
"hcd": False,
},
"5-carbamoylmethyl-2-thiouridine -Ribose -C(1)H(3)O(1)N(1)": {
"formula": "C(5)H(4)N(2)O(1)S(1)" # 141.0117103976
},
"5-carbamoylmethyl-2-thiouridine -Ribose -C(2)H(2)N(2)O(1)S(1)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"5-carbamoylmethyl-2-thiouridine -Ribose -C(2)H(4)N(2)O(2)S(1)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
},
},
"5-carboxymethyl-2-thiouridine": {
# cm5s2U
"comments": "",
"references": [],
"precursors": {"5-carboxymethyl-2-thiouridine": {}},
"fragments": {
"5-carboxymethyl-2-thiouridine -Ribose": {
"formula": "C(6)H(6)N(2)O(3)S(1)", # 187.01718970197
"hcd": False,
},
"5-carboxymethyl-2-thiouridine -Ribose -C(1)H(2)O(2)": {
"formula": "C(5)H(4)N(2)O(1)S(1)" # 141.0117103976
}, # 141
"5-carboxymethyl-2-thiouridine -Ribose -C(2)H(1)N(2)O(1)S(1)": {
"formula": "C(4)H(5)N(1)O(2)", # 100.0393048718
"hcd": True,
},
"5-carboxymethyl-2-thiouridine -Ribose -C(2)H(3)N(1)O(2)S(1)": {
"formula": "C(4)H(3)N(1)O(1)", # 82.0287401874
"hcd": True,
},
},
},
"5-carbamoylhydroxymethyluridine": {
# nchm5U
"comments": "",
"references": [],
"precursors": {"5-carbamoylhydroxymethyluridine": {}},
"fragments": {
"5-carbamoylhydroxymethyluridine -Ribose": {
"formula": "C(6)H(7)N(3)O(4)", # 186.0509321842
"hcd": False,
},
"5-carbamoylhydroxymethyluridine -Ribose -C(1)H(3)N(1)O(1)": {
"formula": "C(5)H(4)N(2)O(3)", # 141.0294684636
"hcd": True,
},
"5-carbamoylhydroxymethyluridine -Ribose -C(1)H(2)O(2)": {
"formula": "C(5)H(5)N(3)O(2)", # 140.0454528798
"hcd": True,
},
"5-carbamoylhydroxymethyluridine -Ribose -C(1)H(2)O(2)": {
"formula": "C(4)H(4)N(2)O(1)", # 97.039639
"hcd": True,
},
"5-carbamoylhydroxymethyluridine -Ribose -C(1)H(2)O(2)": {
"formula": "C(3)H(3)N(1)O(1)", # 70.0287401874
"hcd": True,
},
},
},
"5-methyl-2-thiouridine": {
# m5s2U
"comments": "",
"references": [],
"precursors": {"5-methyl-2-thiouridine": {"formula": "C(10)H(14)N(2)O(5)S(1)"}},
"fragments": {
"5-methyl-2-thiouridine -Ribose": {
"formula": "C(5)H(6)N(2)O(1)S(1)" # 143.0273604620
},
"5-methyl-2-thiouridine -Ribose -N(1)H(3)": {
"formula": "C(5)H(3)N(1)O(1)S(1)", # 126.0008113614
"hcd": True,
},
},
},
"5-aminomethyl-2-thiouridine": {
# nm5s2U
"comments": "",
"references": [],
"precursors": {
"5-aminomethyl-2-thiouridine": {"formula": "C(10)H(15)N(3)O(5)S(1)"}
},
"fragments": {
"5-aminomethyl-2-thiouridine -Ribose": {
"formula": "C(5)H(7)N(3)O(1)S(1)" # 158.038663833319
},
# "5-aminomethyl-2-thiouridine -Ribose -H(1)S(1)": {
# "formula": "C(5)H(6)N(3)O(1)",# 125.05836329197
# "hcd" : True
# not verified!!!
# },
},
},
"5-hydroxyuridine": {
# ho5U
"comments": "",
"references": ["Nelson and McCloskey 1994"],
"precursors": {"5-hydroxyuridine": {}},
"fragments": {
"5-hydroxyuridine -Ribose": {
"formula": "C(4)H(4)N(2)O(3)" # 129.0294684636
},
# "5-hydroxyuridine -Ribose -N(1)H(3)": {
# "formula": "C(4)H(1)N(1)O(3)", # 112.0029193630
# "hcd":True
# },
# "5-hydroxyuridine -Ribose -C(1)H(3)N(1)O(1)": {
# "formula": "C(3)H(1)N(1)O(2)", # 84.0080047430
# "hcd":True
# },
},
},
# "5,2′-O-dimethyluridine": {
# # m5Um
# "comments" : "Fragments similar to m5U (less similar to m3U, Verification required",
# "references" : ["Jora et al. 2018"],
# "precursors": {
# "5,2′-O-dimethyluridine": {
# "formula": "C(11)H(16)N(2)O(6)" # 273.1081127100
# }
# },
# "fragments": {
# "5,2′-O-dimethyluridine -Ribose": {
# "formula": "C(6)H(8)N(2)O(2)" # 141.06585397237
# },
# "5,2′-O-dimethyluridine -Methylated ribose -N(1)H(3)": {
# "formula": "C(5)H(3)N(1)O(2)", # 110.0236548074
# "hcd": True,
# },
# "5,2′-O-dimethyluridine -Methylated ribose -H(2)O(1)": {
# "formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
# "hcd": True,
# },
# # '5,2′-O-dimethyluridine -Ribose -C(1)H(1)N(1)O(1)' : {
# # 'formula': 'C(4)H(5)N(1)O(1)', #84.0443902518
# # 'hcd':True
# # },
# },
# },
# "3,2′-O-dimethyluridine": {
# # m3Um
# "comments" : "Similarity to m3U assumed, Verfication required",
# "references" : ["Jora et al. 2018"],
# "precursors": {
# "3,2′-O-dimethyluridine": {
# "formula": "C(11)H(16)N(2)O(6)" # 273.1081127100
# }
# },
# "fragments": {
# "3,2′-O-dimethyluridine -Ribose": {
# "formula": "C(6)H(8)N(2)O(2)", # 141.06585397237
# "hcd": True,
# },
# "3,2′-O-dimethyluridine -Ribose -C(1)H(5)N(1)": {
# "formula": "C(4)H(1)N(1)O(2)", # 96.0080047430
# "hcd": True,
# },
# },
# },
"5-hydroxymethylcytidine": {
"comments": "Elutes with m3C. Verification required. You et al. report peak 124.1",
"references": ["You et al. 2019"],
"precursors": {"5-hydroxymethylcytidine": {"formula": ""}},
"fragments": {
"5-hydroxymethylcytidine -Ribose": {
"formula": "C(5)H(7)N(3)O(2)", # 142.0611029442
"hcd": False,
},
"5-hydroxymethylcytidine -Ribose -O(1)": {
"formula": "C(5)H(7)N(3)O(1)", # 126.0661883242
"hcd": True,
},
"5-hydroxymethylcytidine -Ribose -H(3)N(1)O(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"5-hydroxymethylcytidine -Ribose -C(1)H(5)N(1)O(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
},
},
"N4,2′-O-dimethylcytidine": {
# m4Cm
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"N4,2′-O-dimethylcytidine": {}},
"fragments": {
"N4,2′-O-dimethylcytidine -Methylated ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
},
"N4,2′-O-dimethylcytidine -Methylated ribose -H(3)N(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"N4,2′-O-dimethylcytidine -Methylated ribose -H(2)O(1)": {
"formula": "C(5)H(5)N(3)", # 108.0556236398
"hcd": True,
},
"N4,2′-O-dimethylcytidine -Methylated ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
"N4,2′-O-dimethylcytidine -Methylated ribose -C(1)H(1)N(1)O(1)": {
"formula": "C(4)H(6)N(2)", # 83.0603746680
"hcd": True,
},
},
},
"5,2′-O-dimethylcytidine": {
# m5Cm
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"5,2′-O-dimethylcytidine": {}},
"fragments": {
"5,2′-O-dimethylcytidine -Methylated ribose": {
"formula": "C(5)H(7)N(3)O(1)" # 126.0661883242
},
"5,2′-O-dimethylcytidine -Methylated ribose -H(3)N(1)": {
"formula": "C(5)H(4)N(2)O(1)", # 109.0396392236
"hcd": True,
},
"5,2′-O-dimethylcytidine -Methylated ribose -H(2)O(1)": {
"formula": "C(5)H(5)N(3)", # 108.0556236398
"hcd": True,
},
},
"exclusion_fragments": {
"5,2′-O-dimethylcytidine -Methylated ribose -C(1)H(5)N(1)": { #
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
}
},
},
"N4,N4-dimethylcytidine": {
# m4Cm
"comments": "Verification required",
"references": [],
"precursors": {"N4,N4-dimethylcytidine": {}},
"fragments": {
"N4,N4-dimethylcytidine -Ribose": {
"formula": "C(6)H(9)N(3)O(1)" # 140.0818383886
}
},
},
"1-methylguanosine": {
# m1G
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"1-methylguanosine": {}, "1-methylguanosine -Ribose": {}},
"fragments": {
"1-methylguanosine -Ribose": {
"formula": "C(6)H(7)N(5)O(1)" # 166.0723363322
},
"1-methylguanosine -Ribose -H(1)N(1) +O(1)": {
"formula": "C(6)H(6)N(4)O(2)", # 167.0563519160
"hcd": True,
},
"1-methylguanosine -Ribose -C(1)H(3)N(1) +O(1)": {
"formula": "C(5)H(4)N(4)O(2)", # 153.0407018516
"hcd": True,
},
"1-methylguanosine -Ribose -H(3)N(1)": {
"formula": "C(6)H(4)N(4)O(1)", # 149.0457872316
"hcd": True,
},
},
"exclusion_fragments": {
"7-O-methylguanosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)O(1)" # 152.0566862678
}
},
},
"N2-methylguanosine": {
# m2G
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"N2-methylguanosine": {}, "N2-methylguanosine -Ribose": {}},
"fragments": {
"N2-methylguanosine -Ribose": {
"formula": "C(6)H(7)N(5)O(1)", # 166.0723363322
"hcd": False,
},
"N2-methylguanosine -Ribose -H(1)N(1) +O(1)": {
"formula": "C(6)H(6)N(4)O(2)", # 167.0563519160
"hcd": True,
},
"N2-methylguanosine -Ribose -H(3)N(1)": {
"formula": "C(6)H(4)N(4)O(1)", # 149.0457872316
"hcd": True,
},
"N2-methylguanosine -Ribose -C(2)H(2)N(2) +O(1)": {
"formula": "C(4)H(5)N(3)O(2)", # 128.0454528798
"hcd": True,
},
"N2-methylguanosine -Ribose -C(2)H(4)N(2)": {
"formula": "C(4)H(3)N(3)O(1)", # 110.0348881954
"hcd": True,
},
},
"exclusion_fragments": {
"N2-methylguanosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)O(1)" # 152.0566862678
},
"N2-methylguanosine -Ribose": {
"formula": "C(6)H(7)N(5)O(1)", # 166.0723363322
"hcd": True,
},
},
},
"7-methylguanosine": {
# m7G
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"7-methylguanosine": {}, "7-methylguanosine -Ribose": {}},
"fragments": {
"7-methylguanosine -Ribose": {
"formula": "C(6)H(7)N(5)O(1)" # 166.0723363322
},
"7-methylguanosine -Ribose -H(1)N(1) +O(1)": {
"formula": "C(6)H(6)N(4)O(2)", # 167.0563519160
"hcd": True,
},
"7-methylguanosine -Ribose -H(3)N(1)": {
"formula": "C(6)H(4)N(4)O(1)", # 149.0457872316
"hcd": True,
},
# '7-methylguanosine -Ribose -C(1)N(2) +O(1)': { #too low abudant for 5% TIC threshold
# 'formula': 'C(5)H(7)N(3)O(2)', # 142
# 'hcd': True,
# },
"7-methylguanosine -Ribose -C(1)H(2)N(2)": {
"formula": "C(5)H(5)N(3)O(1)", # 124.0505382598
"hcd": True,
},
},
"exclusion_fragments": {
"7-O-methylguanosine -Methylated ribose": {"formula": "C(5)H(5)N(5)O(1)"}
},
},
"2′-O-methylguanosine": {
# Cm
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"2′-O-methylguanosine": {},
"2′-O-methylguanosine -Methylated ribose": {},
"2′-O-methylguanosine K adduct": {},
"2′-O-methylguanosine dimer": {},
"2′-O-methylguanosine K adduct dimer": {},
},
"fragments": {
"2′-O-methylguanosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)O(1)" # 152.0566862678
},
"2′-O-methylguanosine -Methylated ribose -H(1)N(1) +O(1)": {
"formula": "C(5)H(4)N(4)O(2)", # 153.0407018516
"hcd": True,
},
"2′-O-methylguanosine -Methylated ribose -H(3)N(1)": {
"formula": "C(5)H(2)N(4)O(1)", # 135.0301371672
"hcd": True,
},
"2′-O-methylguanosine -Methylated ribose -C(1)H(2)N(2)": {
"formula": "C(4)H(3)N(3)O(1)", # 110.0348881954
"hcd": True,
},
# '7-methylguanosine -Ribose -C(1)N(2) +O(1)': { #too low abudant for 5% TIC threshold
# 'formula': 'C(5)H(7)N(3)O(2)', # 142
# 'hcd': True,
# },
},
"exclusion_fragments": {
"2′-O-methylguanosine -Ribose": {
"formula": "C(6)H(7)N(5)O(1)", # 166.0723363322
}
},
},
"N2,N2-dimethylguanosine": {
# m2,2G
"comments": "",
"references": ["Giessing et al. 2011"],
"precursors": {
"N2,N2-dimethylguanosine": {},
"N2,N2-dimethylguanosine dimer": {},
},
"fragments": {
"N2,N2-dimethylguanosine -Ribose": {
"formula": "C(7)H(9)N(5)O(1)" # 180.08798639657002
},
"N2,N2-dimethylguanosine -Ribose -C(2)H(5)N(1) +O(1)": {
"formula": "C(5)H(4)N(4)O(2)", # 153.0407018516
"hcd": True,
},
"N2,N2-dimethylguanosine -Ribose -C(2)H(7)N(1)": {
"formula": "C(5)H(2)N(4)O(1)", # 135.0301371672
"hcd": True,
},
"N2,N2-dimethylguanosine -Ribose -C(3)H(6)N(2)": {
"formula": "C(4)H(3)N(3)O(1)", # 110.0348881954
"hcd": True,
},
},
},
# "7-aminomethyl-7-deazaguanosine": {
# # is not validated!
# "precursors": {"7-aminomethyl-7-deazaguanosine": {}},
# "fragments": {
# "7-aminomethyl-7-deazaguanosine -Ribose": {
# "formula": "C(7)H(9)N(5)O(1)" # 180.0879863966
# },
# "7-aminomethyl-7-deazaguanosine -Ribose -H(3)N(1)": {
# "formula": "C(7)H(6)N(4)O(1)", # 163.0614372960
# "hcd": True,
# },
# },
# },
"adenosine": {
# A
"comments": "",
"references": [],
"precursors": {"adenosine": {}},
"fragments": {
"adenosine -Ribose": {"formula": "C(5)H(5)N(5)"}, # 136.0617716478
"adenosine -Ribose -H(3)N(1)": {
"formula": "C(5)H(2)N(4)", # 119.03522254717
"hcd": True,
},
},
},
"2′-O-methyladenosine": {
# Am
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"2′-O-methyladenosine": {"formula": "C(11)H(15)N(5)O(4)"}, # 282.1196804498
"2′-O-methyladenosine dimer": {},
},
"fragments": {
"2′-O-methyladenosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
},
# '2′-O-methyladenosine': {'formula': 'C(11)H(15)N(5)O(4)'}
},
"exclusion_fragments": {
"2′-O-methyladenosine -Ribose": {
"formula": "C(6)H(7)N(5)" # 150.0774217122
}
},
},
"1-methyladenosine": {
# m1A
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"1-methyladenosine": {"formula": "C(11)H(15)N(5)O(4)"},
"1-methyladenosine dimer": {},
"1-methyladenosine K adduct dimer": {},
},
"fragments": {
"1-methyladenosine -Ribose": {"formula": "C(6)H(7)N(5)"}, # 150.0774217122
"1-methyladenosine -Ribose -N(1)H(3)": {
"formula": "C(6)H(4)N(4)", # 133.0508726116
"hcd": True,
},
"1-methyladenosine -Ribose -C(2)N(1)H(3)": {
"formula": "C(4)H(4)N(4)", # 109.0508726116
"hcd": True,
},
},
"exclusion_fragments": {
"1-methyladenosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
}
},
},
"1,2′-O-dimethyladenosine": {
# m1Am
"comments": "",
"references": [],
"precursors": {"1,2′-O-dimethyladenosine": {"formula": "C(12)H(17)N(5)O(4)"}},
"fragments": {
"1,2′-O-dimethyladenosine -Methylated ribose": {
"formula": "C(6)H(7)N(5)" # 150.0774217122
},
"1,2′-O-dimethyladenosine -Methylated ribose -N(1)H(3)": {
"formula": "C(6)H(4)N(4)", # 133.0508726116
"hcd": True,
},
"1,2′-O-dimethyladenosine -Methylated ribose -C(2)N(1)H(3)": {
"formula": "C(4)H(4)N(4)", # 109.0508726116
"hcd": True,
},
},
},
"N6,N6-dimethyladenosine": {
# m6,6A
"comments": "",
"references": ["Chan et al. 2011"],
"precursors": {
"N6,N6-dimethyladenosine": {
"formula": "C(12)H(17)N(5)O(4)" # 296.1353305142
}
},
"fragments": {
"N6,N6-dimethyladenosine -Ribose": {
"formula": "C(7)H(9)N(5)" # 164.0930717766
},
"N6,N6-dimethyladenosine -Ribose -C(1)H(3)": {
"formula": "C(6)H(6)N(5)", # 149.06959667997
"hcd": True,
},
"N6,N6-dimethyladenosine -Ribose -C(2)H(5)N(1)": {
"formula": "C(5)H(4)N(4)", # 121.05087261157
"hcd": True,
},
},
},
"N6,2′-O-dimethyladenosine": {
# m6Am
"comments": "",
"references": [],
"precursors": {
"N6,2′-O-dimethyladenosine": {
"formula": "C(12)H(17)N(5)O(4)" # 296.1353305142
}
},
"fragments": {
"N6,2′-O-dimethyladenosine -Methylated ribose": {
"formula": "C(6)H(7)N(5)" # 150.0774217122
},
"N6,2′-O-dimethyladenosine -Methylated ribose -C(1)H(1)N(1)": {
"formula": "C(5)H(6)N(4)", # 123.0665226760
"hcd": True,
},
"N6,2′-O-dimethyladenosine -Methylated ribose -C(2)H(4)N(2)": {
"formula": "C(4)H(3)N(3)", # 94.0399735754
"hcd": True,
},
},
},
"2,8-dimethyladenosine": {
# m2,8A
"comments": "Verification required",
"references": ["Giessing et al. 2009"],
"precursors": {"2,8-dimethyladenosine": {}},
"fragments": {
"2,8-dimethyladenosine -Ribose": {
"formula": "C(7)H(9)N(5)" # 164.0930717766
},
"2,8-dimethyladenosine -Ribose -H(3)N(1)": {
"formula": "C(7)H(6)N(4)", # 147.0665226760
"hcd": True,
},
},
},
"2-methyladenosine": {
# m2A
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"2-methyladenosine": {},
"2-methyladenosine dimer": {},
"2-methyladenosine K adduct dimer": {},
},
"fragments": {
"2-methyladenosine -Ribose": {"formula": "C(6)H(7)N(5)"}, # 150.0774217122
"2-methyladenosine -Ribose -N(1)H(3)": {
"formula": "C(6)H(4)N(4)", # 133.0508726116
"hcd": True,
},
"2-methyladenosine -Ribose -C(2)N(2)H(6)": {
"formula": "C(4)H(1)N(3)", # 92.0243235110
"hcd": True,
},
},
"exclusion_fragments": {
"2-methyladenosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
}
},
},
"8-methyladenosine": {
# m8A
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"8-methyladenosine": {},
"8-methyladenosine dimer": {},
"8-methyladenosine K adduct dimer": {},
},
"fragments": {
"8-methyladenosine -Ribose": {"formula": "C(6)H(7)N(5)"}, # 150.0774217122
"8-methyladenosine -Ribose -N(1)H(3)": {
"formula": "C(6)H(4)N(4)", # 133.0508726116
"hcd": True,
},
"8-methyladenosine -Ribose -C(1)N(2)H(2)": {
"formula": "C(5)H(5)N(3)", # 108.0556236398
"hcd": True,
},
"8-methyladenosine -Ribose -C(1)N(2)H(4)": {
"formula": "C(5)H(3)N(3)", # 106.0399735754
"hcd": True,
},
},
"exclusion_fragments": {
"8-methyladenosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
}
},
},
"N6-methyladenosine": {
# m6A
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"N6-methyladenosine": {},
"N6-methyladenosine dimer": {},
"N6-methyladenosine K adduct dimer": {},
},
"fragments": {
"N6-methyladenosine -Ribose": {"formula": "C(6)H(7)N(5)"}, # 150.0774217122
"N6-methyladenosine -Ribose -C(1)H(1)N(1)": {
"formula": "C(5)H(6)N(4)", # 123.0665226760
"hcd": True,
},
"N6-methyladenosine -Ribose -C(2)H(4)N(2)": {
"formula": "C(4)H(3)N(3)", # 94.0399735754
"hcd": True,
},
},
"exclusion_fragments": {
"N6-methyladenosine -Methylated ribose": {
"formula": "C(5)H(5)N(5)" # 136.0617716478
}
},
},
# 'N6-acetyladenosine': {
# "references":['Sauerwald et al. 2005'],
# 'precursors':{
# 'N6-acetyladenosine': {'formula': 'C(12)H(15)N(5)O(5)'}
# },
# 'fragments' : {
# 'N6-acetyladenosine -Ribose': {
# 'formula': 'C(7)H(7)N(5)O(1)',
# 'hcd' : False
# },
# 'N6-acetyladenosine -Ribose -C(1)O(1)': {
# 'formula': 'C(6)H(7)N(5)',
# 'hcd' : True
# },
# 'N6-acetyladenosine -Ribose -C(2)H(1)N(1)O(1)': {
# 'formula': 'C(5)H(6)N(4)', #123.06
# 'hcd' : True
# },
# 'N6-acetyladenosine -Ribose -C(3)H(4)N(2)O(1)': {
# 'formula': 'C(4)H(3)N(3)', #94.04
# 'hcd' : True
# },
# },
# },
"N6-hydroxymethyladenosine": {
# hm6A
"comments": "Verification required",
"references": ["modomics.org", "You et al. 2019", "Fu et al. 2013"],
"fragments": {
"N6-hydroxymethyladenosine": {
"formula": "C(11)H(15)N(5)O(5)" # 298.1145950698
},
"adenosine": {"formula": "C(10)H(13)N(5)O(4)"}, # 268.1040303854
"adenosine -Ribose": {"formula": "C(5)H(5)N(5)"}, # 136.0617716478
},
"precursors": {"N6-hydroxymethyladenosine": {}},
},
"N4-acetylcytidine": {
# ac4C
"comments": "Verification required",
"references": ["modomics.org"],
"fragments": {
"N4-acetylcytidine -Ribose": {
"formula": "C(6)H(7)N(3)O(2)", # 154.0611029442
"hcd": False,
},
"cytidine -Ribose": {"formula": "C(4)H(5)N(3)O(1)"}, # 112.0505382598
"cytidine -Ribose -C(1)H(5)N(1)": {
"formula": "C(4)H(2)N(2)O(1)", # 95.0239891592
"hcd": True,
},
},
"precursors": {"N4-acetylcytidine": {}, "N4-acetylcytidine K adduct": {}},
},
"5-formyl-2′-O-methylcytidine": {
# f5Cm
"comments": "Verification required",
"references": ["modomics.org"],
"fragments": {
"5-formyl-2′-O-methylcytidine -Methylated ribose": {
"formula": "C(5)H(5)N(3)O(2)" # 140.0454528798
}
},
"precursors": {"5-formyl-2′-O-methylcytidine": {}},
},
"4-thiouridine": {
# s4U
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {"4-thiouridine": {}},
"fragments": {
"4-thiouridine -Ribose": {
"formula": "C(4)H(4)N(2)O(1)S(1)" # 129.0117103976
},
"4-thiouridine -Ribose -H(3)N(1)": {
"formula": "C(4)H(1)N(1)O(1)S(1)", # 111.9851612970
"hcd": True,
},
"4-thiouridine -Ribose -C(1)H(1)N(1)O(1)": {
"formula": "C(3)H(3)N(1)S(1)", # 86.0058967414
"hcd": True,
},
},
},
"2-thiouridine": {
# s2U
"comments": "",
"references": ["Jora et al. 2018"],
"precursors": {
"2-thiouridine": {},
"2-thiouridine isotope_1": {
"formula": "+C(9)H(12)N(2)O(5)S(1)",
"isotope_position": 1,
}, # refers to pos 1 in most abundant precursors
# default would be 0, following the ursgal nomenclature, see below
},
"fragments": {
"2-thiouridine -Ribose": {
"formula": "C(4)H(4)N(2)O(1)S(1)" # 129.0117103976
},
"2-thiouridine -Ribose -H(3)N(1)": {
"formula": "C(4)H(1)N(1)O(1)S(1)", # 111.9851612970
"hcd": True,
},
"2-thiouridine -Ribose -C(1)H(1)N(1)S(1)": {
"formula": "C(3)H(3)N(1)O(1)", # 70.0287401874
"hcd": True,
},
},
},
"spiroiminodihydantoin": {
"comments": "",
"references": ["Martinez et al. 2007"],
"precursors": {
"spiroiminodihydantoin": {"formula": "C(10)H(13)N(5)O(7)"} # 316.0887742454
},
"fragments": {
"spiroiminodihydantoin -Ribose": {
"formula": "C(5)H(5)N(5)O(3)", # 184.0465155078
"hcd": False,
},
"spiroiminodihydantoin -Ribose -C(2)H(2)N(2)O(1)": {
"formula": "C(3)H(3)N(3)O(2)", # 114.0298028154
"hcd": True,
},
"spiroiminodihydantoin -Ribose -C(2)H(1)N(1)O(2)": {
"formula": "C(3)H(4)N(4)O(1)", # 113.0457872316
"hcd": True,
},
"spiroiminodihydantoin -Ribose -C(3)H(2)N(2)O(2)": {
"formula": "C(2)H(3)N(3)O(1)", # 86.0348881954
"hcd": True,
},
},
},
"queuosine": {
# Q
"comments": "",
"references": ["Zallot et al. 2014", "Giessing et al. 2009"],
"precursors": {"queuosine": {"formula": "C(17)H(23)N(5)O(7)"}},
"fragments": {
"queuosine -C(5)H(9)N(1)O(2)": {
"formula": "C(12)H(14)N(4)O(5)", # 295.10369603357
"hcd": False,
},
"queuosine -C(10)H(17)N(1)O(6)": {
"formula": "C(7)H(6)N(4)O(1)", # 163.0614372959700
# 'hcd' : False
},
"queuosine -C(10)H(20)N(2)O(6)": {
"formula": "C(7)H(3)N(3)O(1)", # 146.0348881954
"hcd": True,
},
"queuosine -C(11)H(19)N(3)O(6)": {
"formula": "C(6)H(4)N(2)O(1)", # 121.0396392236
"hcd": True,
},
},
},
}
|
optimizer = dict(type='Adam', lr=0.001)
optimizer_config = dict(grad_clip=None)
lr_config = dict(policy='poly', power=0.9)
total_epochs = 5000
checkpoint_config = dict(interval=10)
log_config = dict(interval=5, hooks=[dict(type='TextLoggerHook')])
dist_params = dict(backend='nccl')
log_level = 'INFO'
load_from = None
resume_from = None
workflow = [('train', 1)]
model = dict(
type='PANet',
backbone=dict(
type='mmdet.ResNet',
depth=18,
num_stages=4,
out_indices=(0, 1, 2, 3),
frozen_stages=-1,
norm_cfg=dict(type='SyncBN', requires_grad=True),
init_cfg=dict(type='Pretrained', checkpoint='torchvision://resnet18'),
norm_eval=True,
style='caffe'),
neck=dict(type='FPEM_FFM', in_channels=[64, 128, 256, 512]),
bbox_head=dict(
type='PANHead',
text_repr_type='poly',
in_channels=[128, 128, 128, 128],
out_channels=6,
loss=dict(type='PANLoss')),
train_cfg=None,
test_cfg=None)
dataset_type = 'IcdarDataset'
data_root = 'data'
img_norm_cfg = dict(
mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True)
train_pipeline = [
dict(type='LoadImageFromFile', color_type='color_ignore_orientation'),
dict(
type='LoadTextAnnotations',
with_bbox=True,
with_mask=True,
poly2mask=False),
dict(type='ColorJitter', brightness=0.12549019607843137, saturation=0.5),
dict(
type='Normalize',
mean=[123.675, 116.28, 103.53],
std=[58.395, 57.12, 57.375],
to_rgb=True),
dict(
type='ScaleAspectJitter',
img_scale=[(3000, 640)],
ratio_range=(0.7, 1.3),
aspect_ratio_range=(0.9, 1.1),
multiscale_mode='value',
keep_ratio=False),
dict(type='PANetTargets', shrink_ratio=(1.0, 0.7)),
dict(type='RandomFlip', flip_ratio=0.5, direction='horizontal'),
dict(type='RandomRotateTextDet'),
dict(
type='RandomCropInstances',
target_size=(640, 640),
instance_key='gt_kernels'),
dict(type='Pad', size_divisor=32),
dict(
type='CustomFormatBundle',
keys=['gt_kernels', 'gt_mask'],
visualize=dict(flag=False, boundary_key='gt_kernels')),
dict(type='Collect', keys=['img', 'gt_kernels', 'gt_mask'])
]
test_pipeline = [
dict(type='LoadImageFromFile', color_type='color_ignore_orientation'),
dict(
type='MultiScaleFlipAug',
img_scale=(3000, 640),
flip=False,
transforms=[
dict(type='Resize', img_scale=(3000, 640), keep_ratio=True),
dict(
type='Normalize',
mean=[123.675, 116.28, 103.53],
std=[58.395, 57.12, 57.375],
to_rgb=True),
dict(type='Pad', size_divisor=32),
dict(type='ImageToTensor', keys=['img']),
dict(type='Collect', keys=['img'])
])
]
data = dict(
samples_per_gpu=2,
workers_per_gpu=2,
val_dataloader=dict(samples_per_gpu=1),
test_dataloader=dict(samples_per_gpu=1),
train=dict(
type='IcdarDataset',
ann_file='data/instances_training.json',
img_prefix='data/imgs',
pipeline=[
dict(
type='LoadImageFromFile',
color_type='color_ignore_orientation'),
dict(
type='LoadTextAnnotations',
with_bbox=True,
with_mask=True,
poly2mask=False),
dict(
type='ColorJitter',
brightness=0.12549019607843137,
saturation=0.5),
dict(
type='Normalize',
mean=[123.675, 116.28, 103.53],
std=[58.395, 57.12, 57.375],
to_rgb=True),
dict(
type='ScaleAspectJitter',
img_scale=[(3000, 640)],
ratio_range=(0.7, 1.3),
aspect_ratio_range=(0.9, 1.1),
multiscale_mode='value',
keep_ratio=False),
dict(type='PANetTargets', shrink_ratio=(1.0, 0.7)),
dict(type='RandomFlip', flip_ratio=0.5, direction='horizontal'),
dict(type='RandomRotateTextDet'),
dict(
type='RandomCropInstances',
target_size=(640, 640),
instance_key='gt_kernels'),
dict(type='Pad', size_divisor=32),
dict(
type='CustomFormatBundle',
keys=['gt_kernels', 'gt_mask'],
visualize=dict(flag=False, boundary_key='gt_kernels')),
dict(type='Collect', keys=['img', 'gt_kernels', 'gt_mask'])
]),
val=dict(
type='IcdarDataset',
ann_file='data/instances_test.json',
img_prefix='data/imgs',
pipeline=[
dict(
type='LoadImageFromFile',
color_type='color_ignore_orientation'),
dict(
type='MultiScaleFlipAug',
img_scale=(3000, 640),
flip=False,
transforms=[
dict(
type='Resize', img_scale=(3000, 640), keep_ratio=True),
dict(
type='Normalize',
mean=[123.675, 116.28, 103.53],
std=[58.395, 57.12, 57.375],
to_rgb=True),
dict(type='Pad', size_divisor=32),
dict(type='ImageToTensor', keys=['img']),
dict(type='Collect', keys=['img'])
])
]),
test=dict(
type='IcdarDataset',
ann_file='data/instances_test.json',
img_prefix='data/imgs',
pipeline=[
dict(
type='LoadImageFromFile',
color_type='color_ignore_orientation'),
dict(
type='MultiScaleFlipAug',
img_scale=(3000, 640),
flip=False,
transforms=[
dict(
type='Resize', img_scale=(3000, 640), keep_ratio=True),
dict(
type='Normalize',
mean=[123.675, 116.28, 103.53],
std=[58.395, 57.12, 57.375],
to_rgb=True),
dict(type='Pad', size_divisor=32),
dict(type='ImageToTensor', keys=['img']),
dict(type='Collect', keys=['img'])
])
]))
evaluation = dict(interval=10, metric='hmean-iou')
work_dir = 'panet'
gpu_ids = range(0, 1)
|
'''
026 - Faça um programa que leia uma frase pelo teclado e mostre:
- Quantas vezes aparece a letra "A".
- Em que posição ela aparece a primeira vez.
- Em que posição ela aparece a última vez.
'''
phrase = str(input('Digite uma frase: ')).upper().strip()
print("A frase que você digitou foi: {}".format(phrase))
print("A letra 'A' aparece {} vezes nesta frase.".format(phrase.count('A')))
print("A letra 'A' aparece pela primeira vez na posição {}.".format(phrase.find('A')+1))
print("A letra a aparece pela última vez na posição {}.".format(phrase.rfind('A')+1)) |
# Copyright (c) Twisted Matrix Laboratories.
# See LICENSE for details.
"""
Command-journalling persistence framework inspired by Prevayler.
This package is deprecated since Twisted 11.0.
Maintainer: Itamar Shtull-Trauring
"""
|
# Simple game in python
print('Hi, welcome to the Tim quiz!')
print('Try to get as many questions correct as possible...')
totalQuestions = 4
score = 0
ans = input('1. What is the name of my youtube channel? ')
if ans.lower() == 'tech with tim':
print('Correct!')
score += 1
else:
print('Incorrect')
ans = input('2. What is my age? ')
if ans == "17":
print('Correct!')
score += 1
else:
print('Incorrect')
ans = input('3. What is my favourite sport? ')
if ans.lower() == "soccer":
print('Correct!')
score += 1
else:
print('Incorrect')
ans = input('4. What is my favourite food? ')
if ans.lower() == "pizza":
print('Correct!')
score += 1
else:
print('Incorrect')
print("Thank you for playing, you got " + str(score) + ' questions correct!' )
percent = (score/totalQuestions) * 100
print("Mark: " + str(int(percent)) + '%')
if percent >= 50:
print('Nice! You passed!')
else:
print('Better luck next time')
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.