source_code
stringlengths 45
7.24k
| function_name
stringlengths 1
111
| messages
list |
---|---|---|
def x(cls, part_info, axes_to_move):
cs_ports = set()
axis_mapping = {}
for motor_info in cls.filter_values(part_info):
if motor_info.scannable in axes_to_move:
assert motor_info.cs_axis in cs_axis_names, 'Can only scan 1-1 mappings, %r is %r' % (
motor_info.scannable, motor_info.cs_axis)
cs_ports.add(motor_info.cs_port)
axis_mapping[motor_info.scannable] = motor_info
missing = list(set(axes_to_move) - set(axis_mapping))
assert not missing, 'Some scannables %s are not in the CS mapping %s' % (
missing, axis_mapping)
assert len(cs_ports
) == 1, 'Requested axes %s are in multiple CS numbers %s' % (
axes_to_move, list(cs_ports))
cs_axis_counts = Counter([x.cs_axis for x in axis_mapping.values()])
overlap = [k for k, v in cs_axis_counts.items() if v > 1]
assert not overlap, 'CS axis defs %s have more that one raw motor attached' % overlap
return cs_ports.pop(), axis_mapping
|
cs_axis_mapping
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(cls, part_info, axes_to_move):\n cs_ports = set()\n axis_mapping = {}\n for motor_info in cls.filter_values(part_info):\n if motor_info.scannable in axes_to_move:\n assert motor_info.cs_axis in cs_axis_names, 'Can only scan 1-1 mappings, %r is %r' % (\n motor_info.scannable, motor_info.cs_axis)\n cs_ports.add(motor_info.cs_port)\n axis_mapping[motor_info.scannable] = motor_info\n missing = list(set(axes_to_move) - set(axis_mapping))\n assert not missing, 'Some scannables %s are not in the CS mapping %s' % (\n missing, axis_mapping)\n assert len(cs_ports\n ) == 1, 'Requested axes %s are in multiple CS numbers %s' % (\n axes_to_move, list(cs_ports))\n cs_axis_counts = Counter([x.cs_axis for x in axis_mapping.values()])\n overlap = [k for k, v in cs_axis_counts.items() if v > 1]\n assert not overlap, 'CS axis defs %s have more that one raw motor attached' % overlap\n return cs_ports.pop(), axis_mapping\n",
"role": "user"
},
{
"content": "cs_axis_mapping",
"role": "assistant"
}
] |
def x(self, value):
part_info = self.run_hooks(LayoutHook(p, c, self.port_info, value) for
p, c in self.create_part_contexts(only_visible=False).items())
with self.changes_squashed:
layout_parts = LayoutInfo.filter_parts(part_info)
name, mri, x, y, visible = [], [], [], [], []
for part_name, layout_infos in layout_parts.items():
for layout_info in layout_infos:
name.append(part_name)
mri.append(layout_info.mri)
x.append(layout_info.x)
y.append(layout_info.y)
visible.append(layout_info.visible)
layout_table = LayoutTable(name, mri, x, y, visible)
try:
np.testing.assert_equal(layout_table.visible.seq, self.layout.
value.visible.seq)
except AssertionError:
visibility_changed = True
else:
visibility_changed = False
self.layout.set_value(layout_table)
if self.saved_visibility is None:
self.saved_visibility = layout_table.visible
self.saved_exports = self.exports.value.to_dict()
visibility_changed = True
if visibility_changed:
self.update_modified()
self.update_exportable()
self.update_block_endpoints()
|
set_layout
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, value):\n part_info = self.run_hooks(LayoutHook(p, c, self.port_info, value) for \n p, c in self.create_part_contexts(only_visible=False).items())\n with self.changes_squashed:\n layout_parts = LayoutInfo.filter_parts(part_info)\n name, mri, x, y, visible = [], [], [], [], []\n for part_name, layout_infos in layout_parts.items():\n for layout_info in layout_infos:\n name.append(part_name)\n mri.append(layout_info.mri)\n x.append(layout_info.x)\n y.append(layout_info.y)\n visible.append(layout_info.visible)\n layout_table = LayoutTable(name, mri, x, y, visible)\n try:\n np.testing.assert_equal(layout_table.visible.seq, self.layout.\n value.visible.seq)\n except AssertionError:\n visibility_changed = True\n else:\n visibility_changed = False\n self.layout.set_value(layout_table)\n if self.saved_visibility is None:\n self.saved_visibility = layout_table.visible\n self.saved_exports = self.exports.value.to_dict()\n visibility_changed = True\n if visibility_changed:\n self.update_modified()\n self.update_exportable()\n self.update_block_endpoints()\n",
"role": "user"
},
{
"content": "set_layout",
"role": "assistant"
}
] |
def x(self, designName=''):
self.try_stateful_function(ss.SAVING, ss.READY, self.do_save, designName)
|
save
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, designName=''):\n self.try_stateful_function(ss.SAVING, ss.READY, self.do_save, designName)\n",
"role": "user"
},
{
"content": "save",
"role": "assistant"
}
] |
def x(self, name):
dir_name = self._make_config_dir()
filename = os.path.join(dir_name, name.split('.json')[0] + '.json')
return filename
|
validated_config_filename
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, name):\n dir_name = self._make_config_dir()\n filename = os.path.join(dir_name, name.split('.json')[0] + '.json')\n return filename\n",
"role": "user"
},
{
"content": "validated_config_filename",
"role": "assistant"
}
] |
def x(self, design, init=False):
if design:
filename = self._validated_config_filename(design)
with open(filename, 'r') as f:
text = f.read()
structure = json_decode(text)
else:
structure = {}
attributes = structure.get('attributes', structure)
children = structure.get('children', structure)
name, mri, x, y, visible = [], [], [], [], []
for part_name, d in attributes.get('layout', {}).items():
name.append(part_name)
mri.append('')
x.append(d['x'])
y.append(d['y'])
visible.append(d['visible'])
self.set_layout(LayoutTable(name, mri, x, y, visible))
source, export = [], []
for source_name, export_name in attributes.get('exports', {}).items():
source.append(source_name)
export.append(export_name)
self.exports.set_value(ExportTable(source, export))
our_values = {k: v for k, v in attributes.items() if k in self.
our_config_attributes}
block = self.block_view()
block.put_attribute_values(our_values)
self.run_hooks(LoadHook(p, c, children.get(p.name, {}), init) for p, c in
self.create_part_contexts(only_visible=False).items())
self._mark_clean(design, init)
|
do_load
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, design, init=False):\n if design:\n filename = self._validated_config_filename(design)\n with open(filename, 'r') as f:\n text = f.read()\n structure = json_decode(text)\n else:\n structure = {}\n attributes = structure.get('attributes', structure)\n children = structure.get('children', structure)\n name, mri, x, y, visible = [], [], [], [], []\n for part_name, d in attributes.get('layout', {}).items():\n name.append(part_name)\n mri.append('')\n x.append(d['x'])\n y.append(d['y'])\n visible.append(d['visible'])\n self.set_layout(LayoutTable(name, mri, x, y, visible))\n source, export = [], []\n for source_name, export_name in attributes.get('exports', {}).items():\n source.append(source_name)\n export.append(export_name)\n self.exports.set_value(ExportTable(source, export))\n our_values = {k: v for k, v in attributes.items() if k in self.\n our_config_attributes}\n block = self.block_view()\n block.put_attribute_values(our_values)\n self.run_hooks(LoadHook(p, c, children.get(p.name, {}), init) for p, c in\n self.create_part_contexts(only_visible=False).items())\n self._mark_clean(design, init)\n",
"role": "user"
},
{
"content": "do_load",
"role": "assistant"
}
] |
def x(self, func, name=None, description=None, owner=None):
if name is None:
name = func.__name__
method = MethodModel.from_callable(func, description)
self._add_field(owner, name, method, func)
return method
|
add_method_model
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, func, name=None, description=None, owner=None):\n if name is None:\n name = func.__name__\n method = MethodModel.from_callable(func, description)\n self._add_field(owner, name, method, func)\n return method\n",
"role": "user"
},
{
"content": "add_method_model",
"role": "assistant"
}
] |
def x(self, func, name=None, description=None):
return self._field_registry.add_method_model(func, name, description,
self._part)
|
add_method_model
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, func, name=None, description=None):\n return self._field_registry.add_method_model(func, name, description,\n self._part)\n",
"role": "user"
},
{
"content": "add_method_model",
"role": "assistant"
}
] |
def x(self, name, attr, writeable_func=None):
return self._field_registry.add_attribute_model(name, attr,
writeable_func, self._part)
|
add_attribute_model
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, name, attr, writeable_func=None):\n return self._field_registry.add_attribute_model(name, attr,\n writeable_func, self._part)\n",
"role": "user"
},
{
"content": "add_attribute_model",
"role": "assistant"
}
] |
def x(self):
if self.ideal and self.nadir:
return self.ideal, self.nadir
raise NotImplementedError(
'Ideal and nadir value calculation is not yet implemented')
|
objective_bounds
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n if self.ideal and self.nadir:\n return self.ideal, self.nadir\n raise NotImplementedError(\n 'Ideal and nadir value calculation is not yet implemented')\n",
"role": "user"
},
{
"content": "objective_bounds",
"role": "assistant"
}
] |
def x(self, variables: Union[List['Variable'], 'Variable'], index: int=None
) ->None:
if isinstance(variables, Variable):
addvars = copy.deepcopy([variables])
else:
addvars = copy.deepcopy(variables)
if index is None:
self.variables.extend(addvars)
else:
self.variables[index:index] = addvars
|
add_variables
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, variables: Union[List['Variable'], 'Variable'], index: int=None\n ) ->None:\n if isinstance(variables, Variable):\n addvars = copy.deepcopy([variables])\n else:\n addvars = copy.deepcopy(variables)\n if index is None:\n self.variables.extend(addvars)\n else:\n self.variables[index:index] = addvars\n",
"role": "user"
},
{
"content": "add_variables",
"role": "assistant"
}
] |
def x(n_clusters: int, points: List[List[float]]) ->List[List[float]]:
k_means = KMeans(n_clusters=n_clusters)
k_means.fit(points)
closest, _ = pairwise_distances_argmin_min(k_means.cluster_centers_, points
)
return list(map(list, np.array(points)[closest.tolist()]))
|
centroids
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(n_clusters: int, points: List[List[float]]) ->List[List[float]]:\n k_means = KMeans(n_clusters=n_clusters)\n k_means.fit(points)\n closest, _ = pairwise_distances_argmin_min(k_means.cluster_centers_, points\n )\n return list(map(list, np.array(points)[closest.tolist()]))\n",
"role": "user"
},
{
"content": "centroids",
"role": "assistant"
}
] |
def x(nobj: int, nweight: int) ->List[List[float]]:
wspace = 50 * nobj
while wspace < nweight:
wspace *= 2
weights = np.random.rand(wspace, nobj)
return _centroids(nobj, weights)
|
random_weights
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(nobj: int, nweight: int) ->List[List[float]]:\n wspace = 50 * nobj\n while wspace < nweight:\n wspace *= 2\n weights = np.random.rand(wspace, nobj)\n return _centroids(nobj, weights)\n",
"role": "user"
},
{
"content": "random_weights",
"role": "assistant"
}
] |
def x(factory: IterationPointFactory, solution, weights: List[List[float]]=None
) ->List[Tuple[np.ndarray, List[float]]]:
from desdeo.preference.direct import DirectSpecification
points = []
nof = (factory.optimization_method.optimization_problem.problem.
nof_objectives())
if not weights:
weights = random_weights(nof, 50 * nof)
for pref in map(lambda w: DirectSpecification(factory.
optimization_method, np.array(w)), weights):
points.append(factory.result(pref, solution))
return points
|
new_points
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(factory: IterationPointFactory, solution, weights: List[List[float]]=None\n ) ->List[Tuple[np.ndarray, List[float]]]:\n from desdeo.preference.direct import DirectSpecification\n points = []\n nof = (factory.optimization_method.optimization_problem.problem.\n nof_objectives())\n if not weights:\n weights = random_weights(nof, 50 * nof)\n for pref in map(lambda w: DirectSpecification(factory.\n optimization_method, np.array(w)), weights):\n points.append(factory.result(pref, solution))\n return points\n",
"role": "user"
},
{
"content": "new_points",
"role": "assistant"
}
] |
def x(values: List[float], maximized: List[bool]) ->List[float]:
return [(v * -1.0 if m else v) for v, m in zip(values, maximized)]
|
as_minimized
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(values: List[float], maximized: List[bool]) ->List[float]:\n return [(v * -1.0 if m else v) for v, m in zip(values, maximized)]\n",
"role": "user"
},
{
"content": "as_minimized",
"role": "assistant"
}
] |
def x(message, default=None, validator=None):
class MockDocument:
def x(self, text):
self.text = text
if HAS_INPUT:
ret = prompt(message, default=default, validator=validator)
else:
ret = sys.stdin.readline().strip()
print(message, ret)
if validator:
validator.validate(MockDocument(ret))
if 'q' in ret:
if not HAS_OUTPUT:
print('User exit')
sys.exit('User exit')
return ret
|
prompt_wrapper
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(message, default=None, validator=None):\n\n\n class MockDocument:\n\n def x(self, text):\n self.text = text\n if HAS_INPUT:\n ret = prompt(message, default=default, validator=validator)\n else:\n ret = sys.stdin.readline().strip()\n print(message, ret)\n if validator:\n validator.validate(MockDocument(ret))\n if 'q' in ret:\n if not HAS_OUTPUT:\n print('User exit')\n sys.exit('User exit')\n return ret\n",
"role": "user"
},
{
"content": "prompt_wrapper",
"role": "assistant"
}
] |
def x(method):
print('Preference elicitation options:')
print('\t1 - Percentages')
print('\t2 - Relative ranks')
print('\t3 - Direct')
PREFCLASSES = [PercentageSpecifictation, RelativeRanking,
DirectSpecification]
pref_sel = int(_prompt_wrapper('Reference elicitation ', default=u'%s' %
1, validator=NumberValidator([1, 3])))
preference_class = PREFCLASSES[pref_sel - 1]
print('Nadir: %s' % method.problem.nadir)
print('Ideal: %s' % method.problem.ideal)
if method.current_iter - method.user_iters:
finished_iter = method.user_iters - method.current_iter
else:
finished_iter = 0
new_iters = int(_prompt_wrapper(u'Ni: ', default=u'%s' % method.
current_iter, validator=NumberValidator()))
method.current_iter = new_iters
method.user_iters = finished_iter + new_iters
return preference_class
|
init_nautilus
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(method):\n print('Preference elicitation options:')\n print('\\t1 - Percentages')\n print('\\t2 - Relative ranks')\n print('\\t3 - Direct')\n PREFCLASSES = [PercentageSpecifictation, RelativeRanking,\n DirectSpecification]\n pref_sel = int(_prompt_wrapper('Reference elicitation ', default=u'%s' %\n 1, validator=NumberValidator([1, 3])))\n preference_class = PREFCLASSES[pref_sel - 1]\n print('Nadir: %s' % method.problem.nadir)\n print('Ideal: %s' % method.problem.ideal)\n if method.current_iter - method.user_iters:\n finished_iter = method.user_iters - method.current_iter\n else:\n finished_iter = 0\n new_iters = int(_prompt_wrapper(u'Ni: ', default=u'%s' % method.\n current_iter, validator=NumberValidator()))\n method.current_iter = new_iters\n method.user_iters = finished_iter + new_iters\n return preference_class\n",
"role": "user"
},
{
"content": "init_nautilus",
"role": "assistant"
}
] |
def x(method):
solution = None
while method.current_iter:
preference_class = init_nautilus(method)
pref = preference_class(method, None)
default = ','.join(map(str, pref.default_input()))
while method.current_iter:
method.print_current_iteration()
pref_input = _prompt_wrapper(u'Preferences: ', default=default,
validator=VectorValidator(method, pref))
cmd = _check_cmd(pref_input)
if cmd:
solution = method.zh
break
pref = preference_class(method, np.fromstring(pref_input, dtype
=np.float, sep=','))
default = ','.join(map(str, pref.pref_input))
solution, _ = method.next_iteration(pref)
if cmd and list(cmd)[0] == 'c':
break
return solution
|
iter_nautilus
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(method):\n solution = None\n while method.current_iter:\n preference_class = init_nautilus(method)\n pref = preference_class(method, None)\n default = ','.join(map(str, pref.default_input()))\n while method.current_iter:\n method.print_current_iteration()\n pref_input = _prompt_wrapper(u'Preferences: ', default=default,\n validator=VectorValidator(method, pref))\n cmd = _check_cmd(pref_input)\n if cmd:\n solution = method.zh\n break\n pref = preference_class(method, np.fromstring(pref_input, dtype\n =np.float, sep=','))\n default = ','.join(map(str, pref.pref_input))\n solution, _ = method.next_iteration(pref)\n if cmd and list(cmd)[0] == 'c':\n break\n return solution\n",
"role": "user"
},
{
"content": "iter_nautilus",
"role": "assistant"
}
] |
def x(value, values):
for i, v in enumerate(value):
if v not in np.array(values)[:, i]:
return False
return True
|
isin
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(value, values):\n for i, v in enumerate(value):\n if v not in np.array(values)[:, i]:\n return False\n return True\n",
"role": "user"
},
{
"content": "isin",
"role": "assistant"
}
] |
def x(self, objs1: List[float], objs2: List[float], n=1):
from desdeo.preference.base import ReferencePoint
objs1_arr = np.array(objs1)
objs2_arr = np.array(objs2)
segments = n + 1
diff = objs2_arr - objs1_arr
solutions = []
for x in range(1, segments):
btwn_obj = objs1_arr + float(x) / segments * diff
solutions.append(self._get_ach().result(ReferencePoint(self,
btwn_obj), None))
return ResultSet(solutions)
|
between
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, objs1: List[float], objs2: List[float], n=1):\n from desdeo.preference.base import ReferencePoint\n objs1_arr = np.array(objs1)\n objs2_arr = np.array(objs2)\n segments = n + 1\n diff = objs2_arr - objs1_arr\n solutions = []\n for x in range(1, segments):\n btwn_obj = objs1_arr + float(x) / segments * diff\n solutions.append(self._get_ach().result(ReferencePoint(self,\n btwn_obj), None))\n return ResultSet(solutions)\n",
"role": "user"
},
{
"content": "between",
"role": "assistant"
}
] |
def x(node):
if not node.children:
return node
if node.focus:
return find_focusable(node.children_dict[node.focus[0]])
|
find_focusable
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(node):\n if not node.children:\n return node\n if node.focus:\n return find_focusable(node.children_dict[node.focus[0]])\n",
"role": "user"
},
{
"content": "find_focusable",
"role": "assistant"
}
] |
def x(node, orientation):
if node and node.orientation == orientation and len(node.children) > 1:
return node
if not node or node.type == 'workspace':
return None
return find_parent_split(node.parent, orientation)
|
find_parent_split
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(node, orientation):\n if node and node.orientation == orientation and len(node.children) > 1:\n return node\n if not node or node.type == 'workspace':\n return None\n return find_parent_split(node.parent, orientation)\n",
"role": "user"
},
{
"content": "find_parent_split",
"role": "assistant"
}
] |
def x(tree, direction):
wanted = {'orientation': 'vertical' if direction in ('up', 'down') else
'horizontal', 'direction': 1 if direction in ('down', 'right') else -1}
split = find_parent_split(tree.focused.parent, wanted['orientation'])
if split:
child_ids = [child.id for child in split.children]
focus_idx = child_ids.index(split.focused_child.id)
next_idx = (focus_idx + wanted['direction']) % len(child_ids)
next_node = split.children[next_idx]
return find_focusable(next_node)
return None
|
cycle_windows
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(tree, direction):\n wanted = {'orientation': 'vertical' if direction in ('up', 'down') else\n 'horizontal', 'direction': 1 if direction in ('down', 'right') else -1}\n split = find_parent_split(tree.focused.parent, wanted['orientation'])\n if split:\n child_ids = [child.id for child in split.children]\n focus_idx = child_ids.index(split.focused_child.id)\n next_idx = (focus_idx + wanted['direction']) % len(child_ids)\n next_node = split.children[next_idx]\n return find_focusable(next_node)\n return None\n",
"role": "user"
},
{
"content": "cycle_windows",
"role": "assistant"
}
] |
def x(tree, direction):
direction = 1 if direction == 'next' else -1
outputs = [output for output in tree.root.children if output.name != '__i3'
]
focus_idx = outputs.index(tree.root.focused_child)
next_idx = (focus_idx + direction) % len(outputs)
next_output = outputs[next_idx]
return find_focusable(next_output)
|
cycle_outputs
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(tree, direction):\n direction = 1 if direction == 'next' else -1\n outputs = [output for output in tree.root.children if output.name != '__i3'\n ]\n focus_idx = outputs.index(tree.root.focused_child)\n next_idx = (focus_idx + direction) % len(outputs)\n next_output = outputs[next_idx]\n return find_focusable(next_output)\n",
"role": "user"
},
{
"content": "cycle_outputs",
"role": "assistant"
}
] |
def x():
parser = ArgumentParser()
parser.add_argument('direction', choices=('up', 'down', 'left', 'right',
'next', 'prev'), help='Direction to put the focus on')
args = parser.parse_args()
tree = i3Tree()
con = None
if args.direction in ('next', 'prev'):
con = cycle_outputs(tree, args.direction)
else:
con = cycle_windows(tree, args.direction)
if con:
i3.focus(con_id=con.id)
|
main
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x():\n parser = ArgumentParser()\n parser.add_argument('direction', choices=('up', 'down', 'left', 'right',\n 'next', 'prev'), help='Direction to put the focus on')\n args = parser.parse_args()\n tree = i3Tree()\n con = None\n if args.direction in ('next', 'prev'):\n con = cycle_outputs(tree, args.direction)\n else:\n con = cycle_windows(tree, args.direction)\n if con:\n i3.focus(con_id=con.id)\n",
"role": "user"
},
{
"content": "main",
"role": "assistant"
}
] |
def x(self, cls):
rcls = []
for key, value in self._classification.items():
if value[0] == cls:
rcls.append(key)
return rcls
|
with_class
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, cls):\n rcls = []\n for key, value in self._classification.items():\n if value[0] == cls:\n rcls.append(key)\n return rcls\n",
"role": "user"
},
{
"content": "with_class",
"role": "assistant"
}
] |
def x(self) ->np.ndarray:
ref_val = []
for fn, f in self._classification.items():
if f[0] == '<':
ref_val.append(self._method.problem.ideal[fn])
elif f[0] == '<>':
ref_val.append(self._method.problem.nadir[fn])
else:
ref_val.append(f[1])
return np.array(ref_val)
|
as_reference_point
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self) ->np.ndarray:\n ref_val = []\n for fn, f in self._classification.items():\n if f[0] == '<':\n ref_val.append(self._method.problem.ideal[fn])\n elif f[0] == '<>':\n ref_val.append(self._method.problem.nadir[fn])\n else:\n ref_val.append(f[1])\n return np.array(ref_val)\n",
"role": "user"
},
{
"content": "as_reference_point",
"role": "assistant"
}
] |
def x(logfile=False):
class NAUTILUSOptionValidator(Validator):
def x(self, document):
if document.text not in 'ao':
raise ValidationError(message=
'Please select a for apriori or o for optimization option',
cursor_position=0)
if logfile:
Tee(logfile)
first = True
current_iter = 0
while first or current_iter:
nautilus_v1 = NAUTILUSv1(RiverPollution(), SciPyDE)
if not first:
nautilus_v1.current_iter = current_iter
first = False
nadir = nautilus_v1.problem.nadir
ideal = nautilus_v1.problem.ideal
solution = tui.iter_nautilus(nautilus_v1)
current_iter = nautilus_v1.current_iter
method_e = None
if current_iter > 0:
option = _prompt_wrapper(
'select a for apriori or o for optimization option: ',
default='o', validator=NAUTILUSOptionValidator())
if option.lower() == 'a':
wi = _prompt_wrapper('Number of PO solutions (10 or 20): ',
default='20', validator=tui.NumberValidator())
weights = WEIGHTS[wi]
factory = IterationPointFactory(SciPyDE(
NautilusAchievementProblem(RiverPollution())))
points = misc.new_points(factory, solution, weights=weights)
method_e = ENAUTILUS(PreGeneratedProblem(points=points),
PointSearch)
method_e.zh_prev = solution
else:
method_e = ENAUTILUS(RiverPollution(), SciPyDE)
method_e.current_iter = nautilus_v1.current_iter
method_e.user_iters = nautilus_v1.user_iters
print('E-NAUTILUS\nselected iteration point: %s:' % ','.join(
map(str, solution)))
while method_e and method_e.current_iter > 0:
if solution is None:
solution = method_e.problem.nadir
method_e.problem.nadir = nadir
method_e.problem.ideal = ideal
cmd = tui.iter_enautilus(method_e, initial_iterpoint=
solution, initial_bound=method_e.fh_lo)
if cmd:
print(method_e.current_iter)
current_iter = method_e.current_iter
break
if tui.HAS_INPUT:
input('Press ENTER to exit')
|
main
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(logfile=False):\n\n\n class NAUTILUSOptionValidator(Validator):\n\n def x(self, document):\n if document.text not in 'ao':\n raise ValidationError(message=\n 'Please select a for apriori or o for optimization option',\n cursor_position=0)\n if logfile:\n Tee(logfile)\n first = True\n current_iter = 0\n while first or current_iter:\n nautilus_v1 = NAUTILUSv1(RiverPollution(), SciPyDE)\n if not first:\n nautilus_v1.current_iter = current_iter\n first = False\n nadir = nautilus_v1.problem.nadir\n ideal = nautilus_v1.problem.ideal\n solution = tui.iter_nautilus(nautilus_v1)\n current_iter = nautilus_v1.current_iter\n method_e = None\n if current_iter > 0:\n option = _prompt_wrapper(\n 'select a for apriori or o for optimization option: ',\n default='o', validator=NAUTILUSOptionValidator())\n if option.lower() == 'a':\n wi = _prompt_wrapper('Number of PO solutions (10 or 20): ',\n default='20', validator=tui.NumberValidator())\n weights = WEIGHTS[wi]\n factory = IterationPointFactory(SciPyDE(\n NautilusAchievementProblem(RiverPollution())))\n points = misc.new_points(factory, solution, weights=weights)\n method_e = ENAUTILUS(PreGeneratedProblem(points=points),\n PointSearch)\n method_e.zh_prev = solution\n else:\n method_e = ENAUTILUS(RiverPollution(), SciPyDE)\n method_e.current_iter = nautilus_v1.current_iter\n method_e.user_iters = nautilus_v1.user_iters\n print('E-NAUTILUS\\nselected iteration point: %s:' % ','.join(\n map(str, solution)))\n while method_e and method_e.current_iter > 0:\n if solution is None:\n solution = method_e.problem.nadir\n method_e.problem.nadir = nadir\n method_e.problem.ideal = ideal\n cmd = tui.iter_enautilus(method_e, initial_iterpoint=\n solution, initial_bound=method_e.fh_lo)\n if cmd:\n print(method_e.current_iter)\n current_iter = method_e.current_iter\n break\n if tui.HAS_INPUT:\n input('Press ENTER to exit')\n",
"role": "user"
},
{
"content": "main",
"role": "assistant"
}
] |
def x(app):
app.add_config_value('site_url', default=None, rebuild=False)
try:
app.add_config_value('html_baseurl', default=None, rebuild=False)
except:
pass
app.connect('html-page-context', add_html_link)
app.connect('build-finished', create_sitemap)
app.sitemap_links = []
app.locales = []
|
setup
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(app):\n app.add_config_value('site_url', default=None, rebuild=False)\n try:\n app.add_config_value('html_baseurl', default=None, rebuild=False)\n except:\n pass\n app.connect('html-page-context', add_html_link)\n app.connect('build-finished', create_sitemap)\n app.sitemap_links = []\n app.locales = []\n",
"role": "user"
},
{
"content": "setup",
"role": "assistant"
}
] |
def x(app, pagename, templatename, context, doctree):
app.sitemap_links.append(pagename + '.html')
|
add_html_link
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(app, pagename, templatename, context, doctree):\n app.sitemap_links.append(pagename + '.html')\n",
"role": "user"
},
{
"content": "add_html_link",
"role": "assistant"
}
] |
def x(app, exception):
site_url = app.builder.config.site_url or app.builder.config.html_baseurl
if not site_url:
print(
'sphinx-sitemap error: neither html_baseurl nor site_url are set in conf.py. Sitemap not built.'
)
return
if not app.sitemap_links:
print('sphinx-sitemap warning: No pages generated for sitemap.xml')
return
ET.register_namespace('xhtml', 'http://www.w3.org/1999/xhtml')
root = ET.Element('urlset')
root.set('xmlns', 'http://www.sitemaps.org/schemas/sitemap/0.9')
get_locales(app, exception)
if app.builder.config.version:
version = app.builder.config.version + '/'
else:
version = app.builder.config.version
for link in app.sitemap_links:
url = ET.SubElement(root, 'url')
if app.builder.config.language is not None:
ET.SubElement(url, 'loc').text = (site_url + app.builder.config
.language + '/' + version + link)
if len(app.locales) > 0:
for lang in app.locales:
linktag = ET.SubElement(url,
'{http://www.w3.org/1999/xhtml}link')
linktag.set('rel', 'alternate')
linktag.set('hreflang', lang)
linktag.set('href', site_url + lang + '/' + version + link)
elif app.builder.config.version:
ET.SubElement(url, 'loc').text = site_url + version + link
else:
ET.SubElement(url, 'loc').text = site_url + link
filename = app.outdir + '/sitemap.xml'
ET.ElementTree(root).write(filename, xml_declaration=True, encoding=
'utf-8', method='xml')
print('sitemap.xml was generated for URL %s in %s' % (site_url, filename))
|
create_sitemap
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(app, exception):\n site_url = app.builder.config.site_url or app.builder.config.html_baseurl\n if not site_url:\n print(\n 'sphinx-sitemap error: neither html_baseurl nor site_url are set in conf.py. Sitemap not built.'\n )\n return\n if not app.sitemap_links:\n print('sphinx-sitemap warning: No pages generated for sitemap.xml')\n return\n ET.register_namespace('xhtml', 'http://www.w3.org/1999/xhtml')\n root = ET.Element('urlset')\n root.set('xmlns', 'http://www.sitemaps.org/schemas/sitemap/0.9')\n get_locales(app, exception)\n if app.builder.config.version:\n version = app.builder.config.version + '/'\n else:\n version = app.builder.config.version\n for link in app.sitemap_links:\n url = ET.SubElement(root, 'url')\n if app.builder.config.language is not None:\n ET.SubElement(url, 'loc').text = (site_url + app.builder.config\n .language + '/' + version + link)\n if len(app.locales) > 0:\n for lang in app.locales:\n linktag = ET.SubElement(url,\n '{http://www.w3.org/1999/xhtml}link')\n linktag.set('rel', 'alternate')\n linktag.set('hreflang', lang)\n linktag.set('href', site_url + lang + '/' + version + link)\n elif app.builder.config.version:\n ET.SubElement(url, 'loc').text = site_url + version + link\n else:\n ET.SubElement(url, 'loc').text = site_url + link\n filename = app.outdir + '/sitemap.xml'\n ET.ElementTree(root).write(filename, xml_declaration=True, encoding=\n 'utf-8', method='xml')\n print('sitemap.xml was generated for URL %s in %s' % (site_url, filename))\n",
"role": "user"
},
{
"content": "create_sitemap",
"role": "assistant"
}
] |
def x(opt_meth_cls: Type[OptimizationMethod], mo_prob: MOProblem) ->Tuple[
List[float], List[float]]:
ideal = [float('inf')] * mo_prob.nobj
nadir = [float('-inf')] * mo_prob.nobj
for i in range(mo_prob.nobj):
meth = opt_meth_cls(SelectedOptimizationProblem(mo_prob, i))
_decis, obj = meth.search()
for j, obj_val in enumerate(obj):
if obj_val < ideal[j]:
ideal[j] = obj_val
if obj_val > nadir[j]:
nadir[j] = obj_val
return ideal, nadir
|
estimate_payoff_table
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(opt_meth_cls: Type[OptimizationMethod], mo_prob: MOProblem) ->Tuple[\n List[float], List[float]]:\n ideal = [float('inf')] * mo_prob.nobj\n nadir = [float('-inf')] * mo_prob.nobj\n for i in range(mo_prob.nobj):\n meth = opt_meth_cls(SelectedOptimizationProblem(mo_prob, i))\n _decis, obj = meth.search()\n for j, obj_val in enumerate(obj):\n if obj_val < ideal[j]:\n ideal[j] = obj_val\n if obj_val > nadir[j]:\n nadir[j] = obj_val\n return ideal, nadir\n",
"role": "user"
},
{
"content": "estimate_payoff_table",
"role": "assistant"
}
] |
def x(idnad: Tuple[List[float], List[float]], pad_nadir=0.05, pad_ideal=0.0):
ideal, nadir = idnad
ideal_arr = np.array(ideal)
nadir_arr = np.array(nadir)
idnad_range = nadir_arr - ideal_arr
nadir_arr += pad_nadir * idnad_range
ideal_arr -= pad_ideal * idnad_range
return list(ideal_arr), list(nadir_arr)
|
pad
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(idnad: Tuple[List[float], List[float]], pad_nadir=0.05, pad_ideal=0.0):\n ideal, nadir = idnad\n ideal_arr = np.array(ideal)\n nadir_arr = np.array(nadir)\n idnad_range = nadir_arr - ideal_arr\n nadir_arr += pad_nadir * idnad_range\n ideal_arr -= pad_ideal * idnad_range\n return list(ideal_arr), list(nadir_arr)\n",
"role": "user"
},
{
"content": "pad",
"role": "assistant"
}
] |
def x(idnad: Tuple[List[float], List[float]], dp: int=2):
ideal, nadir = idnad
mult = np.power(10, dp)
ideal_arr = np.floor(np.array(ideal) * mult) / mult
nadir_arr = np.ceil(np.array(nadir) * mult) / mult
return list(ideal_arr), list(nadir_arr)
|
round_off
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(idnad: Tuple[List[float], List[float]], dp: int=2):\n ideal, nadir = idnad\n mult = np.power(10, dp)\n ideal_arr = np.floor(np.array(ideal) * mult) / mult\n nadir_arr = np.ceil(np.array(nadir) * mult) / mult\n return list(ideal_arr), list(nadir_arr)\n",
"role": "user"
},
{
"content": "round_off",
"role": "assistant"
}
] |
def x(opt_meth: Type[OptimizationMethod], mo_prob: MOProblem, dp: int=2
) ->Tuple[List[float], List[float]]:
return round_off(estimate_payoff_table(opt_meth, mo_prob), dp)
|
default_estimate
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(opt_meth: Type[OptimizationMethod], mo_prob: MOProblem, dp: int=2\n ) ->Tuple[List[float], List[float]]:\n return round_off(estimate_payoff_table(opt_meth, mo_prob), dp)\n",
"role": "user"
},
{
"content": "default_estimate",
"role": "assistant"
}
] |
def x(self, max=False, **params) ->Tuple[np.ndarray, List[float]]:
self._max = max
if max:
self._coeff = -1.0
else:
self._coeff = 1.0
return self._search(**params)
|
search
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, max=False, **params) ->Tuple[np.ndarray, List[float]]:\n self._max = max\n if max:\n self._coeff = -1.0\n else:\n self._coeff = 1.0\n return self._search(**params)\n",
"role": "user"
},
{
"content": "search",
"role": "assistant"
}
] |
def x(self, preference=None):
if preference:
self.preference = preference
print('Given preference: %s' % self.preference.pref_input)
self._update_fh()
self._update_zh(self.zh, self.fh)
if self.current_iter != 1:
self.fh_lo = list(self.lower_bounds_factory.result(self.zh_prev))
self.current_iter -= 1
return self.fh_lo, self.zh
|
next_iteration
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, preference=None):\n if preference:\n self.preference = preference\n print('Given preference: %s' % self.preference.pref_input)\n self._update_fh()\n self._update_zh(self.zh, self.fh)\n if self.current_iter != 1:\n self.fh_lo = list(self.lower_bounds_factory.result(self.zh_prev))\n self.current_iter -= 1\n return self.fh_lo, self.zh\n",
"role": "user"
},
{
"content": "next_iteration",
"role": "assistant"
}
] |
def x(self, ref_point, bounds=None):
if bounds:
self.problem.points = reachable_points(self.problem.points, self.
problem.ideal, bounds)
if not utils.isin(self.fh, self.problem.points
) or ref_point != self.ref_point:
self.ref_point = list(ref_point)
self._update_fh()
self._update_zh(self.zh, self.fh)
self.fh_lo = list(self.lower_bounds_factory.result(self.zh))
self.fh_up = list(self.upper_bounds_factory.result(self.zh))
logging.debug(f'Updated upper boundary: {self.fh_up}')
logging.debug(f'Uppadet lower boundary: {self.fh_lo}')
if not np.all(np.array(self.fh_up) > np.array(self.fh_lo)):
warn(self.NegativeIntervalWarning())
assert utils.isin(self.fh_up, self.problem.points)
assert utils.isin(self.fh_lo, self.problem.points)
dist = self.distance(self.zh, self.fh)
self.update_points()
lP = len(self.problem.points)
self.current_iter -= 1
return dist, self.fh, self.zh, self.fh_lo, self.fh_up, lP
|
next_iteration
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, ref_point, bounds=None):\n if bounds:\n self.problem.points = reachable_points(self.problem.points, self.\n problem.ideal, bounds)\n if not utils.isin(self.fh, self.problem.points\n ) or ref_point != self.ref_point:\n self.ref_point = list(ref_point)\n self._update_fh()\n self._update_zh(self.zh, self.fh)\n self.fh_lo = list(self.lower_bounds_factory.result(self.zh))\n self.fh_up = list(self.upper_bounds_factory.result(self.zh))\n logging.debug(f'Updated upper boundary: {self.fh_up}')\n logging.debug(f'Uppadet lower boundary: {self.fh_lo}')\n if not np.all(np.array(self.fh_up) > np.array(self.fh_lo)):\n warn(self.NegativeIntervalWarning())\n assert utils.isin(self.fh_up, self.problem.points)\n assert utils.isin(self.fh_lo, self.problem.points)\n dist = self.distance(self.zh, self.fh)\n self.update_points()\n lP = len(self.problem.points)\n self.current_iter -= 1\n return dist, self.fh, self.zh, self.fh_lo, self.fh_up, lP\n",
"role": "user"
},
{
"content": "next_iteration",
"role": "assistant"
}
] |
def x(paragraphs, fp=sys.stdout, no_boilerplate=True):
for paragraph in paragraphs:
if paragraph.class_type == 'good':
if paragraph.heading:
tag = 'h'
else:
tag = 'p'
elif no_boilerplate:
continue
else:
tag = 'b'
print('<%s> %s' % (tag, cgi.escape(paragraph.text)), file=fp)
|
output_default
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(paragraphs, fp=sys.stdout, no_boilerplate=True):\n for paragraph in paragraphs:\n if paragraph.class_type == 'good':\n if paragraph.heading:\n tag = 'h'\n else:\n tag = 'p'\n elif no_boilerplate:\n continue\n else:\n tag = 'b'\n print('<%s> %s' % (tag, cgi.escape(paragraph.text)), file=fp)\n",
"role": "user"
},
{
"content": "output_default",
"role": "assistant"
}
] |
def x(paragraphs, fp=sys.stdout):
for paragraph in paragraphs:
output = '<p class="%s" cfclass="%s" heading="%i" xpath="%s"> %s' % (
paragraph.class_type, paragraph.cf_class, int(paragraph.heading
), paragraph.xpath, cgi.escape(paragraph.text))
print(output, file=fp)
|
output_detailed
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(paragraphs, fp=sys.stdout):\n for paragraph in paragraphs:\n output = '<p class=\"%s\" cfclass=\"%s\" heading=\"%i\" xpath=\"%s\"> %s' % (\n paragraph.class_type, paragraph.cf_class, int(paragraph.heading\n ), paragraph.xpath, cgi.escape(paragraph.text))\n print(output, file=fp)\n",
"role": "user"
},
{
"content": "output_detailed",
"role": "assistant"
}
] |
def x(paragraphs, fp=sys.stdout):
for paragraph in paragraphs:
if paragraph.class_type in ('good', 'neargood'):
if paragraph.heading:
cls = 2
else:
cls = 3
else:
cls = 1
for text_node in paragraph.text_nodes:
print('%i\t%s' % (cls, text_node.strip()), file=fp)
|
output_krdwrd
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(paragraphs, fp=sys.stdout):\n for paragraph in paragraphs:\n if paragraph.class_type in ('good', 'neargood'):\n if paragraph.heading:\n cls = 2\n else:\n cls = 3\n else:\n cls = 1\n for text_node in paragraph.text_nodes:\n print('%i\\t%s' % (cls, text_node.strip()), file=fp)\n",
"role": "user"
},
{
"content": "output_krdwrd",
"role": "assistant"
}
] |
def x(html, default_encoding=DEFAULT_ENCODING, encoding=None, errors=
DEFAULT_ENC_ERRORS):
if isinstance(html, unicode):
decoded_html = html
forced_encoding = encoding if encoding else default_encoding
html = html.encode(forced_encoding, errors)
else:
decoded_html = decode_html(html, default_encoding, encoding, errors)
try:
dom = lxml.html.fromstring(decoded_html, parser=lxml.html.HTMLParser())
except ValueError:
dom = lxml.html.fromstring(html, parser=lxml.html.HTMLParser())
return dom
|
html_to_dom
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(html, default_encoding=DEFAULT_ENCODING, encoding=None, errors=\n DEFAULT_ENC_ERRORS):\n if isinstance(html, unicode):\n decoded_html = html\n forced_encoding = encoding if encoding else default_encoding\n html = html.encode(forced_encoding, errors)\n else:\n decoded_html = decode_html(html, default_encoding, encoding, errors)\n try:\n dom = lxml.html.fromstring(decoded_html, parser=lxml.html.HTMLParser())\n except ValueError:\n dom = lxml.html.fromstring(html, parser=lxml.html.HTMLParser())\n return dom\n",
"role": "user"
},
{
"content": "html_to_dom",
"role": "assistant"
}
] |
def x(html, default_encoding=DEFAULT_ENCODING, encoding=None, errors=
DEFAULT_ENC_ERRORS):
if isinstance(html, unicode):
return html
if encoding:
return html.decode(encoding, errors)
match = CHARSET_META_TAG_PATTERN.search(html)
if match:
declared_encoding = match.group(1).decode('ASCII')
with ignored(LookupError):
return html.decode(declared_encoding, errors)
try:
return html.decode('utf8')
except UnicodeDecodeError:
try:
return html.decode(default_encoding, errors)
except UnicodeDecodeError as e:
raise JustextError('Unable to decode the HTML to Unicode: ' +
unicode(e))
|
decode_html
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(html, default_encoding=DEFAULT_ENCODING, encoding=None, errors=\n DEFAULT_ENC_ERRORS):\n if isinstance(html, unicode):\n return html\n if encoding:\n return html.decode(encoding, errors)\n match = CHARSET_META_TAG_PATTERN.search(html)\n if match:\n declared_encoding = match.group(1).decode('ASCII')\n with ignored(LookupError):\n return html.decode(declared_encoding, errors)\n try:\n return html.decode('utf8')\n except UnicodeDecodeError:\n try:\n return html.decode(default_encoding, errors)\n except UnicodeDecodeError as e:\n raise JustextError('Unable to decode the HTML to Unicode: ' +\n unicode(e))\n",
"role": "user"
},
{
"content": "decode_html",
"role": "assistant"
}
] |
def x(dom):
options = {'processing_instructions': False, 'remove_unknown_tags':
False, 'safe_attrs_only': False, 'page_structure': False,
'annoying_tags': False, 'frames': False, 'meta': False, 'links':
False, 'javascript': False, 'scripts': True, 'comments': True,
'style': True, 'embedded': True, 'forms': True, 'kill_tags': ('head',)}
cleaner = Cleaner(**options)
return cleaner.clean_html(dom)
|
preprocessor
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(dom):\n options = {'processing_instructions': False, 'remove_unknown_tags': \n False, 'safe_attrs_only': False, 'page_structure': False,\n 'annoying_tags': False, 'frames': False, 'meta': False, 'links': \n False, 'javascript': False, 'scripts': True, 'comments': True,\n 'style': True, 'embedded': True, 'forms': True, 'kill_tags': ('head',)}\n cleaner = Cleaner(**options)\n return cleaner.clean_html(dom)\n",
"role": "user"
},
{
"content": "preprocessor",
"role": "assistant"
}
] |
def x(paragraphs, stoplist, length_low=LENGTH_LOW_DEFAULT, length_high=
LENGTH_HIGH_DEFAULT, stopwords_low=STOPWORDS_LOW_DEFAULT,
stopwords_high=STOPWORDS_HIGH_DEFAULT, max_link_density=
MAX_LINK_DENSITY_DEFAULT, no_headings=NO_HEADINGS_DEFAULT):
stoplist = frozenset(w.lower() for w in stoplist)
for paragraph in paragraphs:
length = len(paragraph)
stopword_density = paragraph.stopwords_density(stoplist)
link_density = paragraph.links_density()
paragraph.heading = bool(not no_headings and paragraph.is_heading)
if link_density > max_link_density:
paragraph.cf_class = 'bad'
elif '©' in paragraph.text or '©' in paragraph.text:
paragraph.cf_class = 'bad'
elif re.search('^select|\\.select', paragraph.dom_path):
paragraph.cf_class = 'bad'
elif length < length_low:
if paragraph.chars_count_in_links > 0:
paragraph.cf_class = 'bad'
else:
paragraph.cf_class = 'short'
elif stopword_density >= stopwords_high:
if length > length_high:
paragraph.cf_class = 'good'
else:
paragraph.cf_class = 'neargood'
elif stopword_density >= stopwords_low:
paragraph.cf_class = 'neargood'
else:
paragraph.cf_class = 'bad'
|
classify_paragraphs
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(paragraphs, stoplist, length_low=LENGTH_LOW_DEFAULT, length_high=\n LENGTH_HIGH_DEFAULT, stopwords_low=STOPWORDS_LOW_DEFAULT,\n stopwords_high=STOPWORDS_HIGH_DEFAULT, max_link_density=\n MAX_LINK_DENSITY_DEFAULT, no_headings=NO_HEADINGS_DEFAULT):\n stoplist = frozenset(w.lower() for w in stoplist)\n for paragraph in paragraphs:\n length = len(paragraph)\n stopword_density = paragraph.stopwords_density(stoplist)\n link_density = paragraph.links_density()\n paragraph.heading = bool(not no_headings and paragraph.is_heading)\n if link_density > max_link_density:\n paragraph.cf_class = 'bad'\n elif '©' in paragraph.text or '©' in paragraph.text:\n paragraph.cf_class = 'bad'\n elif re.search('^select|\\\\.select', paragraph.dom_path):\n paragraph.cf_class = 'bad'\n elif length < length_low:\n if paragraph.chars_count_in_links > 0:\n paragraph.cf_class = 'bad'\n else:\n paragraph.cf_class = 'short'\n elif stopword_density >= stopwords_high:\n if length > length_high:\n paragraph.cf_class = 'good'\n else:\n paragraph.cf_class = 'neargood'\n elif stopword_density >= stopwords_low:\n paragraph.cf_class = 'neargood'\n else:\n paragraph.cf_class = 'bad'\n",
"role": "user"
},
{
"content": "classify_paragraphs",
"role": "assistant"
}
] |
def x(i, paragraphs, ignore_neargood):
return _get_neighbour(i, paragraphs, ignore_neargood, 1, len(paragraphs))
|
get_next_neighbour
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(i, paragraphs, ignore_neargood):\n return _get_neighbour(i, paragraphs, ignore_neargood, 1, len(paragraphs))\n",
"role": "user"
},
{
"content": "get_next_neighbour",
"role": "assistant"
}
] |
def x(paragraphs, max_heading_distance=MAX_HEADING_DISTANCE_DEFAULT):
for paragraph in paragraphs:
paragraph.class_type = paragraph.cf_class
for i, paragraph in enumerate(paragraphs):
if not (paragraph.heading and paragraph.class_type == 'short'):
continue
j = i + 1
distance = 0
while j < len(paragraphs) and distance <= max_heading_distance:
if paragraphs[j].class_type == 'good':
paragraph.class_type = 'neargood'
break
distance += len(paragraphs[j].text)
j += 1
new_classes = {}
for i, paragraph in enumerate(paragraphs):
if paragraph.class_type != 'short':
continue
prev_neighbour = get_prev_neighbour(i, paragraphs, ignore_neargood=True
)
next_neighbour = get_next_neighbour(i, paragraphs, ignore_neargood=True
)
neighbours = set((prev_neighbour, next_neighbour))
if neighbours == set(['good']):
new_classes[i] = 'good'
elif neighbours == set(['bad']):
new_classes[i] = 'bad'
elif prev_neighbour == 'bad' and get_prev_neighbour(i, paragraphs,
ignore_neargood=False
) == 'neargood' or next_neighbour == 'bad' and get_next_neighbour(i
, paragraphs, ignore_neargood=False) == 'neargood':
new_classes[i] = 'good'
else:
new_classes[i] = 'bad'
for i, c in new_classes.items():
paragraphs[i].class_type = c
for i, paragraph in enumerate(paragraphs):
if paragraph.class_type != 'neargood':
continue
prev_neighbour = get_prev_neighbour(i, paragraphs, ignore_neargood=True
)
next_neighbour = get_next_neighbour(i, paragraphs, ignore_neargood=True
)
if (prev_neighbour, next_neighbour) == ('bad', 'bad'):
paragraph.class_type = 'bad'
else:
paragraph.class_type = 'good'
for i, paragraph in enumerate(paragraphs):
if not (paragraph.heading and paragraph.class_type == 'bad' and
paragraph.cf_class != 'bad'):
continue
j = i + 1
distance = 0
while j < len(paragraphs) and distance <= max_heading_distance:
if paragraphs[j].class_type == 'good':
paragraph.class_type = 'good'
break
distance += len(paragraphs[j].text)
j += 1
|
revise_paragraph_classification
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(paragraphs, max_heading_distance=MAX_HEADING_DISTANCE_DEFAULT):\n for paragraph in paragraphs:\n paragraph.class_type = paragraph.cf_class\n for i, paragraph in enumerate(paragraphs):\n if not (paragraph.heading and paragraph.class_type == 'short'):\n continue\n j = i + 1\n distance = 0\n while j < len(paragraphs) and distance <= max_heading_distance:\n if paragraphs[j].class_type == 'good':\n paragraph.class_type = 'neargood'\n break\n distance += len(paragraphs[j].text)\n j += 1\n new_classes = {}\n for i, paragraph in enumerate(paragraphs):\n if paragraph.class_type != 'short':\n continue\n prev_neighbour = get_prev_neighbour(i, paragraphs, ignore_neargood=True\n )\n next_neighbour = get_next_neighbour(i, paragraphs, ignore_neargood=True\n )\n neighbours = set((prev_neighbour, next_neighbour))\n if neighbours == set(['good']):\n new_classes[i] = 'good'\n elif neighbours == set(['bad']):\n new_classes[i] = 'bad'\n elif prev_neighbour == 'bad' and get_prev_neighbour(i, paragraphs,\n ignore_neargood=False\n ) == 'neargood' or next_neighbour == 'bad' and get_next_neighbour(i\n , paragraphs, ignore_neargood=False) == 'neargood':\n new_classes[i] = 'good'\n else:\n new_classes[i] = 'bad'\n for i, c in new_classes.items():\n paragraphs[i].class_type = c\n for i, paragraph in enumerate(paragraphs):\n if paragraph.class_type != 'neargood':\n continue\n prev_neighbour = get_prev_neighbour(i, paragraphs, ignore_neargood=True\n )\n next_neighbour = get_next_neighbour(i, paragraphs, ignore_neargood=True\n )\n if (prev_neighbour, next_neighbour) == ('bad', 'bad'):\n paragraph.class_type = 'bad'\n else:\n paragraph.class_type = 'good'\n for i, paragraph in enumerate(paragraphs):\n if not (paragraph.heading and paragraph.class_type == 'bad' and \n paragraph.cf_class != 'bad'):\n continue\n j = i + 1\n distance = 0\n while j < len(paragraphs) and distance <= max_heading_distance:\n if paragraphs[j].class_type == 'good':\n paragraph.class_type = 'good'\n break\n distance += len(paragraphs[j].text)\n j += 1\n",
"role": "user"
},
{
"content": "revise_paragraph_classification",
"role": "assistant"
}
] |
def x(html_text, stoplist, length_low=LENGTH_LOW_DEFAULT, length_high=
LENGTH_HIGH_DEFAULT, stopwords_low=STOPWORDS_LOW_DEFAULT,
stopwords_high=STOPWORDS_HIGH_DEFAULT, max_link_density=
MAX_LINK_DENSITY_DEFAULT, max_heading_distance=
MAX_HEADING_DISTANCE_DEFAULT, no_headings=NO_HEADINGS_DEFAULT, encoding
=None, default_encoding=DEFAULT_ENCODING, enc_errors=DEFAULT_ENC_ERRORS,
preprocessor=preprocessor):
dom = html_to_dom(html_text, default_encoding, encoding, enc_errors)
dom = preprocessor(dom)
paragraphs = ParagraphMaker.make_paragraphs(dom)
classify_paragraphs(paragraphs, stoplist, length_low, length_high,
stopwords_low, stopwords_high, max_link_density, no_headings)
revise_paragraph_classification(paragraphs, max_heading_distance)
return paragraphs
|
justext
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(html_text, stoplist, length_low=LENGTH_LOW_DEFAULT, length_high=\n LENGTH_HIGH_DEFAULT, stopwords_low=STOPWORDS_LOW_DEFAULT,\n stopwords_high=STOPWORDS_HIGH_DEFAULT, max_link_density=\n MAX_LINK_DENSITY_DEFAULT, max_heading_distance=\n MAX_HEADING_DISTANCE_DEFAULT, no_headings=NO_HEADINGS_DEFAULT, encoding\n =None, default_encoding=DEFAULT_ENCODING, enc_errors=DEFAULT_ENC_ERRORS,\n preprocessor=preprocessor):\n dom = html_to_dom(html_text, default_encoding, encoding, enc_errors)\n dom = preprocessor(dom)\n paragraphs = ParagraphMaker.make_paragraphs(dom)\n classify_paragraphs(paragraphs, stoplist, length_low, length_high,\n stopwords_low, stopwords_high, max_link_density, no_headings)\n revise_paragraph_classification(paragraphs, max_heading_distance)\n return paragraphs\n",
"role": "user"
},
{
"content": "justext",
"role": "assistant"
}
] |
def x(cls, root):
handler = cls()
lxml.sax.saxify(root, handler)
return handler.paragraphs
|
make_paragraphs
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(cls, root):\n handler = cls()\n lxml.sax.saxify(root, handler)\n return handler.paragraphs\n",
"role": "user"
},
{
"content": "make_paragraphs",
"role": "assistant"
}
] |
def x():
path_to_stoplists = os.path.dirname(sys.modules['justext'].__file__)
path_to_stoplists = os.path.join(path_to_stoplists, 'stoplists')
stoplist_names = []
for filename in os.listdir(path_to_stoplists):
name, extension = os.path.splitext(filename)
if extension == '.txt':
stoplist_names.append(name)
return frozenset(stoplist_names)
|
get_stoplists
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x():\n path_to_stoplists = os.path.dirname(sys.modules['justext'].__file__)\n path_to_stoplists = os.path.join(path_to_stoplists, 'stoplists')\n stoplist_names = []\n for filename in os.listdir(path_to_stoplists):\n name, extension = os.path.splitext(filename)\n if extension == '.txt':\n stoplist_names.append(name)\n return frozenset(stoplist_names)\n",
"role": "user"
},
{
"content": "get_stoplists",
"role": "assistant"
}
] |
def x(language):
file_path = os.path.join('stoplists', '%s.txt' % language)
try:
stopwords = pkgutil.get_data('justext', file_path)
except IOError:
raise ValueError(
"Stoplist for language '%s' is missing. Please use function 'get_stoplists' for complete list of stoplists and feel free to contribute by your own stoplist."
% language)
return frozenset(w.decode('utf8').lower() for w in stopwords.splitlines())
|
get_stoplist
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(language):\n file_path = os.path.join('stoplists', '%s.txt' % language)\n try:\n stopwords = pkgutil.get_data('justext', file_path)\n except IOError:\n raise ValueError(\n \"Stoplist for language '%s' is missing. Please use function 'get_stoplists' for complete list of stoplists and feel free to contribute by your own stoplist.\"\n % language)\n return frozenset(w.decode('utf8').lower() for w in stopwords.splitlines())\n",
"role": "user"
},
{
"content": "get_stoplist",
"role": "assistant"
}
] |
def x(client, region=None, aws_access_key_id=None, aws_secret_access_key=
None, aws_session_token=None, endpoint_url=None):
cache_key = '{0}:{1}:{2}:{3}'.format(client, region, aws_access_key_id,
endpoint_url or '')
if not aws_session_token:
if cache_key in CLIENT_CACHE:
return CLIENT_CACHE[cache_key]
session = get_boto_session(region, aws_access_key_id,
aws_secret_access_key, aws_session_token)
if not session:
logging.error('Failed to get {0} client.'.format(client))
return None
CLIENT_CACHE[cache_key] = session.client(client, endpoint_url=endpoint_url)
return CLIENT_CACHE[cache_key]
|
get_boto_client
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(client, region=None, aws_access_key_id=None, aws_secret_access_key=\n None, aws_session_token=None, endpoint_url=None):\n cache_key = '{0}:{1}:{2}:{3}'.format(client, region, aws_access_key_id,\n endpoint_url or '')\n if not aws_session_token:\n if cache_key in CLIENT_CACHE:\n return CLIENT_CACHE[cache_key]\n session = get_boto_session(region, aws_access_key_id,\n aws_secret_access_key, aws_session_token)\n if not session:\n logging.error('Failed to get {0} client.'.format(client))\n return None\n CLIENT_CACHE[cache_key] = session.client(client, endpoint_url=endpoint_url)\n return CLIENT_CACHE[cache_key]\n",
"role": "user"
},
{
"content": "get_boto_client",
"role": "assistant"
}
] |
def x(resource, region=None, aws_access_key_id=None, aws_secret_access_key=
None, aws_session_token=None, endpoint_url=None):
cache_key = '{0}:{1}:{2}:{3}'.format(resource, region,
aws_access_key_id, endpoint_url or '')
if not aws_session_token:
if cache_key in RESOURCE_CACHE:
return RESOURCE_CACHE[cache_key]
session = get_boto_session(region, aws_access_key_id,
aws_secret_access_key, aws_session_token)
if not session:
logging.error('Failed to get {0} resource.'.format(resource))
return None
RESOURCE_CACHE[cache_key] = session.resource(resource, endpoint_url=
endpoint_url)
return RESOURCE_CACHE[cache_key]
|
get_boto_resource
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(resource, region=None, aws_access_key_id=None, aws_secret_access_key=\n None, aws_session_token=None, endpoint_url=None):\n cache_key = '{0}:{1}:{2}:{3}'.format(resource, region,\n aws_access_key_id, endpoint_url or '')\n if not aws_session_token:\n if cache_key in RESOURCE_CACHE:\n return RESOURCE_CACHE[cache_key]\n session = get_boto_session(region, aws_access_key_id,\n aws_secret_access_key, aws_session_token)\n if not session:\n logging.error('Failed to get {0} resource.'.format(resource))\n return None\n RESOURCE_CACHE[cache_key] = session.resource(resource, endpoint_url=\n endpoint_url)\n return RESOURCE_CACHE[cache_key]\n",
"role": "user"
},
{
"content": "get_boto_resource",
"role": "assistant"
}
] |
def x(region, aws_access_key_id=None, aws_secret_access_key=None,
aws_session_token=None):
return boto3.session.Session(region_name=region, aws_secret_access_key=
aws_secret_access_key, aws_access_key_id=aws_access_key_id,
aws_session_token=aws_session_token)
|
get_boto_session
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(region, aws_access_key_id=None, aws_secret_access_key=None,\n aws_session_token=None):\n return boto3.session.Session(region_name=region, aws_secret_access_key=\n aws_secret_access_key, aws_access_key_id=aws_access_key_id,\n aws_session_token=aws_session_token)\n",
"role": "user"
},
{
"content": "get_boto_session",
"role": "assistant"
}
] |
def x(str_or_bytes, encoding='utf-8'):
if not isinstance(str_or_bytes, six.text_type):
return str_or_bytes.decode(encoding)
return str_or_bytes
|
ensure_text
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(str_or_bytes, encoding='utf-8'):\n if not isinstance(str_or_bytes, six.text_type):\n return str_or_bytes.decode(encoding)\n return str_or_bytes\n",
"role": "user"
},
{
"content": "ensure_text",
"role": "assistant"
}
] |
def x(str_or_bytes, encoding='utf-8', errors='strict'):
if isinstance(str_or_bytes, six.text_type):
return str_or_bytes.encode(encoding, errors)
return str_or_bytes
|
ensure_bytes
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(str_or_bytes, encoding='utf-8', errors='strict'):\n if isinstance(str_or_bytes, six.text_type):\n return str_or_bytes.encode(encoding, errors)\n return str_or_bytes\n",
"role": "user"
},
{
"content": "ensure_bytes",
"role": "assistant"
}
] |
def x(self, key_arn):
for alias in self.KEY_METADATA:
if self.KEY_METADATA[alias]['KeyMetadata']['Arn'] == key_arn:
return alias
return None
|
get_key_alias_from_cache
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, key_arn):\n for alias in self.KEY_METADATA:\n if self.KEY_METADATA[alias]['KeyMetadata']['Arn'] == key_arn:\n return alias\n return None\n",
"role": "user"
},
{
"content": "get_key_alias_from_cache",
"role": "assistant"
}
] |
def x(self, username, token):
version, user_type, _from = self._parse_username(username)
if (version > self.maximum_token_version or version < self.
minimum_token_version):
raise TokenValidationError('Unacceptable token version.')
try:
token_key = '{0}{1}{2}{3}'.format(hashlib.sha256(ensure_bytes(token
)).hexdigest(), _from, self.to_auth_context, user_type)
except Exception:
raise TokenValidationError('Authentication error.')
if token_key not in self.TOKENS:
try:
token = base64.b64decode(token)
context = copy.deepcopy(self.extra_context)
context['to'] = self.to_auth_context
context['from'] = _from
if version > 1:
context['user_type'] = user_type
data = self.kms_client.decrypt(CiphertextBlob=token,
EncryptionContext=context)
key_arn = data['KeyId']
if user_type == 'service':
if not self._valid_service_auth_key(key_arn):
raise TokenValidationError(
'Authentication error (wrong KMS key).')
elif user_type == 'user':
if not self._valid_user_auth_key(key_arn):
raise TokenValidationError(
'Authentication error (wrong KMS key).')
else:
raise TokenValidationError(
'Authentication error. Unsupported user_type.')
plaintext = data['Plaintext']
payload = json.loads(plaintext)
key_alias = self._get_key_alias_from_cache(key_arn)
ret = {'payload': payload, 'key_alias': key_alias}
except TokenValidationError:
raise
except (ConnectionError, EndpointConnectionError):
logging.exception('Failure connecting to AWS endpoint.')
raise TokenValidationError(
'Authentication error. Failure connecting to AWS endpoint.')
except Exception:
logging.exception('Failed to validate token.')
raise TokenValidationError('Authentication error. General error.')
else:
ret = self.TOKENS[token_key]
now = datetime.datetime.utcnow()
try:
not_before = datetime.datetime.strptime(ret['payload']['not_before'
], TIME_FORMAT)
not_after = datetime.datetime.strptime(ret['payload']['not_after'],
TIME_FORMAT)
except Exception:
logging.exception(
'Failed to get not_before and not_after from token payload.')
raise TokenValidationError('Authentication error. Missing validity.')
delta = (not_after - not_before).seconds / 60
if delta > self.auth_token_max_lifetime:
logging.warning('Token used which exceeds max token lifetime.')
raise TokenValidationError(
'Authentication error. Token lifetime exceeded.')
if now < not_before or now > not_after:
logging.warning('Invalid time validity for token.')
raise TokenValidationError(
'Authentication error. Invalid time validity for token.')
self.TOKENS[token_key] = ret
return self.TOKENS[token_key]
|
decrypt_token
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, username, token):\n version, user_type, _from = self._parse_username(username)\n if (version > self.maximum_token_version or version < self.\n minimum_token_version):\n raise TokenValidationError('Unacceptable token version.')\n try:\n token_key = '{0}{1}{2}{3}'.format(hashlib.sha256(ensure_bytes(token\n )).hexdigest(), _from, self.to_auth_context, user_type)\n except Exception:\n raise TokenValidationError('Authentication error.')\n if token_key not in self.TOKENS:\n try:\n token = base64.b64decode(token)\n context = copy.deepcopy(self.extra_context)\n context['to'] = self.to_auth_context\n context['from'] = _from\n if version > 1:\n context['user_type'] = user_type\n data = self.kms_client.decrypt(CiphertextBlob=token,\n EncryptionContext=context)\n key_arn = data['KeyId']\n if user_type == 'service':\n if not self._valid_service_auth_key(key_arn):\n raise TokenValidationError(\n 'Authentication error (wrong KMS key).')\n elif user_type == 'user':\n if not self._valid_user_auth_key(key_arn):\n raise TokenValidationError(\n 'Authentication error (wrong KMS key).')\n else:\n raise TokenValidationError(\n 'Authentication error. Unsupported user_type.')\n plaintext = data['Plaintext']\n payload = json.loads(plaintext)\n key_alias = self._get_key_alias_from_cache(key_arn)\n ret = {'payload': payload, 'key_alias': key_alias}\n except TokenValidationError:\n raise\n except (ConnectionError, EndpointConnectionError):\n logging.exception('Failure connecting to AWS endpoint.')\n raise TokenValidationError(\n 'Authentication error. Failure connecting to AWS endpoint.')\n except Exception:\n logging.exception('Failed to validate token.')\n raise TokenValidationError('Authentication error. General error.')\n else:\n ret = self.TOKENS[token_key]\n now = datetime.datetime.utcnow()\n try:\n not_before = datetime.datetime.strptime(ret['payload']['not_before'\n ], TIME_FORMAT)\n not_after = datetime.datetime.strptime(ret['payload']['not_after'],\n TIME_FORMAT)\n except Exception:\n logging.exception(\n 'Failed to get not_before and not_after from token payload.')\n raise TokenValidationError('Authentication error. Missing validity.')\n delta = (not_after - not_before).seconds / 60\n if delta > self.auth_token_max_lifetime:\n logging.warning('Token used which exceeds max token lifetime.')\n raise TokenValidationError(\n 'Authentication error. Token lifetime exceeded.')\n if now < not_before or now > not_after:\n logging.warning('Invalid time validity for token.')\n raise TokenValidationError(\n 'Authentication error. Invalid time validity for token.')\n self.TOKENS[token_key] = ret\n return self.TOKENS[token_key]\n",
"role": "user"
},
{
"content": "decrypt_token",
"role": "assistant"
}
] |
def x(self):
_from = self.auth_context['from']
if self.token_version == 1:
return '{0}'.format(_from)
elif self.token_version == 2:
_user_type = self.auth_context['user_type']
return '{0}/{1}/{2}'.format(self.token_version, _user_type, _from)
|
get_username
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n _from = self.auth_context['from']\n if self.token_version == 1:\n return '{0}'.format(_from)\n elif self.token_version == 2:\n _user_type = self.auth_context['user_type']\n return '{0}/{1}/{2}'.format(self.token_version, _user_type, _from)\n",
"role": "user"
},
{
"content": "get_username",
"role": "assistant"
}
] |
def x(self):
now = datetime.datetime.utcnow()
_not_before = now - datetime.timedelta(minutes=TOKEN_SKEW)
not_before = _not_before.strftime(TIME_FORMAT)
_not_after = now + datetime.timedelta(minutes=self.token_lifetime -
TOKEN_SKEW)
not_after = _not_after.strftime(TIME_FORMAT)
payload = json.dumps({'not_before': not_before, 'not_after': not_after})
token = self._get_cached_token()
if token:
return token
try:
token = self.kms_client.encrypt(KeyId=self.auth_key, Plaintext=
payload, EncryptionContext=self.auth_context)['CiphertextBlob']
token = base64.b64encode(ensure_bytes(token))
except (ConnectionError, EndpointConnectionError) as e:
logging.exception('Failure connecting to AWS: {}'.format(str(e)))
raise ServiceConnectionError()
except Exception:
logging.exception('Failed to create auth token.')
raise TokenGenerationError()
self._cache_token(token, not_after)
return token
|
get_token
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n now = datetime.datetime.utcnow()\n _not_before = now - datetime.timedelta(minutes=TOKEN_SKEW)\n not_before = _not_before.strftime(TIME_FORMAT)\n _not_after = now + datetime.timedelta(minutes=self.token_lifetime -\n TOKEN_SKEW)\n not_after = _not_after.strftime(TIME_FORMAT)\n payload = json.dumps({'not_before': not_before, 'not_after': not_after})\n token = self._get_cached_token()\n if token:\n return token\n try:\n token = self.kms_client.encrypt(KeyId=self.auth_key, Plaintext=\n payload, EncryptionContext=self.auth_context)['CiphertextBlob']\n token = base64.b64encode(ensure_bytes(token))\n except (ConnectionError, EndpointConnectionError) as e:\n logging.exception('Failure connecting to AWS: {}'.format(str(e)))\n raise ServiceConnectionError()\n except Exception:\n logging.exception('Failed to create auth token.')\n raise TokenGenerationError()\n self._cache_token(token, not_after)\n return token\n",
"role": "user"
},
{
"content": "get_token",
"role": "assistant"
}
] |
def x(arg):
key, value = arg.split('=')
if value.lower() == 'true' or value.lower() == 'false':
value = bool(value)
elif INT_RE.match(value):
value = int(value)
elif FLOAT_RE.match(value):
value = float(value)
return key, value
|
dictstr
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(arg):\n key, value = arg.split('=')\n if value.lower() == 'true' or value.lower() == 'false':\n value = bool(value)\n elif INT_RE.match(value):\n value = int(value)\n elif FLOAT_RE.match(value):\n value = float(value)\n return key, value\n",
"role": "user"
},
{
"content": "dictstr",
"role": "assistant"
}
] |
def x(matches):
words = [dict(v, **dict([('sentence', i)])) for i, s in enumerate(
matches['sentences']) for k, v in s.items() if k != 'length']
return words
|
regex_matches_to_indexed_words
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(matches):\n words = [dict(v, **dict([('sentence', i)])) for i, s in enumerate(\n matches['sentences']) for k, v in s.items() if k != 'length']\n return words\n",
"role": "user"
},
{
"content": "regex_matches_to_indexed_words",
"role": "assistant"
}
] |
def x(self, buf, properties, date=None):
self.ensure_alive()
try:
input_format = properties.get('inputFormat', 'text')
if input_format == 'text':
ctype = 'text/plain; charset=utf-8'
elif input_format == 'serialized':
ctype = 'application/x-protobuf'
else:
raise ValueError('Unrecognized inputFormat ' + input_format)
if date:
params = {'properties': str(properties), 'date': str(date)}
else:
params = {'properties': str(properties)}
r = requests.post(self.endpoint, params=params, data=buf, headers={
'content-type': ctype}, timeout=self.timeout * 2 / 1000)
r.raise_for_status()
return r
except requests.HTTPError as e:
if (r.text ==
'CoreNLP request timed out. Your document may be too long.'):
raise TimeoutException(r.text)
else:
raise AnnotationException(r.text)
|
request
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, buf, properties, date=None):\n self.ensure_alive()\n try:\n input_format = properties.get('inputFormat', 'text')\n if input_format == 'text':\n ctype = 'text/plain; charset=utf-8'\n elif input_format == 'serialized':\n ctype = 'application/x-protobuf'\n else:\n raise ValueError('Unrecognized inputFormat ' + input_format)\n if date:\n params = {'properties': str(properties), 'date': str(date)}\n else:\n params = {'properties': str(properties)}\n r = requests.post(self.endpoint, params=params, data=buf, headers={\n 'content-type': ctype}, timeout=self.timeout * 2 / 1000)\n r.raise_for_status()\n return r\n except requests.HTTPError as e:\n if (r.text ==\n 'CoreNLP request timed out. Your document may be too long.'):\n raise TimeoutException(r.text)\n else:\n raise AnnotationException(r.text)\n",
"role": "user"
},
{
"content": "request",
"role": "assistant"
}
] |
def x(self, text, annotators=None, output_format=None, properties=None,
date=None):
if properties is None:
properties = self.default_properties
properties.update({'annotators': ','.join(annotators or self.
default_annotators), 'inputFormat': 'text', 'outputFormat':
self.default_output_format, 'serializer':
'edu.stanford.nlp.pipeline.ProtobufAnnotationSerializer'})
elif 'annotators' not in properties:
properties.update({'annotators': ','.join(annotators or self.
default_annotators)})
if output_format is not None:
properties['outputFormat'] = output_format
r = self._request(text.encode('utf-8'), properties, date)
if properties['outputFormat'] == 'serialized':
doc = Document()
parseFromDelimitedString(doc, r.content)
return doc
elif properties['outputFormat'] == 'json':
return r.json()
elif properties['outputFormat'] in ['text', 'conllu', 'conll', 'xml']:
return r.text
else:
return r
|
annotate
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, text, annotators=None, output_format=None, properties=None,\n date=None):\n if properties is None:\n properties = self.default_properties\n properties.update({'annotators': ','.join(annotators or self.\n default_annotators), 'inputFormat': 'text', 'outputFormat':\n self.default_output_format, 'serializer':\n 'edu.stanford.nlp.pipeline.ProtobufAnnotationSerializer'})\n elif 'annotators' not in properties:\n properties.update({'annotators': ','.join(annotators or self.\n default_annotators)})\n if output_format is not None:\n properties['outputFormat'] = output_format\n r = self._request(text.encode('utf-8'), properties, date)\n if properties['outputFormat'] == 'serialized':\n doc = Document()\n parseFromDelimitedString(doc, r.content)\n return doc\n elif properties['outputFormat'] == 'json':\n return r.json()\n elif properties['outputFormat'] in ['text', 'conllu', 'conll', 'xml']:\n return r.text\n else:\n return r\n",
"role": "user"
},
{
"content": "annotate",
"role": "assistant"
}
] |
def x(self, path, text, pattern, filter, annotators=None, properties=None):
self.ensure_alive()
if properties is None:
properties = self.default_properties
properties.update({'annotators': ','.join(annotators or self.
default_annotators), 'inputFormat': 'text', 'outputFormat':
self.default_output_format, 'serializer':
'edu.stanford.nlp.pipeline.ProtobufAnnotationSerializer'})
elif 'annotators' not in properties:
properties.update({'annotators': ','.join(annotators or self.
default_annotators)})
self.annotate(text, properties=properties)
try:
input_format = properties.get('inputFormat', 'text')
if input_format == 'text':
ctype = 'text/plain; charset=utf-8'
elif input_format == 'serialized':
ctype = 'application/x-protobuf'
else:
raise ValueError('Unrecognized inputFormat ' + input_format)
r = requests.post(self.endpoint + path, params={'pattern': pattern,
'filter': filter, 'properties': str(properties)}, data=text,
headers={'content-type': ctype}, timeout=self.timeout * 2 / 1000)
r.raise_for_status()
return json.loads(r.text)
except requests.HTTPError as e:
if r.text.startswith('Timeout'):
raise TimeoutException(r.text)
else:
raise AnnotationException(r.text)
except json.JSONDecodeError:
raise AnnotationException(r.text)
|
regex
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, path, text, pattern, filter, annotators=None, properties=None):\n self.ensure_alive()\n if properties is None:\n properties = self.default_properties\n properties.update({'annotators': ','.join(annotators or self.\n default_annotators), 'inputFormat': 'text', 'outputFormat':\n self.default_output_format, 'serializer':\n 'edu.stanford.nlp.pipeline.ProtobufAnnotationSerializer'})\n elif 'annotators' not in properties:\n properties.update({'annotators': ','.join(annotators or self.\n default_annotators)})\n self.annotate(text, properties=properties)\n try:\n input_format = properties.get('inputFormat', 'text')\n if input_format == 'text':\n ctype = 'text/plain; charset=utf-8'\n elif input_format == 'serialized':\n ctype = 'application/x-protobuf'\n else:\n raise ValueError('Unrecognized inputFormat ' + input_format)\n r = requests.post(self.endpoint + path, params={'pattern': pattern,\n 'filter': filter, 'properties': str(properties)}, data=text,\n headers={'content-type': ctype}, timeout=self.timeout * 2 / 1000)\n r.raise_for_status()\n return json.loads(r.text)\n except requests.HTTPError as e:\n if r.text.startswith('Timeout'):\n raise TimeoutException(r.text)\n else:\n raise AnnotationException(r.text)\n except json.JSONDecodeError:\n raise AnnotationException(r.text)\n",
"role": "user"
},
{
"content": "regex",
"role": "assistant"
}
] |
def x(self):
return {'customAnnotatorClass.{}'.format(self.name):
'edu.stanford.nlp.pipeline.GenericWebServiceAnnotator',
'generic.endpoint': 'http://{}:{}'.format(self.host, self.port),
'generic.requires': ','.join(self.requires), 'generic.provides':
','.join(self.provides)}
|
properties
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n return {'customAnnotatorClass.{}'.format(self.name):\n 'edu.stanford.nlp.pipeline.GenericWebServiceAnnotator',\n 'generic.endpoint': 'http://{}:{}'.format(self.host, self.port),\n 'generic.requires': ','.join(self.requires), 'generic.provides':\n ','.join(self.provides)}\n",
"role": "user"
},
{
"content": "properties",
"role": "assistant"
}
] |
def x(self):
httpd = HTTPServer((self.host, self.port), self._Handler)
sa = httpd.socket.getsockname()
serve_message = (
'Serving HTTP on {host} port {port} (http://{host}:{port}/) ...')
print(serve_message.format(host=sa[0], port=sa[1]))
try:
httpd.serve_forever()
except KeyboardInterrupt:
print('\nKeyboard interrupt received, exiting.')
httpd.shutdown()
|
run
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n httpd = HTTPServer((self.host, self.port), self._Handler)\n sa = httpd.socket.getsockname()\n serve_message = (\n 'Serving HTTP on {host} port {port} (http://{host}:{port}/) ...')\n print(serve_message.format(host=sa[0], port=sa[1]))\n try:\n httpd.serve_forever()\n except KeyboardInterrupt:\n print('\\nKeyboard interrupt received, exiting.')\n httpd.shutdown()\n",
"role": "user"
},
{
"content": "run",
"role": "assistant"
}
] |
def x(patterns, *, flags=0):
flags = _flag_transform(flags)
return _wcparse.translate(_wcparse.split(patterns, flags), flags)
|
translate
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(patterns, *, flags=0):\n flags = _flag_transform(flags)\n return _wcparse.translate(_wcparse.split(patterns, flags), flags)\n",
"role": "user"
},
{
"content": "translate",
"role": "assistant"
}
] |
def x(self, pattern, pathname=False):
patterns = None
flags = self.flags
if pathname:
flags |= _wcparse.PATHNAME
if pattern:
patterns = _wcparse.WcSplit(pattern, flags=flags).split()
return _wcparse.compile(patterns, flags) if patterns else patterns
|
compile_wildcard
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, pattern, pathname=False):\n patterns = None\n flags = self.flags\n if pathname:\n flags |= _wcparse.PATHNAME\n if pattern:\n patterns = _wcparse.WcSplit(pattern, flags=flags).split()\n return _wcparse.compile(patterns, flags) if patterns else patterns\n",
"role": "user"
},
{
"content": "compile_wildcard",
"role": "assistant"
}
] |
def x(self, file_pattern, folder_exclude_pattern):
if not isinstance(file_pattern, _wcparse.WcRegexp):
file_pattern = self._compile_wildcard(file_pattern, self.file_pathname)
if not isinstance(folder_exclude_pattern, _wcparse.WcRegexp):
folder_exclude_pattern = self._compile_wildcard(folder_exclude_pattern,
self.dir_pathname)
return file_pattern, folder_exclude_pattern
|
compile
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, file_pattern, folder_exclude_pattern):\n if not isinstance(file_pattern, _wcparse.WcRegexp):\n file_pattern = self._compile_wildcard(file_pattern, self.file_pathname)\n if not isinstance(folder_exclude_pattern, _wcparse.WcRegexp):\n folder_exclude_pattern = self._compile_wildcard(folder_exclude_pattern,\n self.dir_pathname)\n return file_pattern, folder_exclude_pattern\n",
"role": "user"
},
{
"content": "compile",
"role": "assistant"
}
] |
def x(self, base, name):
valid = False
fullpath = os.path.join(base, name)
if self.file_check is not None and self.compare_file(fullpath[self.
_base_len:] if self.file_pathname else name):
valid = True
if valid and (not self.show_hidden and util.is_hidden(fullpath)):
valid = False
return self.on_validate_file(base, name) if valid else valid
|
valid_file
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, base, name):\n valid = False\n fullpath = os.path.join(base, name)\n if self.file_check is not None and self.compare_file(fullpath[self.\n _base_len:] if self.file_pathname else name):\n valid = True\n if valid and (not self.show_hidden and util.is_hidden(fullpath)):\n valid = False\n return self.on_validate_file(base, name) if valid else valid\n",
"role": "user"
},
{
"content": "valid_file",
"role": "assistant"
}
] |
def x(self, base, name):
valid = True
fullpath = os.path.join(base, name)
if (not self.recursive or self.folder_exclude_check is not None and not
self.compare_directory(fullpath[self._base_len:] if self.
dir_pathname else name)):
valid = False
if valid and (not self.show_hidden and util.is_hidden(fullpath)):
valid = False
return self.on_validate_directory(base, name) if valid else valid
|
valid_folder
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, base, name):\n valid = True\n fullpath = os.path.join(base, name)\n if (not self.recursive or self.folder_exclude_check is not None and not\n self.compare_directory(fullpath[self._base_len:] if self.\n dir_pathname else name)):\n valid = False\n if valid and (not self.show_hidden and util.is_hidden(fullpath)):\n valid = False\n return self.on_validate_directory(base, name) if valid else valid\n",
"role": "user"
},
{
"content": "valid_folder",
"role": "assistant"
}
] |
def x(self, directory):
return not self.folder_exclude_check.match(directory + self.sep if self
.dir_pathname else directory)
|
compare_directory
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, directory):\n return not self.folder_exclude_check.match(directory + self.sep if self\n .dir_pathname else directory)\n",
"role": "user"
},
{
"content": "compare_directory",
"role": "assistant"
}
] |
def x(self):
self._base_len = len(self.base)
for base, dirs, files in os.walk(self.base, followlinks=self.follow_links):
for name in dirs[:]:
try:
if not self._valid_folder(base, name):
dirs.remove(name)
except Exception:
dirs.remove(name)
value = self.on_error(base, name)
if value is not None:
yield value
if self._abort:
break
if len(files):
for name in files:
try:
valid = self._valid_file(base, name)
except Exception:
valid = False
value = self.on_error(base, name)
if value is not None:
yield value
if valid:
yield self.on_match(base, name)
else:
self._skipped += 1
value = self.on_skip(base, name)
if value is not None:
yield value
if self._abort:
break
if self._abort:
break
|
walk
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n self._base_len = len(self.base)\n for base, dirs, files in os.walk(self.base, followlinks=self.follow_links):\n for name in dirs[:]:\n try:\n if not self._valid_folder(base, name):\n dirs.remove(name)\n except Exception:\n dirs.remove(name)\n value = self.on_error(base, name)\n if value is not None:\n yield value\n if self._abort:\n break\n if len(files):\n for name in files:\n try:\n valid = self._valid_file(base, name)\n except Exception:\n valid = False\n value = self.on_error(base, name)\n if value is not None:\n yield value\n if valid:\n yield self.on_match(base, name)\n else:\n self._skipped += 1\n value = self.on_skip(base, name)\n if value is not None:\n yield value\n if self._abort:\n break\n if self._abort:\n break\n",
"role": "user"
},
{
"content": "walk",
"role": "assistant"
}
] |
def x(pattern, flags):
if flags & MINUSNEGATE:
return flags & NEGATE and pattern[0:1] in MINUS_NEGATIVE_SYM
else:
return flags & NEGATE and pattern[0:1] in NEGATIVE_SYM
|
is_negative
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(pattern, flags):\n if flags & MINUSNEGATE:\n return flags & NEGATE and pattern[0:1] in MINUS_NEGATIVE_SYM\n else:\n return flags & NEGATE and pattern[0:1] in NEGATIVE_SYM\n",
"role": "user"
},
{
"content": "is_negative",
"role": "assistant"
}
] |
def x(patterns, flags):
if flags & BRACE:
for p in ([patterns] if isinstance(patterns, (str, bytes)) else
patterns):
try:
yield from bracex.iexpand(p, keep_escapes=True)
except Exception:
yield p
else:
for p in ([patterns] if isinstance(patterns, (str, bytes)) else
patterns):
yield p
|
expand_braces
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(patterns, flags):\n if flags & BRACE:\n for p in ([patterns] if isinstance(patterns, (str, bytes)) else\n patterns):\n try:\n yield from bracex.iexpand(p, keep_escapes=True)\n except Exception:\n yield p\n else:\n for p in ([patterns] if isinstance(patterns, (str, bytes)) else\n patterns):\n yield p\n",
"role": "user"
},
{
"content": "expand_braces",
"role": "assistant"
}
] |
def x(flags):
if not bool(flags & CASE_FLAGS):
case_sensitive = util.is_case_sensitive()
elif flags & FORCECASE:
case_sensitive = True
else:
case_sensitive = False
return case_sensitive
|
get_case
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(flags):\n if not bool(flags & CASE_FLAGS):\n case_sensitive = util.is_case_sensitive()\n elif flags & FORCECASE:\n case_sensitive = True\n else:\n case_sensitive = False\n return case_sensitive\n",
"role": "user"
},
{
"content": "get_case",
"role": "assistant"
}
] |
def x(flags):
return (util.platform() != 'windows' or not bool(flags & REALPATH) and
get_case(flags)) and not flags & _FORCEWIN
|
is_unix_style
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(flags):\n return (util.platform() != 'windows' or not bool(flags & REALPATH) and\n get_case(flags)) and not flags & _FORCEWIN\n",
"role": "user"
},
{
"content": "is_unix_style",
"role": "assistant"
}
] |
def x(patterns, flags):
positive = []
negative = []
if isinstance(patterns, (str, bytes)):
patterns = [patterns]
flags |= _TRANSLATE
for pattern in patterns:
for expanded in expand_braces(pattern, flags):
(negative if is_negative(expanded, flags) else positive).append(
WcParse(expanded, flags & FLAG_MASK).parse())
if patterns and flags & REALPATH and negative and not positive:
positive.append(_compile(b'**' if isinstance(patterns[0], bytes) else
'**', flags))
return positive, negative
|
translate
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(patterns, flags):\n positive = []\n negative = []\n if isinstance(patterns, (str, bytes)):\n patterns = [patterns]\n flags |= _TRANSLATE\n for pattern in patterns:\n for expanded in expand_braces(pattern, flags):\n (negative if is_negative(expanded, flags) else positive).append(\n WcParse(expanded, flags & FLAG_MASK).parse())\n if patterns and flags & REALPATH and negative and not positive:\n positive.append(_compile(b'**' if isinstance(patterns[0], bytes) else\n '**', flags))\n return positive, negative\n",
"role": "user"
},
{
"content": "translate",
"role": "assistant"
}
] |
def x(patterns, flags):
if flags & SPLIT:
splitted = []
for pattern in ([patterns] if isinstance(patterns, (str, bytes)) else
patterns):
splitted.extend(WcSplit(pattern, flags).split())
return splitted
else:
return patterns
|
split
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(patterns, flags):\n if flags & SPLIT:\n splitted = []\n for pattern in ([patterns] if isinstance(patterns, (str, bytes)) else\n patterns):\n splitted.extend(WcSplit(pattern, flags).split())\n return splitted\n else:\n return patterns\n",
"role": "user"
},
{
"content": "split",
"role": "assistant"
}
] |
def x(patterns, flags):
positive = []
negative = []
if isinstance(patterns, (str, bytes)):
patterns = [patterns]
for pattern in patterns:
for expanded in expand_braces(pattern, flags):
(negative if is_negative(expanded, flags) else positive).append(
_compile(expanded, flags))
if patterns and flags & REALPATH and negative and not positive:
positive.append(_compile(b'**' if isinstance(patterns[0], bytes) else
'**', flags))
return WcRegexp(tuple(positive), tuple(negative), flags & REALPATH,
flags & PATHNAME, flags & FOLLOW)
|
compile
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(patterns, flags):\n positive = []\n negative = []\n if isinstance(patterns, (str, bytes)):\n patterns = [patterns]\n for pattern in patterns:\n for expanded in expand_braces(pattern, flags):\n (negative if is_negative(expanded, flags) else positive).append(\n _compile(expanded, flags))\n if patterns and flags & REALPATH and negative and not positive:\n positive.append(_compile(b'**' if isinstance(patterns[0], bytes) else\n '**', flags))\n return WcRegexp(tuple(positive), tuple(negative), flags & REALPATH, \n flags & PATHNAME, flags & FOLLOW)\n",
"role": "user"
},
{
"content": "compile",
"role": "assistant"
}
] |
def x(pattern, flags):
return re.compile(WcParse(pattern, flags & FLAG_MASK).parse())
|
compile
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(pattern, flags):\n return re.compile(WcParse(pattern, flags & FLAG_MASK).parse())\n",
"role": "user"
},
{
"content": "compile",
"role": "assistant"
}
] |
def x(pattern, filename, sep, follow, symlinks):
matched = False
base = None
m = pattern.fullmatch(filename)
if m:
matched = True
if not follow:
groups = m.groups()
last = len(groups)
for i, star in enumerate(m.groups(), 1):
if star:
parts = star.strip(sep).split(sep)
if base is None:
base = filename[:m.start(i)]
for part in parts:
base = os.path.join(base, part)
is_link = symlinks.get(base, None)
if is_link is not None:
matched = not is_link
elif i != last or os.path.isdir(base):
is_link = os.path.islink(base)
symlinks[base] = is_link
matched = not is_link
if not matched:
break
if matched:
break
return matched
|
fs_match
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(pattern, filename, sep, follow, symlinks):\n matched = False\n base = None\n m = pattern.fullmatch(filename)\n if m:\n matched = True\n if not follow:\n groups = m.groups()\n last = len(groups)\n for i, star in enumerate(m.groups(), 1):\n if star:\n parts = star.strip(sep).split(sep)\n if base is None:\n base = filename[:m.start(i)]\n for part in parts:\n base = os.path.join(base, part)\n is_link = symlinks.get(base, None)\n if is_link is not None:\n matched = not is_link\n elif i != last or os.path.isdir(base):\n is_link = os.path.islink(base)\n symlinks[base] = is_link\n matched = not is_link\n if not matched:\n break\n if matched:\n break\n return matched\n",
"role": "user"
},
{
"content": "fs_match",
"role": "assistant"
}
] |
def x(filename, include, exclude, follow, symlinks):
sep = '\\' if util.platform() == 'windows' else '/'
if isinstance(filename, bytes):
sep = os.fsencode(sep)
if not filename.endswith(sep) and os.path.isdir(filename):
filename += sep
matched = False
for pattern in include:
if _fs_match(pattern, filename, sep, follow, symlinks):
matched = True
break
if matched:
matched = True
if exclude:
for pattern in exclude:
if _fs_match(pattern, filename, sep, follow, symlinks):
matched = False
break
return matched
|
match_real
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(filename, include, exclude, follow, symlinks):\n sep = '\\\\' if util.platform() == 'windows' else '/'\n if isinstance(filename, bytes):\n sep = os.fsencode(sep)\n if not filename.endswith(sep) and os.path.isdir(filename):\n filename += sep\n matched = False\n for pattern in include:\n if _fs_match(pattern, filename, sep, follow, symlinks):\n matched = True\n break\n if matched:\n matched = True\n if exclude:\n for pattern in exclude:\n if _fs_match(pattern, filename, sep, follow, symlinks):\n matched = False\n break\n return matched\n",
"role": "user"
},
{
"content": "match_real",
"role": "assistant"
}
] |
def x(filename, include, exclude, real, path, follow):
if real:
symlinks = {}
if isinstance(filename, bytes):
curdir = os.fsencode(os.curdir)
mount = RE_BWIN_MOUNT if util.platform(
) == 'windows' else RE_BMOUNT
else:
curdir = os.curdir
mount = RE_WIN_MOUNT if util.platform() == 'windows' else RE_MOUNT
if not mount.match(filename):
exists = os.path.lexists(os.path.join(curdir, filename))
else:
exists = os.path.lexists(filename)
if not exists:
return False
if path:
return _match_real(filename, include, exclude, follow, symlinks)
matched = False
for pattern in include:
if pattern.fullmatch(filename):
matched = True
break
if not include and exclude:
matched = True
if matched:
matched = True
if exclude:
for pattern in exclude:
if not pattern.fullmatch(filename):
matched = False
break
return matched
|
match_pattern
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(filename, include, exclude, real, path, follow):\n if real:\n symlinks = {}\n if isinstance(filename, bytes):\n curdir = os.fsencode(os.curdir)\n mount = RE_BWIN_MOUNT if util.platform(\n ) == 'windows' else RE_BMOUNT\n else:\n curdir = os.curdir\n mount = RE_WIN_MOUNT if util.platform() == 'windows' else RE_MOUNT\n if not mount.match(filename):\n exists = os.path.lexists(os.path.join(curdir, filename))\n else:\n exists = os.path.lexists(filename)\n if not exists:\n return False\n if path:\n return _match_real(filename, include, exclude, follow, symlinks)\n matched = False\n for pattern in include:\n if pattern.fullmatch(filename):\n matched = True\n break\n if not include and exclude:\n matched = True\n if matched:\n matched = True\n if exclude:\n for pattern in exclude:\n if not pattern.fullmatch(filename):\n matched = False\n break\n return matched\n",
"role": "user"
},
{
"content": "match_pattern",
"role": "assistant"
}
] |
def x(self, i):
c = next(i)
if c == '!':
c = next(i)
if c in ('^', '-', '['):
c = next(i)
while c != ']':
if c == '\\':
subindex = i.index
try:
self._references(i, True)
except PathNameException:
raise StopIteration
except StopIteration:
i.rewind(i.index - subindex)
elif c == '/':
raise StopIteration
c = next(i)
|
sequence
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i):\n c = next(i)\n if c == '!':\n c = next(i)\n if c in ('^', '-', '['):\n c = next(i)\n while c != ']':\n if c == '\\\\':\n subindex = i.index\n try:\n self._references(i, True)\n except PathNameException:\n raise StopIteration\n except StopIteration:\n i.rewind(i.index - subindex)\n elif c == '/':\n raise StopIteration\n c = next(i)\n",
"role": "user"
},
{
"content": "sequence",
"role": "assistant"
}
] |
def x(self, i, sequence=False):
value = ''
c = next(i)
if c == '\\':
if sequence and self.bslash_abort:
raise PathNameException
value = c
elif c == '/':
if sequence:
raise PathNameException
i.rewind(1)
else:
pass
return value
|
references
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i, sequence=False):\n value = ''\n c = next(i)\n if c == '\\\\':\n if sequence and self.bslash_abort:\n raise PathNameException\n value = c\n elif c == '/':\n if sequence:\n raise PathNameException\n i.rewind(1)\n else:\n pass\n return value\n",
"role": "user"
},
{
"content": "references",
"role": "assistant"
}
] |
def x(self, c, i):
success = True
index = i.index
list_type = c
try:
c = next(i)
if c != '(':
raise StopIteration
while c != ')':
c = next(i)
if self.extend and c in EXT_TYPES and self.parse_extend(c, i):
continue
if c == '\\':
try:
self._references(i)
except StopIteration:
pass
elif c == '[':
index = i.index
try:
self._sequence(i)
except StopIteration:
i.rewind(i.index - index)
except StopIteration:
success = False
c = list_type
i.rewind(i.index - index)
return success
|
parse_extend
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, c, i):\n success = True\n index = i.index\n list_type = c\n try:\n c = next(i)\n if c != '(':\n raise StopIteration\n while c != ')':\n c = next(i)\n if self.extend and c in EXT_TYPES and self.parse_extend(c, i):\n continue\n if c == '\\\\':\n try:\n self._references(i)\n except StopIteration:\n pass\n elif c == '[':\n index = i.index\n try:\n self._sequence(i)\n except StopIteration:\n i.rewind(i.index - index)\n except StopIteration:\n success = False\n c = list_type\n i.rewind(i.index - index)\n return success\n",
"role": "user"
},
{
"content": "parse_extend",
"role": "assistant"
}
] |
def x(self, value, l, dir_only):
if l and value in (b'', ''):
return
globstar = value in (b'**', '**') and self.globstar
magic = self.is_magic(value)
if magic:
value = compile(value, self.flags)
l.append(WcGlob(value, magic, globstar, dir_only, False))
|
store
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, value, l, dir_only):\n if l and value in (b'', ''):\n return\n globstar = value in (b'**', '**') and self.globstar\n magic = self.is_magic(value)\n if magic:\n value = compile(value, self.flags)\n l.append(WcGlob(value, magic, globstar, dir_only, False))\n",
"role": "user"
},
{
"content": "store",
"role": "assistant"
}
] |
def x(self):
split_index = []
parts = []
start = -1
pattern = self.pattern.decode('latin-1') if self.is_bytes else self.pattern
i = util.StringIter(pattern)
iter(i)
if self.win_drive_detect:
m = RE_WIN_PATH.match(pattern)
if m:
drive = m.group(0).replace('\\\\', '\\')
if self.is_bytes:
drive = drive.encode('latin-1')
parts.append(WcGlob(drive, False, False, True, True))
start = m.end(0) - 1
i.advance(start + 1)
elif pattern.startswith('\\\\'):
parts.append(WcGlob(b'\\' if self.is_bytes else '\\', False,
False, True, True))
start = 1
i.advance(2)
elif not self.win_drive_detect and pattern.startswith('/'):
parts.append(WcGlob(b'/' if self.is_bytes else '/', False, False,
True, True))
start = 0
i.advance(1)
for c in i:
if self.extend and c in EXT_TYPES and self.parse_extend(c, i):
continue
if c == '\\':
index = i.index
value = ''
try:
value = self._references(i)
if self.bslash_abort and value == '\\':
split_index.append((i.index - 2, 1))
except StopIteration:
i.rewind(i.index - index)
if self.bslash_abort:
split_index.append((i.index - 1, 0))
elif c == '/':
split_index.append((i.index - 1, 0))
elif c == '[':
index = i.index
try:
self._sequence(i)
except StopIteration:
i.rewind(i.index - index)
for split, offset in split_index:
if self.is_bytes:
value = pattern[start + 1:split].encode('latin-1')
else:
value = pattern[start + 1:split]
self.store(value, parts, True)
start = split + offset
if start < len(pattern):
if self.is_bytes:
value = pattern[start + 1:].encode('latin-1')
else:
value = pattern[start + 1:]
if value:
self.store(value, parts, False)
if len(pattern) == 0:
parts.append(WcGlob(pattern.encode('latin-1') if self.is_bytes else
pattern, False, False, False, False))
return parts
|
split
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n split_index = []\n parts = []\n start = -1\n pattern = self.pattern.decode('latin-1') if self.is_bytes else self.pattern\n i = util.StringIter(pattern)\n iter(i)\n if self.win_drive_detect:\n m = RE_WIN_PATH.match(pattern)\n if m:\n drive = m.group(0).replace('\\\\\\\\', '\\\\')\n if self.is_bytes:\n drive = drive.encode('latin-1')\n parts.append(WcGlob(drive, False, False, True, True))\n start = m.end(0) - 1\n i.advance(start + 1)\n elif pattern.startswith('\\\\\\\\'):\n parts.append(WcGlob(b'\\\\' if self.is_bytes else '\\\\', False, \n False, True, True))\n start = 1\n i.advance(2)\n elif not self.win_drive_detect and pattern.startswith('/'):\n parts.append(WcGlob(b'/' if self.is_bytes else '/', False, False, \n True, True))\n start = 0\n i.advance(1)\n for c in i:\n if self.extend and c in EXT_TYPES and self.parse_extend(c, i):\n continue\n if c == '\\\\':\n index = i.index\n value = ''\n try:\n value = self._references(i)\n if self.bslash_abort and value == '\\\\':\n split_index.append((i.index - 2, 1))\n except StopIteration:\n i.rewind(i.index - index)\n if self.bslash_abort:\n split_index.append((i.index - 1, 0))\n elif c == '/':\n split_index.append((i.index - 1, 0))\n elif c == '[':\n index = i.index\n try:\n self._sequence(i)\n except StopIteration:\n i.rewind(i.index - index)\n for split, offset in split_index:\n if self.is_bytes:\n value = pattern[start + 1:split].encode('latin-1')\n else:\n value = pattern[start + 1:split]\n self.store(value, parts, True)\n start = split + offset\n if start < len(pattern):\n if self.is_bytes:\n value = pattern[start + 1:].encode('latin-1')\n else:\n value = pattern[start + 1:]\n if value:\n self.store(value, parts, False)\n if len(pattern) == 0:\n parts.append(WcGlob(pattern.encode('latin-1') if self.is_bytes else\n pattern, False, False, False, False))\n return parts\n",
"role": "user"
},
{
"content": "split",
"role": "assistant"
}
] |
def x(self, i, sequence=False):
c = next(i)
if c == '\\':
if sequence and self.bslash_abort:
raise PathNameException
elif c == '/':
if sequence and self.pathname:
raise PathNameException
elif self.pathname:
i.rewind(1)
else:
pass
|
references
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i, sequence=False):\n c = next(i)\n if c == '\\\\':\n if sequence and self.bslash_abort:\n raise PathNameException\n elif c == '/':\n if sequence and self.pathname:\n raise PathNameException\n elif self.pathname:\n i.rewind(1)\n else:\n pass\n",
"role": "user"
},
{
"content": "references",
"role": "assistant"
}
] |
def x(self):
split_index = []
parts = []
pattern = self.pattern.decode('latin-1') if self.is_bytes else self.pattern
i = util.StringIter(pattern)
iter(i)
for c in i:
if self.extend and c in EXT_TYPES and self.parse_extend(c, i):
continue
if c == '|':
split_index.append(i.index - 1)
elif c == '\\':
index = i.index
try:
self._references(i)
except StopIteration:
i.rewind(i.index - index)
elif c == '[':
index = i.index
try:
self._sequence(i)
except StopIteration:
i.rewind(i.index - index)
start = -1
for split in split_index:
p = pattern[start + 1:split]
parts.append(p.encode('latin-1') if self.is_bytes else p)
start = split
if start < len(pattern):
p = pattern[start + 1:]
parts.append(p.encode('latin-1') if self.is_bytes else p)
return tuple(parts)
|
split
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n split_index = []\n parts = []\n pattern = self.pattern.decode('latin-1') if self.is_bytes else self.pattern\n i = util.StringIter(pattern)\n iter(i)\n for c in i:\n if self.extend and c in EXT_TYPES and self.parse_extend(c, i):\n continue\n if c == '|':\n split_index.append(i.index - 1)\n elif c == '\\\\':\n index = i.index\n try:\n self._references(i)\n except StopIteration:\n i.rewind(i.index - index)\n elif c == '[':\n index = i.index\n try:\n self._sequence(i)\n except StopIteration:\n i.rewind(i.index - index)\n start = -1\n for split in split_index:\n p = pattern[start + 1:split]\n parts.append(p.encode('latin-1') if self.is_bytes else p)\n start = split\n if start < len(pattern):\n p = pattern[start + 1:]\n parts.append(p.encode('latin-1') if self.is_bytes else p)\n return tuple(parts)\n",
"role": "user"
},
{
"content": "split",
"role": "assistant"
}
] |
def x(self):
if self.dir_start and not self.after_start:
self.set_after_start()
elif not self.dir_start and self.after_start:
self.reset_dir_track()
|
update_dir_state
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n if self.dir_start and not self.after_start:\n self.set_after_start()\n elif not self.dir_start and self.after_start:\n self.reset_dir_track()\n",
"role": "user"
},
{
"content": "update_dir_state",
"role": "assistant"
}
] |
def x(self):
if self.pathname:
value = (self.seq_path_dot if self.after_start and not self.dot else
self.seq_path)
if self.after_start:
value = self.no_dir + value
else:
value = _NO_DOT if self.after_start and not self.dot else ''
self.reset_dir_track()
return value
|
restrict_sequence
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self):\n if self.pathname:\n value = (self.seq_path_dot if self.after_start and not self.dot else\n self.seq_path)\n if self.after_start:\n value = self.no_dir + value\n else:\n value = _NO_DOT if self.after_start and not self.dot else ''\n self.reset_dir_track()\n return value\n",
"role": "user"
},
{
"content": "restrict_sequence",
"role": "assistant"
}
] |
def x(self, result, last):
removed = False
first = result[-2]
v1 = ord(first[1:2] if len(first) > 1 else first)
v2 = ord(last[1:2] if len(last) > 1 else last)
if v2 < v1:
result.pop()
result.pop()
removed = True
else:
result.append(last)
return removed
|
sequence_range_check
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, result, last):\n removed = False\n first = result[-2]\n v1 = ord(first[1:2] if len(first) > 1 else first)\n v2 = ord(last[1:2] if len(last) > 1 else last)\n if v2 < v1:\n result.pop()\n result.pop()\n removed = True\n else:\n result.append(last)\n return removed\n",
"role": "user"
},
{
"content": "sequence_range_check",
"role": "assistant"
}
] |
def x(self, i, result, end_range):
last_posix = False
m = i.match(RE_POSIX)
if m:
last_posix = True
if end_range and i.index - 1 >= end_range:
result[-1] = '\\' + result[-1]
posix_type = uniprops.POSIX_BYTES if self.is_bytes else uniprops.POSIX
result.append(uniprops.get_posix_property(m.group(1), posix_type))
return last_posix
|
handle_posix
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i, result, end_range):\n last_posix = False\n m = i.match(RE_POSIX)\n if m:\n last_posix = True\n if end_range and i.index - 1 >= end_range:\n result[-1] = '\\\\' + result[-1]\n posix_type = uniprops.POSIX_BYTES if self.is_bytes else uniprops.POSIX\n result.append(uniprops.get_posix_property(m.group(1), posix_type))\n return last_posix\n",
"role": "user"
},
{
"content": "handle_posix",
"role": "assistant"
}
] |
def x(self, i):
result = ['[']
end_range = 0
escape_hyphen = -1
removed = False
last_posix = False
c = next(i)
if c in ('!', '^'):
result.append('^')
c = next(i)
if c == '[':
last_posix = self._handle_posix(i, result, 0)
if not last_posix:
result.append(re.escape(c))
c = next(i)
elif c in ('-', ']'):
result.append(re.escape(c))
c = next(i)
while c != ']':
if c == '-':
if last_posix:
result.append('\\' + c)
last_posix = False
elif i.index - 1 > escape_hyphen:
result.append(c)
escape_hyphen = i.index + 1
end_range = i.index
elif end_range and i.index - 1 >= end_range:
if self._sequence_range_check(result, '\\' + c):
removed = True
end_range = 0
else:
result.append('\\' + c)
c = next(i)
continue
last_posix = False
if c == '[':
last_posix = self._handle_posix(i, result, end_range)
if last_posix:
c = next(i)
continue
if c == '\\':
subindex = i.index
try:
value = self._references(i, True)
except PathNameException:
raise StopIteration
except StopIteration:
i.rewind(i.index - subindex)
value = '\\\\'
elif c == '/':
if self.pathname:
raise StopIteration
value = c
elif c in SET_OPERATORS:
value = '\\' + c
else:
value = c
if end_range and i.index - 1 >= end_range:
if self._sequence_range_check(result, value):
removed = True
end_range = 0
else:
result.append(value)
c = next(i)
result.append(']')
if removed:
value = ''.join(result)
if value == '[]':
result = ['[^%s]' % ('\x00-ÿ' if self.is_bytes else uniprops.
UNICODE_RANGE)]
elif value == '[^]':
result = ['[%s]' % ('\x00-ÿ' if self.is_bytes else uniprops.
UNICODE_RANGE)]
else:
result = [value]
if self.pathname or self.after_start:
return self._restrict_sequence() + ''.join(result)
return ''.join(result)
|
sequence
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i):\n result = ['[']\n end_range = 0\n escape_hyphen = -1\n removed = False\n last_posix = False\n c = next(i)\n if c in ('!', '^'):\n result.append('^')\n c = next(i)\n if c == '[':\n last_posix = self._handle_posix(i, result, 0)\n if not last_posix:\n result.append(re.escape(c))\n c = next(i)\n elif c in ('-', ']'):\n result.append(re.escape(c))\n c = next(i)\n while c != ']':\n if c == '-':\n if last_posix:\n result.append('\\\\' + c)\n last_posix = False\n elif i.index - 1 > escape_hyphen:\n result.append(c)\n escape_hyphen = i.index + 1\n end_range = i.index\n elif end_range and i.index - 1 >= end_range:\n if self._sequence_range_check(result, '\\\\' + c):\n removed = True\n end_range = 0\n else:\n result.append('\\\\' + c)\n c = next(i)\n continue\n last_posix = False\n if c == '[':\n last_posix = self._handle_posix(i, result, end_range)\n if last_posix:\n c = next(i)\n continue\n if c == '\\\\':\n subindex = i.index\n try:\n value = self._references(i, True)\n except PathNameException:\n raise StopIteration\n except StopIteration:\n i.rewind(i.index - subindex)\n value = '\\\\\\\\'\n elif c == '/':\n if self.pathname:\n raise StopIteration\n value = c\n elif c in SET_OPERATORS:\n value = '\\\\' + c\n else:\n value = c\n if end_range and i.index - 1 >= end_range:\n if self._sequence_range_check(result, value):\n removed = True\n end_range = 0\n else:\n result.append(value)\n c = next(i)\n result.append(']')\n if removed:\n value = ''.join(result)\n if value == '[]':\n result = ['[^%s]' % ('\\x00-ÿ' if self.is_bytes else uniprops.\n UNICODE_RANGE)]\n elif value == '[^]':\n result = ['[%s]' % ('\\x00-ÿ' if self.is_bytes else uniprops.\n UNICODE_RANGE)]\n else:\n result = [value]\n if self.pathname or self.after_start:\n return self._restrict_sequence() + ''.join(result)\n return ''.join(result)\n",
"role": "user"
},
{
"content": "sequence",
"role": "assistant"
}
] |
def x(self, i, sequence=False):
value = ''
c = next(i)
if c == '\\':
if sequence and self.bslash_abort:
raise PathNameException
value = '\\\\'
if self.bslash_abort:
if not self.in_list:
value = self.get_path_sep() + _ONE_OR_MORE
self.set_start_dir()
else:
value = self._restrict_extended_slash() + value
elif c == '/':
if sequence and self.pathname:
raise PathNameException
if self.pathname:
value = '\\\\'
if self.in_list:
value = self._restrict_extended_slash() + value
i.rewind(1)
else:
value = re.escape(c)
else:
value = re.escape(c)
if c == '.' and self.after_start and self.in_list:
self.allow_special_dir = True
self.reset_dir_track()
return value
|
references
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i, sequence=False):\n value = ''\n c = next(i)\n if c == '\\\\':\n if sequence and self.bslash_abort:\n raise PathNameException\n value = '\\\\\\\\'\n if self.bslash_abort:\n if not self.in_list:\n value = self.get_path_sep() + _ONE_OR_MORE\n self.set_start_dir()\n else:\n value = self._restrict_extended_slash() + value\n elif c == '/':\n if sequence and self.pathname:\n raise PathNameException\n if self.pathname:\n value = '\\\\\\\\'\n if self.in_list:\n value = self._restrict_extended_slash() + value\n i.rewind(1)\n else:\n value = re.escape(c)\n else:\n value = re.escape(c)\n if c == '.' and self.after_start and self.in_list:\n self.allow_special_dir = True\n self.reset_dir_track()\n return value\n",
"role": "user"
},
{
"content": "references",
"role": "assistant"
}
] |
def x(self, i, current):
if self.pathname:
if self.after_start and not self.dot:
star = self.path_star_dot2
globstar = self.path_gstar_dot2
elif self.after_start:
star = self.path_star_dot1
globstar = self.path_gstar_dot1
else:
star = self.path_star
globstar = self.path_gstar_dot1
if self.globstar_capture:
globstar = '({})'.format(globstar)
else:
if self.after_start and not self.dot:
star = _NO_DOT + _STAR
else:
star = _STAR
globstar = ''
value = star
if self.after_start and self.globstar and not self.in_list:
skip = False
try:
c = next(i)
if c != '*':
i.rewind(1)
raise StopIteration
except StopIteration:
skip = True
if not skip:
try:
index = i.index
c = next(i)
if c == '\\':
try:
self._references(i, True)
except PathNameException:
value = globstar
except StopIteration:
if self.sep == '\\':
value = globstar
elif c == '/' and not self.bslash_abort:
value = globstar
if value != globstar:
i.rewind(i.index - index)
except StopIteration:
value = globstar
if self.after_start and value != globstar:
value = _NEED_CHAR + value
try:
c = next(i)
while c == '*':
c = next(i)
i.rewind(1)
except StopIteration:
pass
self.reset_dir_track()
if value == globstar:
sep = _GLOBSTAR_DIV % self.get_path_sep()
if current[-1] != sep:
if current[-1] == '':
current[-1] = value
else:
current[-1] = _NEED_SEP % self.get_path_sep()
current.append(value)
self.consume_path_sep(i)
current.append(sep)
self.set_start_dir()
else:
current.append(value)
|
handle_star
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, i, current):\n if self.pathname:\n if self.after_start and not self.dot:\n star = self.path_star_dot2\n globstar = self.path_gstar_dot2\n elif self.after_start:\n star = self.path_star_dot1\n globstar = self.path_gstar_dot1\n else:\n star = self.path_star\n globstar = self.path_gstar_dot1\n if self.globstar_capture:\n globstar = '({})'.format(globstar)\n else:\n if self.after_start and not self.dot:\n star = _NO_DOT + _STAR\n else:\n star = _STAR\n globstar = ''\n value = star\n if self.after_start and self.globstar and not self.in_list:\n skip = False\n try:\n c = next(i)\n if c != '*':\n i.rewind(1)\n raise StopIteration\n except StopIteration:\n skip = True\n if not skip:\n try:\n index = i.index\n c = next(i)\n if c == '\\\\':\n try:\n self._references(i, True)\n except PathNameException:\n value = globstar\n except StopIteration:\n if self.sep == '\\\\':\n value = globstar\n elif c == '/' and not self.bslash_abort:\n value = globstar\n if value != globstar:\n i.rewind(i.index - index)\n except StopIteration:\n value = globstar\n if self.after_start and value != globstar:\n value = _NEED_CHAR + value\n try:\n c = next(i)\n while c == '*':\n c = next(i)\n i.rewind(1)\n except StopIteration:\n pass\n self.reset_dir_track()\n if value == globstar:\n sep = _GLOBSTAR_DIV % self.get_path_sep()\n if current[-1] != sep:\n if current[-1] == '':\n current[-1] = value\n else:\n current[-1] = _NEED_SEP % self.get_path_sep()\n current.append(value)\n self.consume_path_sep(i)\n current.append(sep)\n self.set_start_dir()\n else:\n current.append(value)\n",
"role": "user"
},
{
"content": "handle_star",
"role": "assistant"
}
] |
def x(self, current):
if not self.inv_ext:
return
index = len(current) - 1
while index >= 0:
if isinstance(current[index], InvPlaceholder):
content = current[index + 1:]
content.append(_EOP if not self.pathname else self.path_eop)
current[index] = ''.join(content) + _EXCLA_GROUP_CLOSE % str(
current[index])
index -= 1
self.inv_ext = 0
|
clean_up_inverse
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, current):\n if not self.inv_ext:\n return\n index = len(current) - 1\n while index >= 0:\n if isinstance(current[index], InvPlaceholder):\n content = current[index + 1:]\n content.append(_EOP if not self.pathname else self.path_eop)\n current[index] = ''.join(content) + _EXCLA_GROUP_CLOSE % str(\n current[index])\n index -= 1\n self.inv_ext = 0\n",
"role": "user"
},
{
"content": "clean_up_inverse",
"role": "assistant"
}
] |
def x(self, c, i, current, reset_dot=False):
temp_dir_start = self.dir_start
temp_after_start = self.after_start
temp_in_list = self.in_list
temp_inv_ext = self.inv_ext
self.in_list = True
if reset_dot:
self.allow_special_dir = False
success = True
index = i.index
list_type = c
extended = []
try:
c = next(i)
if c != '(':
raise StopIteration
while c != ')':
c = next(i)
if self.extend and c in EXT_TYPES and self.parse_extend(c, i,
extended):
pass
elif c == '*':
self._handle_star(i, extended)
elif c == '.' and self.after_start:
extended.append(re.escape(c))
self.allow_special_dir = True
self.reset_dir_track()
elif c == '?':
extended.append(self._restrict_sequence() + _QMARK)
elif c == '/':
if self.pathname:
extended.append(self._restrict_extended_slash())
extended.append(re.escape(c))
elif c == '|':
self.clean_up_inverse(extended)
extended.append(c)
if temp_after_start:
self.set_start_dir()
elif c == '\\':
try:
extended.append(self._references(i))
except StopIteration:
pass
elif c == '[':
subindex = i.index
try:
extended.append(self._sequence(i))
except StopIteration:
i.rewind(i.index - subindex)
extended.append('\\[')
elif c != ')':
extended.append(re.escape(c))
self.update_dir_state()
self.clean_up_inverse(extended)
if list_type == '?':
current.append(_QMARK_GROUP % ''.join(extended))
elif list_type == '*':
current.append(_STAR_GROUP % ''.join(extended))
elif list_type == '+':
current.append(_PLUS_GROUP % ''.join(extended))
elif list_type == '@':
current.append(_GROUP % ''.join(extended))
elif list_type == '!':
self.inv_ext += 1
current.append(_EXCLA_GROUP % ''.join(extended))
if self.pathname:
if not temp_after_start or self.allow_special_dir:
star = self.path_star
elif temp_after_start and not self.dot:
star = self.path_star_dot2
else:
star = self.path_star_dot1
elif not temp_after_start or self.dot:
star = _STAR
else:
star = _NO_DOT + _STAR
if temp_after_start:
star = _NEED_CHAR + star
current.append(InvPlaceholder(star))
except StopIteration:
success = False
self.inv_ext = temp_inv_ext
i.rewind(i.index - index)
if not temp_in_list:
self.in_list = False
if success:
self.reset_dir_track()
else:
self.dir_start = temp_dir_start
self.after_start = temp_after_start
return success
|
parse_extend
|
[
{
"content": "Given the source code of a python function, suggest a fitting name for the function.",
"role": "system"
},
{
"content": "def x(self, c, i, current, reset_dot=False):\n temp_dir_start = self.dir_start\n temp_after_start = self.after_start\n temp_in_list = self.in_list\n temp_inv_ext = self.inv_ext\n self.in_list = True\n if reset_dot:\n self.allow_special_dir = False\n success = True\n index = i.index\n list_type = c\n extended = []\n try:\n c = next(i)\n if c != '(':\n raise StopIteration\n while c != ')':\n c = next(i)\n if self.extend and c in EXT_TYPES and self.parse_extend(c, i,\n extended):\n pass\n elif c == '*':\n self._handle_star(i, extended)\n elif c == '.' and self.after_start:\n extended.append(re.escape(c))\n self.allow_special_dir = True\n self.reset_dir_track()\n elif c == '?':\n extended.append(self._restrict_sequence() + _QMARK)\n elif c == '/':\n if self.pathname:\n extended.append(self._restrict_extended_slash())\n extended.append(re.escape(c))\n elif c == '|':\n self.clean_up_inverse(extended)\n extended.append(c)\n if temp_after_start:\n self.set_start_dir()\n elif c == '\\\\':\n try:\n extended.append(self._references(i))\n except StopIteration:\n pass\n elif c == '[':\n subindex = i.index\n try:\n extended.append(self._sequence(i))\n except StopIteration:\n i.rewind(i.index - subindex)\n extended.append('\\\\[')\n elif c != ')':\n extended.append(re.escape(c))\n self.update_dir_state()\n self.clean_up_inverse(extended)\n if list_type == '?':\n current.append(_QMARK_GROUP % ''.join(extended))\n elif list_type == '*':\n current.append(_STAR_GROUP % ''.join(extended))\n elif list_type == '+':\n current.append(_PLUS_GROUP % ''.join(extended))\n elif list_type == '@':\n current.append(_GROUP % ''.join(extended))\n elif list_type == '!':\n self.inv_ext += 1\n current.append(_EXCLA_GROUP % ''.join(extended))\n if self.pathname:\n if not temp_after_start or self.allow_special_dir:\n star = self.path_star\n elif temp_after_start and not self.dot:\n star = self.path_star_dot2\n else:\n star = self.path_star_dot1\n elif not temp_after_start or self.dot:\n star = _STAR\n else:\n star = _NO_DOT + _STAR\n if temp_after_start:\n star = _NEED_CHAR + star\n current.append(InvPlaceholder(star))\n except StopIteration:\n success = False\n self.inv_ext = temp_inv_ext\n i.rewind(i.index - index)\n if not temp_in_list:\n self.in_list = False\n if success:\n self.reset_dir_track()\n else:\n self.dir_start = temp_dir_start\n self.after_start = temp_after_start\n return success\n",
"role": "user"
},
{
"content": "parse_extend",
"role": "assistant"
}
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.