text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"vocal-translate.py", line 6, in <module>
print(sr.Microphone.list_working_microphones())
AttributeError: type object 'Microphone' has no attribute 'list_working_microphones'
| Traceback (most recent call last):
"test_linalg.py", line 27, in tearDown
linalg.shutdown()
AttributeError: module 'skcuda.linalg' has no attribute 'shutdown'
| 0.513903 |
Traceback (most recent call last):
"/Users/pascal/Library/Python/2.7/bin/cldoc", line 11, in <module>
sys.exit(run())
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/__init__.py", line 57, in run
run_generate(rest)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/__init__.py", line 27, in run_generate
cmdgenerate.run(args)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/cmdgenerate.py", line 125, in run
t.process()
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/tree.py", line 212, in process
self.visit(tu.cursor.get_children())
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/tree.py", line 517, in visit
self.visit(item.get_children(), node)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/tree.py", line 502, in visit
node = cls(item, None)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/nodes/field.py", line 23, in __init__
self.type = Type(cursor.type, cursor=cursor)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/nodes/ctype.py", line 58, in __init__
self._kind = tp.kind
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/clang/cindex.py", line 1627, in kind
return TypeKind.from_id(self._kind_id)
"/Users/pascal/Library/Python/2.7/lib/python/site-packages/cldoc/clang/cindex.py", line 1519, in from_id
raise ValueError,'Unknown type kind %d' % id
ValueError: Unknown type kind 119
| Traceback (most recent call last):
"train.py", line 635, in <module>
device=device, )
"train.py", line 425, in train
evaluator = evaluate(eval_model, val_loader, config, device)
"/root/anaconda2/envs/pytorch_1_5/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 15, in decorate_context
return func(*args, **kwargs)
"train.py", line 493, in evaluate
for img, target, (boxes, confs) in zip(images, targets, outputs):
ValueError: too many values to unpack (expected 2)
| 0.560687 |
Traceback (most recent call last):
"/home/a/anaconda2/envs/magenta/bin/melody_rnn_generate", line 7, in <module>
from magenta.models.melody_rnn.melody_rnn_generate import console_entry_point
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/magenta/__init__.py", line 34, in <module>
import magenta.music.audio_io
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/magenta/music/audio_io.py", line 20, in <module>
import librosa
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/__init__.py", line 12, in <module>
from . import core
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/core/__init__.py", line 104, in <module>
from .time_frequency import *
# pylint: disable=wildcard-import
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/core/time_frequency.py", line 10, in <module>
from ..util.exceptions import ParameterError
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/util/__init__.py", line 67, in <module>
from .utils import *
# pylint: disable=wildcard-import
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/util/utils.py", line 111, in <module>
def valid_audio(y, mono=True):
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/librosa/cache.py", line 49, in wrapper
if self.cachedir is not None and self.level >= level:
"/home/a/anaconda2/envs/magenta/lib/python2.7/site-packages/joblib/memory.py", line 847, in cachedir
DeprecationWarning, stacklevel=2)
TypeError: expected string or buffer
| Traceback (most recent call last):
"/home/dodzilla/my_project/components_with_adapter/column_type_specifier.py", line 68, in processCols
date_check_list = int(ColumnTypeSpecifier.is_date(cols[:limit]))
"/home/dodzilla/my_project/components_with_adapter/column_type_specifier.py", line 28, in is_date
parse(str(v))
"/home/dodzilla/.local/lib/python3.6/site-packages/dateutil/parser/_parser.py", line 1374, in parse
return DEFAULTPARSER.parse(timestr, **kwargs)
"/home/dodzilla/.local/lib/python3.6/site-packages/dateutil/parser/_parser.py", line 657, in parse
six.raise_from(ParserError(e.args[0] + ": %s", timestr), e)
TypeError: unsupported operand type(s) for +: 'int' and 'str'
| 0.564109 |
Traceback (most recent call last):
"/usr/local/bin/fairseq-train", line 11, in <module>
load_entry_point('fairseq', 'console_scripts', 'fairseq-train')()
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq_cli/train.py", line 307, in cli_main
main(args)
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq_cli/train.py", line 105, in main
valid_losses = validate(args, trainer, task, epoch_itr, valid_subsets)
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq_cli/train.py", line 242, in validate
trainer.valid_step(sample)
"/usr/lib/python3.6/contextlib.py", line 52, in inner
return func(*args, **kwds)
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq/trainer.py", line 437, in valid_step
sample, self.model, self.criterion
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq/tasks/translation.py", line 269, in valid_step
bleu = self._inference_with_bleu(self.sequence_generator, sample, model)
"/content/drive/My Drive/Colab Notebooks/BERT/BERTによる翻訳/fairseq/fairseq/tasks/translation.py", line 356, in _inference_with_bleu
tokenize = sacrebleu.DEFAULT_TOKENIZER if not self.args.eval_tokenized_bleu else 'none'
AttributeError: module 'sacrebleu' has no attribute 'DEFAULT_TOKENIZER'
| Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/builddir/build/BUILD/dask-2.18.0/dask/tests/test_threaded.py", line 135, in test_f
L.append(get(dsk, "y"))
"/builddir/build/BUILD/dask-2.18.0/dask/threaded.py", line 72, in get
pool = ThreadPool(num_workers)
"/usr/lib/python3.8/multiprocessing/pool.py", line 925, in __init__
Pool.__init__(self, processes, initializer, initargs)
"/usr/lib/python3.8/multiprocessing/pool.py", line 216, in __init__
p.terminate()
AttributeError: 'DummyProcess' object has no attribute 'terminate'
| 0.628402 |
> Traceback (most recent call last):
"/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/example/onnx_to_tf.py", line 6, in <module>
tf_rep = prepare(onnx_model)
# prepare tf representation
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/backend.py", line 65, in prepare
return cls.onnx_model_to_tensorflow_rep(model, strict)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/backend.py", line 85, in onnx_model_to_tensorflow_rep
return cls._onnx_graph_to_tensorflow_rep(model.graph, opset_import, strict)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/backend.py", line 143, in _onnx_graph_to_tensorflow_rep
onnx_node, tensor_dict, handlers, opset=opset, strict=strict)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/backend.py", line 239, in _onnx_node_to_tensorflow_op
return handler.handle(node, tensor_dict=tensor_dict, strict=strict)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/handlers/handler.py", line 61, in handle
return ver_handle(node, **kwargs)
"/data1/fujiayi/Project/GitHub/onnx-tensorflow/onnx_tf/handlers/backend/slice.py", line 59, in version_10
input_tensor_shape = tf.constant(input_tensor.shape.dims, ends.dtype)
"/data1/fujiayi/.local/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 180, in constant_v1
allow_broadcast=False)
"/data1/fujiayi/.local/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 284, in _constant_impl
allow_broadcast=allow_broadcast))
"/data1/fujiayi/.local/lib/python3.6/site-packages/tensorflow/python/framework/tensor_util.py", line 467, in make_tensor_proto
nparray = np.array(values, dtype=np_dt)
TypeError: __int__ returned non-int (type NoneType)
| Traceback (most recent call last):
"/home/travis/miniconda3/envs/testenv/lib/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/travis/build/pymc-devs/pymc3/pymc3/tests/test_starting.py", line 74, in test_find_MAP
map_est1 = starting.find_MAP()
"/home/travis/build/pymc-devs/pymc3/pymc3/tuning/starting.py", line 94, in find_MAP
start), fprime=grad_logp_o, *args, **kwargs)
"/home/travis/miniconda3/envs/testenv/lib/python3.6/site-packages/scipy/optimize/optimize.py", line 859, in fmin_bfgs
res = _minimize_bfgs(f, x0, args, fprime, callback=callback, **opts)
"/home/travis/miniconda3/envs/testenv/lib/python3.6/site-packages/scipy/optimize/optimize.py", line 920, in _minimize_bfgs
old_fval = f(x0)
"/home/travis/miniconda3/envs/testenv/lib/python3.6/site-packages/scipy/optimize/optimize.py", line 292, in function_wrapper
return function(*(wrapper_args + args))
"/home/travis/build/pymc-devs/pymc3/pymc3/tuning/starting.py", line 85, in logp_o
return nan_to_high(-logp(point))
"/home/travis/build/pymc-devs/pymc3/pymc3/blocking.py", line 131, in __call__
return self.fa(self.fb(x))
"/home/travis/build/pymc-devs/pymc3/pymc3/model.py", line 756, in __call__
return self.f(**state)
"/home/travis/miniconda3/envs/testenv/lib/python3.6/site-packages/theano/compile/function_module.py", line 779, in __call__
raise TypeError("Too many parameter passed to theano function")
TypeError: Too many parameter passed to theano function
| 0.538344 |
Traceback (most recent call last):
"vmonkey.py", line 1108, in _process_file
vm.add_compiled_module(m)
"/home/nametag/Downloads/ViperMonkey-master/vipermonkey/core/__init__.py", line 250, in add_compiled_module
self.globals[name.lower()] = _function
TypeError: 'str' object is not callable
| Traceback (most recent call last):
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/backends/backend_qt5.py", line 519, in _draw_idle
self.draw()
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py", line 433, in draw
self.figure.draw(self.renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper
return draw(artist, renderer, *args, **kwargs)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/figure.py", line 1475, in draw
renderer, self, artists, self.suppressComposite)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/image.py", line 141, in _draw_list_compositing_images
a.draw(renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/mpl_toolkits/axes_grid1/parasite_axes.py", line 286, in draw
self._get_base_axes_attr("draw")(self, renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/mpl_toolkits/axisartist/axislines.py", line 756, in draw
super(Axes, self).draw(renderer, inframe)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper
return draw(artist, renderer, *args, **kwargs)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/axes/_base.py", line 2607, in draw
mimage._draw_list_compositing_images(renderer, self, artists)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/image.py", line 141, in _draw_list_compositing_images
a.draw(renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper
return draw(artist, renderer, *args, **kwargs)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/mpl_toolkits/axisartist/axis_artist.py", line 1479, in draw
self._draw_ticks(renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/mpl_toolkits/axisartist/axis_artist.py", line 1211, in _draw_ticks
self.major_ticks.draw(renderer)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/mpl_toolkits/axisartist/axis_artist.py", line 330, in draw
locs = path_trans.transform_non_affine([loc])
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/transforms.py", line 2489, in transform_non_affine
return self._a.transform_non_affine(points)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/transforms.py", line 2263, in transform_non_affine
x_points = x.transform_non_affine(points)[:, 0:1]
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/transforms.py", line 2489, in transform_non_affine
return self._a.transform_non_affine(points)
"/opt/anaconda2/envs/py2_conda52/lib/python2.7/site-packages/matplotlib/transforms.py", line 2265, in transform_non_affine
x_points = x.transform_non_affine(points[:, 0])
TypeError: list indices must be integers, not tuple
| 0.510205 |
Traceback (most recent call last):
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\query.py", line 856, in parse
return handler(self, statement)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\query.py", line 932, in _select
return SelectQuery(self.db, self.connection_properties, sm, self._params)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\query.py", line 116, in __init__
super().__init__(*args)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\query.py", line 62, in __init__
self.parse()
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\query.py", line 123, in parse
self.selected_columns = ColumnSelectConverter(self, statement)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\converters.py", line 44, in __init__
super().__init__(query, statement)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\converters.py", line 27, in __init__
self.parse()
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\converters.py", line 53, in parse
for sql_token in SQLToken.tokens2sql(tok, self.query):
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\sql_tokens.py", line 54, in tokens2sql
yield from SQLToken.tokens2sql(tok, query)
"C:\Users\Shaikh Abuzar\Envs\django\lib\site-packages\djongo\sql2mongo\sql_tokens.py", line 39, in tokens2sql
int(token[0][1].value)
ValueError: invalid literal for int() with base 10: '"dashboard_costtable"."rate_1" * "dashboard_costtable"."unit_1"'
| Traceback (most recent call last):
"C:\Users\alber\anaconda3\envs\env\lib\site-packages\psd_tools\compression\__init__.py", line 95, in decode_rle
rle_impl.decode(fp.read(count), row_size) for count in bytes_counts
"C:\Users\alber\anaconda3\envs\env\lib\site-packages\psd_tools\compression\__init__.py", line 95, in <genexpr>
rle_impl.decode(fp.read(count), row_size) for count in bytes_counts
"src\psd_tools\compression\_rle.pyx", line 40, in psd_tools.compression._rle.decode
ValueError: Expected 1500 bytes but decoded only 0 bytes
| 0.556328 |
Traceback (most recent call last):
"deep_speech.py", line 411, in <module>
absl_app.run(main)
"/home/yuhao/ENVs/py3.5-tensorflow-1.13.1/lib/python3.5/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
"/home/yuhao/ENVs/py3.5-tensorflow-1.13.1/lib/python3.5/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
"deep_speech.py", line 404, in main
run_deep_speech(flags_obj)
"deep_speech.py", line 226, in run_deep_speech
distribution_strategy = distribution_utils.get_distribution_strategy(num_gpus)
"/home/yuhao/repos/models/official/utils/misc/distribution_utils.py", line 115, in get_distribution_strategy
distribution_strategy = distribution_strategy.lower()
AttributeError: 'int' object has no attribute 'lower' | Traceback (most recent call last):
"/patroni/patronictl.py", line 5, in <module>
ctl(None)
"/usr/lib/python2.7/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/usr/lib/python2.7/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/usr/lib/python2.7/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/lib/python2.7/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/lib/python2.7/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/usr/lib/python2.7/site-packages/click/decorators.py", line 27, in new_func
return f(get_current_context().obj, *args, **kwargs)
"/patroni/patroni/ctl.py", line 814, in members
output_members(cluster, cluster_name, extended, fmt)
"/patroni/patroni/ctl.py", line 723, in output_members
append_port = any(str(m.conn_kwargs()['port']) != '5432' for m in cluster.members) or\
"/patroni/patroni/ctl.py", line 723, in <genexpr>
append_port = any(str(m.conn_kwargs()['port']) != '5432' for m in cluster.members) or\
"/patroni/patroni/dcs/__init__.py", line 155, in conn_kwargs
r = urlparse(self.conn_url)
"/usr/lib64/python2.7/urlparse.py", line 142, in urlparse
tuple = urlsplit(url, scheme, allow_fragments)
"/usr/lib64/python2.7/urlparse.py", line 196, in urlsplit
i = url.find(':')
AttributeError: 'NoneType' object has no attribute 'find'
| 0.651003 |
Traceback (most recent call last):
"D:/学习/Deep-Reinforcement-Learning-Algorithms-with-PyTorch-master/results/Cart_Pole.py", line 142, in <module>
trainer.run_games_for_agents()
"D:\学习\Deep-Reinforcement-Learning-Algorithms-with-PyTorch-master\agents\Trainer.py", line 79, in run_games_for_agents
self.run_games_for_agent(agent_number + 1, agent_class)
"D:\学习\Deep-Reinforcement-Learning-Algorithms-with-PyTorch-master\agents\Trainer.py", line 121, in run_games_for_agent
game_scores, rolling_scores, time_taken = agent.run_n_episodes()
"D:\学习\Deep-Reinforcement-Learning-Algorithms-with-PyTorch-master\agents\actor_critic_agents\A3C.py", line 35, in run_n_episodes
optimizer_worker.start()
"D:\Programs\Python\Python36\lib\multiprocessing\process.py", line 105, in start
self._popen = self._Popen(self)
"D:\Programs\Python\Python36\lib\multiprocessing\context.py", line 223, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
"D:\Programs\Python\Python36\lib\multiprocessing\context.py", line 322, in _Popen
return Popen(process_obj)
"D:\Programs\Python\Python36\lib\multiprocessing\popen_spawn_win32.py", line 65, in __init__
reduction.dump(process_obj, to_child)
"D:\Programs\Python\Python36\lib\multiprocessing\reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
TypeError: can't pickle _thread.RLock objects | Traceback (most recent call last):
"C:\projects\bleachbit\bleachbit\Worker.py", line 87, in execute
"C:\projects\bleachbit\bleachbit\Command.py", line 82, in execute
"C:\projects\bleachbit\bleachbit\
Utilities.py", line 350, in delete
"C:\projects\bleachbit\bleachbit\
Utilities.py", line 789, in wipe_contents
"C:\projects\bleachbit\bleachbit\WindowsWipe.py", line 968, in file_wipe
"C:\projects\bleachbit\bleachbit\WindowsWipe.py", line 281, in choose_if_bridged
"C:\projects\bleachbit\bleachbit\WindowsWipe.py", line 280, in <listcomp>
"C:\projects\bleachbit\bleachbit\WindowsWipe.py", line 226, in extents_a_minus_b
TypeError: 'int' object is not subscriptable
| 0.58472 |
Traceback (most recent call last):
"<string>", line 20, in <module>
"/tmp/pip-build-wfdn4b93/djangocms-placeholder-attr/setup.py", line 34, in <module>
zip_safe=False,
"/usr/lib/python3.4/distutils/core.py", line 148, in setup
dist.run_commands()
"/usr/lib/python3.4/distutils/dist.py", line 955, in run_commands
self.run_command(cmd)
"/usr/lib/python3.4/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"<string>", line 14, in replacement_run
"/home/randy/PycharmProjects/Ops_python3/lib/python3.4/site-packages/setuptools/command/egg_info.py", line 388, in write_pkg_info
metadata.write_pkg_info(cmd.egg_info)
"/usr/lib/python3.4/distutils/dist.py", line 1108, in write_pkg_info
self.write_pkg_file(pkg_info)
"/usr/lib/python3.4/distutils/dist.py", line 1129, in write_pkg_file
long_desc = rfc822_escape(self.get_long_description())
"/usr/lib/python3.4/distutils/util.py", line 470, in rfc822_escape
lines = header.split('\n')
TypeError: 'str' does not support the buffer interface | [
] 0/323, elapsed: 0s, ETA:Traceback (most recent call last):
"tools/create_data.py", line 256, in <module>
max_sweeps=args.max_sweeps)
"tools/create_data.py", line 81, in nuscenes_data_prep
f'{out_dir}/{info_prefix}_infos_train.pkl')
"/home/xymbiotec/mmdetection3d/tools/data_converter/create_gt_database.py", line 254, in create_groundtruth_database
point_indices = box_np_ops.points_in_rbbox(points, gt_boxes_3d)
"/home/xymbiotec/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py", line 434, in points_in_rbbox
indices = points_in_convex_polygon_3d_jit(points[:, :3], surfaces)
"/home/xymbiotec/mmdetection3d/mmdet3d/core/bbox/box_np_ops.py", line 764, in points_in_convex_polygon_3d_jit
normal_vec, d, num_surfaces)
TypeError: expected dtype object, got 'numpy.dtype[bool_]'
| 0.555491 |
Traceback (most recent call last):
"...\lib\site-packages\django\core\handlers\exception.py", line 39, in inner
response = get_response(request)
"...\lib\site-packages\django\core\handlers\base.py", line 249, in _legacy_get_response
response = self._get_response(request)
"...\lib\site-packages\django\core\handlers\base.py", line 172, in _get_response
resolver_match = resolver.resolve(request.path_info)
"...\lib\site-packages\django\urls\resolvers.py", line 270, in resolve
for pattern in self.url_patterns:
"...\lib\site-packages\django\utils\functional.py", line 35, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"...\lib\site-packages\django\urls\resolvers.py", line 313, in url_patterns
patterns = getattr(self.urlconf_module, "urlpatterns", self.urlconf_module)
"...\lib\site-packages\django\utils\functional.py", line 35, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"...\lib\site-packages\django\urls\resolvers.py", line 306, in urlconf_module
return import_module(self.urlconf_name)
"...\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 986, in _gcd_import
"<frozen importlib._bootstrap>", line 969, in _find_and_load
"<frozen importlib._bootstrap>", line 958, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 673, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 665, in exec_module
"<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed
"....\urls.py", line 23, in <module>
from material.frontend import urls as frontend_urls
"...\lib\site-packages\material\frontend\urls.py", line 7, in <module>
url(r'', include(modules.urls)),
"...\lib\site-packages\material\frontend\registry.py", line 48, in urls
patterns.append(module.urls)
"...\lib\site-packages\material\frontend\apps.py", line 98, in urls
return ModuleURLResolver(base_url, self.get_urls(), module=self, app_name=self.label, namespace=self.label)
"...\lib\site-packages\material\frontend\apps.py", line 84, in get_urls
urls_module = import_module(urls_module_name)
"...\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"app\urls.py", line 5, in <module>
from ... import views
"app\views.py", line 27, in <module>
import plotly.offline as py
"...\lib\site-packages\plotly\__init__.py", line 31, in <module>
from plotly import (plotly, graph_objs, grid_objs, tools, utils, session,
"...\lib\site-packages\plotly\plotly\__init__.py", line 10, in <module>
from . plotly import (
"...\lib\site-packages\plotly\plotly\plotly.py", line 27, in <module>
from plotly import exceptions, files, session, tools, utils
"...\lib\site-packages\plotly\tools.py", line 59, in <module>
ipython_core_display = optional_imports.get_module('IPython.core.display')
"...\lib\site-packages\plotly\optional_imports.py", line 23, in get_module
return import_module(name)
"...\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"...\lib\site-packages\IPython\__init__.py", line 48, in <module>
from .core.application import Application
"...\lib\site-packages\IPython\core\application.py", line 24, in <module>
from IPython.core import release, crashhandler
"...\lib\site-packages\IPython\core\crashhandler.py", line 28, in <module>
from IPython.core import ultratb
"...\lib\site-packages\IPython\core\ultratb.py", line 111, in <module>
from IPython.core import debugger
"...\lib\site-packages\IPython\core\debugger.py", line 36, in <module>
from IPython.utils import coloransi, io, py3compat
"...\lib\site-packages\IPython\utils\io.py", line 78, in <module>
stdin = IOStream(sys.stdin, fallback=devnull)
"...\lib\site-packages\IPython\utils\io.py", line 36, in __init__
for meth in filter(clone, dir(stream)):
"...\lib\site-packages\IPython\utils\io.py", line 35, in clone
return not hasattr(self, meth) and not meth.startswith('_')
"...\lib\site-packages\IPython\utils\io.py", line 70, in closed
return self.stream.closed
ValueError: underlying buffer has been detached
| Traceback (most recent call last):
"c:\program files\python37\Lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"c:\program files\python37\Lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Users\Admin\Envs\wikipedia-embeddings\Scripts\wikipedia2vec.exe\__main__.py", line 5, in <module>
"c:\users\admin\envs\wikipedia-embeddings\lib\site-packages\wikipedia2vec\__init__.py", line 4, in <module>
from .dictionary import Dictionary
".venv/lib/python3.6/site-packages/Cython/Includes/numpy/__init__.pxd", line 872, in init wikipedia2vec.dictionary
ValueError: numpy.ufunc has the wrong size, try recompiling. Expected 192, got 216
| 0.597499 |
Traceback (most recent call last):
"/home/seb/linuxcnc-dev/bin/axis", line 3784, in <module>
get_coordinate_font(vars.dro_large_font.get())
"/home/seb/linuxcnc-dev/bin/axis", line 3680, in get_coordinate_font
glnav.use_pango_font(coordinate_font, 0, 128)
"/home/seb/linuxcnc-dev/lib/python/glnav.py", line 6, in use_pango_font
import pango, cairo, pangocairo
ImportError: No module named pango
| Traceback (most recent call last):
"/data/data/com.termux/files/home/reconspider/reconspider.py", line 39, in <module>
from core import repl_prompt
"/data/data/com.termux/files/home/reconspider/core/__init__.py", line 1, in <module>
from .repl_prompt import *
"/data/data/com.termux/files/home/reconspider/core/repl_prompt.py", line 11, in <module>
from plugins.metadata import gps_analyzer
"/data/data/com.termux/files/home/reconspider/plugins/metadata.py", line 2, in <module>
from PIL import Image
"<frozen zipimport>", line 259, in load_module
"/data/data/com.termux/files/usr/lib/python3.9/site-packages/Pillow-8.0.1-py3.9-linux-armv7l.egg/PIL/Image.py", line 97, in <module>
ImportError: The _imaging extension was built for another version of Pillow or PIL:
| 0.547296 |
Traceback (most recent call last):
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 638, in respond
self._do_respond(path_info)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 688, in _do_respond
self.hooks.run('before_request_body')
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 95, in run
self.run_hooks(iter(sorted(self[point])))
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 117, in run_hooks
hook()
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 65, in __call__
return self.callback(**self.kwargs)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 834, in init
set_response_cookie(path=path, path_header=path_header, name=name,
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 875, in set_response_cookie
cherrypy.serving.request.headers.get(path_header) or
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 425, in get
key = self.transform_key(key)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 460, in transform_key
return key.title()
AttributeError: 'NoneType' object has no attribute 'title'
| Traceback (most recent call last):
"/usr/lib/python3.5/runpy.py", line 174, in _run_module_as_main
mod_name, mod_spec, code = _get_module_details(mod_name, _Error)
"/usr/lib/python3.5/runpy.py", line 133, in _get_module_details
return _get_module_details(pkg_main_name, error)
"/usr/lib/python3.5/runpy.py", line 109, in _get_module_details
__import__(pkg_name)
"/usr/local/lib/python3.5/dist-packages/ipykernel/__init__.py", line 2, in <module>
from .connect import *
"/usr/local/lib/python3.5/dist-packages/ipykernel/connect.py", line 10, in <module>
from subprocess import Popen, PIPE
"/usr/lib/python3.5/subprocess.py", line 441, in <module>
import threading
"/usr/lib/python3.5/threading.py", line 7, in <module>
from traceback import format_exc as _format_exc
"/usr/lib/python3.5/traceback.py", line 5, in <module>
import linecache
"/usr/lib/python3.5/linecache.py", line 11, in <module>
import tokenize
"/data/corpus/tokenize.py", line 12, in <module>
import jieba
"/usr/local/lib/python3.5/dist-packages/jieba/__init__.py", line 9, in <module>
import logging
"/usr/lib/python3.5/logging/__init__.py", line 206, in <module>
_lock = threading.RLock()
AttributeError: module 'threading' has no attribute 'RLock'
| 0.58522 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/runners.py", line 43, in run
return loop.run_until_complete(main)
"/usr/local/lib/python3.7/asyncio/base_events.py", line 579, in run_until_complete
return future.result()
"/usr/src/homeassistant/homeassistant/config_entries.py", line 562, in async_forward_entry_setup
result = await async_setup_component(self.hass, domain, self._hass_config)
"/usr/src/homeassistant/homeassistant/setup.py", line 45, in async_setup_component
return await setup_tasks[domain]
# type: ignore
"/usr/src/homeassistant/homeassistant/__main__.py", line 302, in setup_and_run_hass
log_no_color=args.log_no_color,
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 150, in async_from_config_file
config_dict, hass, enable_log=False, skip_pip=skip_pip
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 95, in async_from_config_dict
await _async_set_up_integrations(hass, config)
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 376, in _async_set_up_integrations
*(async_setup_component(hass, domain, config) for domain in domains_to_load)
"/usr/src/homeassistant/homeassistant/helpers/discovery.py", line 151, in async_load_platform
setup_success = await setup.async_setup_component(hass, component, hass_config)
"/usr/src/homeassistant/homeassistant/setup.py", line 45, in async_setup_component
return await setup_tasks[domain]
# type: ignore
"/usr/src/homeassistant/homeassistant/setup.py", line 51, in async_setup_component
return await task
# type: ignore
"/usr/src/homeassistant/homeassistant/config_entries.py", line 562, in async_forward_entry_setup
result = await async_setup_component(self.hass, domain, self._hass_config)
"/usr/src/homeassistant/homeassistant/setup.py", line 45, in async_setup_component
return await setup_tasks[domain]
# type: ignore
"/usr/src/homeassistant/homeassistant/helpers/discovery.py", line 151, in async_load_platform
setup_success = await setup.async_setup_component(hass, component, hass_config)
"/usr/src/homeassistant/homeassistant/setup.py", line 45, in async_setup_component
return await setup_tasks[domain]
# type: ignore
"/usr/src/homeassistant/homeassistant/setup.py", line 136, in _async_setup_component
hass, config, integration
"/usr/src/homeassistant/homeassistant/config.py", line 772, in async_process_component_config
p_integration = await async_get_integration_with_requirements(hass, p_name)
"/usr/src/homeassistant/homeassistant/requirements.py", line 44, in async_get_integration_with_requirements
await async_process_requirements(hass, integration.domain, integration.requirements)
"/usr/src/homeassistant/homeassistant/requirements.py", line 65, in async_process_requirements
if pkg_util.is_installed(req):
"/usr/src/homeassistant/homeassistant/util/package.py", line 45, in is_installed
return version(req.project_name) in req
"/usr/local/lib/python3.7/site-packages/pkg_resources/__init__.py", line 3137, in __contains__
return self.specifier.contains(item, prereleases=True)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/specifiers.py", line 703, in contains
item = parse(item)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/version.py", line 31, in parse
return Version(version)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/version.py", line 200, in __init__
match = self._regex.search(version)
TypeError: expected string or bytes-like object
| Traceback (most recent call last):
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/site-packages/ray/function_manager.py", line 408, in fetch_and_register_remote_function
function = pickle.loads(serialized_function)
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 1388, in loads
return Unpickler(file).load()
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 864, in load
dispatch[key](self)
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 1089, in load_newobj
obj = cls.__new__(cls, *args)
TypeError: __new__() takes at least 3 arguments (1 given)
| 0.594036 |
Traceback (most recent call last):
"c:\Users\HP\.vscode\extensions\ms-python.python-2019.1.0\python
s\ptvsd_launcher.py", line 45, in <module>
main(ptvsdArgs)
"c:\Users\HP\.vscode\extensions\ms-python.python-2019.1.0\python
s\lib\python\ptvsd\__main__.py", line 348, in main
run()
"c:\Users\HP\.vscode\extensions\ms-python.python-2019.1.0\python
s\lib\python\ptvsd\__main__.py", line 253, in run_file
runpy.run_path(target, run_name='__main__')
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\runpy.py", line 263, in run_path
pkg_name=pkg_name, script_name=fname)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\runpy.py", line 96, in _run_module_code
mod_name, mod_spec, pkg_name, script_name)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Users\HP\Desktop\Automator\setup.py", line 27, in <module>
main()
"C:\Users\HP\Desktop\Automator\setup.py", line 23, in main
loop.run_until_complete(kl24.authenticate())
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\asyncio\base_events.py", line 568, in run_until_complete
return future.result()
"C:\Users\HP\Desktop\Automator\automator\domains\kl24.py", line 20, in authenticate
self.log_in()
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 383, in trigger
return self.machine._process(func)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 1046, in _process
return trigger()
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 399, in _trigger
return self._process(event_data)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 409, in _process
if trans.execute(event_data):
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 263, in execute
self._change_state(event_data)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 274, in _change_state
event_data.machine.get_state(self.dest).enter(event_data)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 120, in enter
event_data.machine.callback(handle, event_data)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 1001, in callback
func = self.resolve_callable(func, event_data)
"C:\Users\HP\AppData\Local\Programs\Python\Python37-32\lib\site-packages\transitions\core.py", line 1027, in resolve_callable
raise AttributeError("Callable with name '%s' could neither be retrieved from the passed "
AttributeError: Callable with name '%s' could neither be retrieved from the passed model nor imported from a module.` | Traceback (most recent call last):
"C:\Analyze\Noriben-master\Noriben.py", line 1512, in <module>
main()
"C:\Analyze\Noriben-master\Noriben.py", line 1499, in main
parse_csv(csv_file, report, timeline)
"C:\Analyze\Noriben-master\Noriben.py", line 1077, in parse_csv
error_output.append(original_line.strip())
AttributeError: 'list' object has no attribute 'strip'`
| 0.573172 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/hrpc/object_proxy.py", line 114, in __del__
"/usr/local/lib/python3.7/site-packages/hrpc/client.py", line 63, in evaluate
"/usr/local/lib/python3.7/site-packages/hrpc/transport/http.py", line 23, in send
"/usr/local/lib/python3.7/site-packages/requests/api.py", line 116, in post
"/usr/local/lib/python3.7/site-packages/requests/api.py", line 60, in request
"/usr/local/lib/python3.7/site-packages/requests/sessions.py", line 524, in request
"/usr/local/lib/python3.7/site-packages/requests/sessions.py", line 700, in merge_environment_settings
"/usr/local/lib/python3.7/site-packages/requests/utils.py", line 761, in get_environ_proxies
"/usr/local/lib/python3.7/site-packages/requests/utils.py", line 745, in should_bypass_proxies
"/usr/local/Cellar/python/3.7.1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 2611, in proxy_bypass
"/usr/local/Cellar/python/3.7.1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 2588, in proxy_bypass_macosx_sysconf
"/usr/local/Cellar/python/3.7.1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 2535, in _proxy_bypass_macosx_sysconf
ImportError: sys.meta_path is None, Python is likely shutting down
| Traceback (most recent call last):
"raccoon_src/main.py", line 2, in <module>
import asyncio
ImportError: No module named asyncio
| 0.493347 |
Traceback (most recent call last):
"C:\ProgramData\Anaconda3\lib\logging\__init__.py", line 992, in emit
msg = self.format(record)
"C:\ProgramData\Anaconda3\lib\logging\__init__.py", line 838, in format
return fmt.format(record)
"C:\ProgramData\Anaconda3\lib\logging\__init__.py", line 575, in format
record.message = record.getMessage()
"C:\ProgramData\Anaconda3\lib\logging\__init__.py", line 338, in getMessage
msg = msg % self.args
TypeError: not all arguments converted during string formatting
|
Traceback (most recent call last):
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/basecommand.py", line 209, in main
status = self.run(options, args)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/commands/install.py", line 328, in run
wb.build(autobuilding=True)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/wheel.py", line 748, in build
self.requirement_set.prepare_files(self.finder)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/req/req_set.py", line 360, in prepare_files
ignore_dependencies=self.ignore_dependencies))
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/req/req_set.py", line 512, in _prepare_file
finder, self.upgrade, require_hashes)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/req/req_install.py", line 273, in populate_link
self.link = finder.find_requirement(self, upgrade)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/index.py", line 442, in find_requirement
all_candidates = self.find_all_candidates(req.name)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/index.py", line 400, in find_all_candidates
for page in self._get_pages(url_locations, project_name):
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/index.py", line 545, in _get_pages
page = self._get_page(location)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/index.py", line 648, in _get_page
return HTMLPage.get_page(link, session=self.session)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/index.py", line 757, in get_page
"Cache-Control": "max-age=600",
"/opt/myproj/venv/share/python-wheels/requests-2.9.1-py2.py3-none-any.whl/requests/sessions.py", line 480, in get
return self.request('GET', url, **kwargs)
"/usr/share/python-wheels/pip-8.1.1-py2.py3-none-any.whl/pip/download.py", line 378, in request
return super(PipSession, self).request(method, url, *args, **kwargs)
"/opt/myproj/venv/share/python-wheels/requests-2.9.1-py2.py3-none-any.whl/requests/sessions.py", line 468, in request
resp = self.send(prep, **send_kwargs)
"/opt/myproj/venv/share/python-wheels/requests-2.9.1-py2.py3-none-any.whl/requests/sessions.py", line 576, in send
r = adapter.send(request, **kwargs)
"/opt/myproj/venv/share/python-wheels/CacheControl-0.11.5-py2.py3-none-any.whl/cachecontrol/adapter.py", line 46, in send
resp = super(CacheControlAdapter, self).send(request, **kw)
"/opt/myproj/venv/share/python-wheels/requests-2.9.1-py2.py3-none-any.whl/requests/adapters.py", line 376, in send
timeout=timeout
"/opt/myproj/venv/share/python-wheels/urllib3-1.13.1-py2.py3-none-any.whl/urllib3/connectionpool.py", line 610, in urlopen
_stacktrace=sys.exc_info()[2])
"/opt/myproj/venv/share/python-wheels/urllib3-1.13.1-py2.py3-none-any.whl/urllib3/util/retry.py", line 228, in increment
total -= 1
TypeError: unsupported operand type(s) for -=: 'Retry' and 'int'
| 0.543466 |
Traceback (most recent call last):
"/home/Deep_Learner/work/Mask_RCNN/model.py", line 1632, in data_generator
use_mini_mask=config.USE_MINI_MASK)
"/home/Deep_Learner/work/Mask_RCNN/model.py", line 1190, in load_image_gt
image = dataset.load_image(image_id)
"<ipython-input-73-2cd3a75d0095>", line 99, in load_image
image = skimage.io.imread(self.image_reference(image_id))
"/opt/conda/lib/python3.5/site-packages/skimage/io/_io.py", line 61, in imread
img = call_plugin('imread', fname, plugin=plugin, **plugin_args)
"/opt/conda/lib/python3.5/site-packages/skimage/io/manage_plugins.py", line 211, in call_plugin
return func(*args, **kwargs)
"/opt/conda/lib/python3.5/site-packages/skimage/io/_plugins/pil_plugin.py", line 35, in imread
with open(fname, 'rb') as f:
NotFoundError: [Errno 2] No such file or directory: 'blub'
| [CRITICAL] Traceback (most recent call last):
"/Users/shirley/Desktop/pyglossary/ui/ui_gtk.py", line 973, in convertClicked
finalOutput
= self.glos.convert(
"/Users/shirley/Desktop/pyglossary/pyglossary/glossary.py", line 1374, in convert
if not self.read(
"/Users/shirley/Desktop/pyglossary/pyglossary/glossary.py", line 838, in read
os.mkdir(self.tmpDataDir)
NotFoundError: [Errno 2] No such file or directory: '/Users/shirley/Library/Caches/PyGlossary/medict.mdx_res'
| 0.626784 |
Traceback (most recent call last):
"/usr/lib/python3.4/asyncio/tasks.py", line 233, in _step
result = coro.throw(exc)
"/srv/homeassistant/lib/python3.4/site-packages/homeassistant/core.py", line 1025, in _event_to_service_call
yield from service_handler.func(service_call)
"/srv/homeassistant/lib/python3.4/site-packages/homeassistant/components/climate/__init__.py", line 359, in async_fan_mode_set_service
yield from climate.async_set_fan_mode(fan)
"/usr/lib/python3.4/asyncio/futures.py", line 388, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.4/asyncio/tasks.py", line 286, in _wakeup
value = future.result()
"/usr/lib/python3.4/asyncio/futures.py", line 277, in result
raise self._exception
"/usr/lib/python3.4/concurrent/futures/thread.py", line 54, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/homeassistant/lib/python3.4/site-packages/homeassistant/components/climate/zwave.py", line 191, in set_fan_mode
self.values.fan_mode.data = fan
"/srv/homeassistant/lib/python3.4/site-packages/openzwave-0.3.1-py3.4.egg/openzwave/value.py", line 292, in data
self._network.manager.setValue(self.value_id, value)
"src-lib/libopenzwave/libopenzwave.pyx", line 2825, in libopenzwave.PyManager.setValue (src-lib/libopenzwave/libopenzwave.cpp:21717)
TypeError: expected bytes, str found
| ```Traceback (most recent call last):
"I:\GitHub\CellProfiler\cellprofiler\gui\pipelinecontroller.py", line 2844, in do_step
self.__pipeline.run_module(module, workspace)
"I:\GitHub\CellProfiler\cellprofiler\pipeline.py", line 2108, in run_module
module.run(workspace)
"I:\GitHub\CellProfiler\cellprofiler\modules\identifyobjectsmanually.py", line 83, in run
self, pixel_data, workspace.measurements.image_set_number)
"I:\GitHub\CellProfiler\cellprofiler\workspace.py", line 349, in interaction_request
return module.handle_interaction(*args, **kwargs)
"I:\GitHub\CellProfiler\cellprofiler\modules\identifyobjectsmanually.py", line 181, in handle_interaction
title) as dialog_box:
"I:\GitHub\CellProfiler\cellprofiler\gui\editobjectsdlg.py", line 143, in __init__
self.build_ui()
"I:\GitHub\CellProfiler\cellprofiler\gui\editobjectsdlg.py", line 272, in build_ui
self.toolbar = cellprofiler.gui.figure.CPNavigationToolbar(self.panel)
"C:\Users\bcimini\AppData\Local\Continuum\Anaconda2\lib\site-packages\matplotlib\backends\backend_wx.py", line 1572, in __init__
wx.ToolBar.__init__(self, canvas.GetParent(), -1)
"C:\Users\bcimini\AppData\Local\Continuum\Anaconda2\lib\site-packages\wx-3.0-msw\wx\_core.py", line 10271, in GetParent
return _core_.Window_GetParent(*args, **kwargs)
TypeError: in method 'Window_GetParent', expected argument 1 of type 'wxWindow const *'
| 0.603216 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"C:\Users\masma\AppData\Local\Temp\pip-install-rhpx0g7l\sqlalchemy\setup.py", line 217, in <module>
run_setup(True)
"C:\Users\masma\AppData\Local\Temp\pip-install-rhpx0g7l\sqlalchemy\setup.py", line 196, in run_setup
**kwargs
"c:\users\masma\source\repos\orsteddcsmarketsanalytics\apps\portfolio_analytics\tmp\.venv\lib\site-packages\setuptools\__init__.py", line 145, in setup
return distutils.core.setup(**attrs)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\core.py", line 148, in setup
dist.run_commands()
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\dist.py", line 966, in run_commands
self.run_command(cmd)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\dist.py", line 985, in run_command
cmd_obj.run()
"c:\users\masma\source\repos\orsteddcsmarketsanalytics\apps\portfolio_analytics\tmp\.venv\lib\site-packages\wheel\bdist_wheel.py", line 192, in run
self.run_command('build')
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\dist.py", line 985, in run_command
cmd_obj.run()
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\command\build.py", line 135, in run
self.run_command(cmd_name)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\dist.py", line 985, in run_command
cmd_obj.run()
"C:\Users\masma\AppData\Local\Temp\pip-install-rhpx0g7l\sqlalchemy\setup.py", line 54, in run
build_ext.run(self)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\command\build_ext.py", line 339, in run
self.build_extensions()
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\command\build_ext.py", line 448, in build_extensions
self._build_extensions_serial()
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\command\build_ext.py", line 473, in _build_extensions_serial
self.build_extension(ext)
"C:\Users\masma\AppData\Local\Temp\pip-install-rhpx0g7l\sqlalchemy\setup.py", line 60, in build_extension
build_ext.build_extension(self, ext)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\command\build_ext.py", line 533, in build_extension
depends=ext.depends)
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\_msvccompiler.py", line 345, in compile
self.initialize()
"c:\users\masma\appdata\local\programs\python\python37\Lib\distutils\_msvccompiler.py", line 238, in initialize
vc_env = _get_vc_env(plat_spec)
"c:\users\masma\source\repos\orsteddcsmarketsanalytics\apps\portfolio_analytics\tmp\.venv\lib\site-packages\setuptools\msvc.py", line 171, in msvc14_get_vc_env
return EnvironmentInfo(plat_spec, vc_min_ver=14.0).return_env()
"c:\users\masma\source\repos\orsteddcsmarketsanalytics\apps\portfolio_analytics\tmp\.venv\lib\site-packages\setuptools\msvc.py", line 1620, in return_env
if self.vs_ver >= 14 and isfile(self.VCRuntimeRedist):
"c:\users\masma\source\repos\orsteddcsmarketsanalytics\apps\portfolio_analytics\tmp\.venv\lib\genericpath.py", line 30, in isfile
st = os.stat(path)
TypeError: stat: path should be string, bytes, os.PathLike or integer, not NoneType
| Traceback (most recent call last):
"make_gif.py", line 52, in <module>
anim.save("output.gif", writer="imagemagick")
"/usr/local/lib/python3.6/dist-packages/matplotlib/animation.py", line 1102, in save
alt_writer = next(writers, None)
TypeError: 'MovieWriterRegistry' object is not an iterator
| 0.550996 |
Traceback (most recent call last):
"examples/atari_dqn_async_cpu.py", line 70, in <module>
run_ID=args.run_ID,
"examples/atari_dqn_async_cpu.py", line 59, in build_and_train
runner.train()
"/Users/billtubbs/rlpyt/rlpyt/runners/async_rl.py", line 40, in train
throttle_itr, delta_throttle_itr = self.startup()
"/Users/billtubbs/rlpyt/rlpyt/runners/async_rl.py", line 108, in startup
throttle_itr, delta_throttle_itr = self.optim_startup()
"/Users/billtubbs/rlpyt/rlpyt/runners/async_rl.py", line 115, in optim_startup
p.cpu_affinity(main_affinity["cpus"])
AttributeError: 'Process' object has no attribute 'cpu_affinity'
| Traceback (most recent call last):
"/opt/rh/rh-python36/root/usr/lib64/python3.6/wsgiref/handlers.py", line 138, in run
self.finish_response()
"/opt/rh/rh-python36/root/usr/lib64/python3.6/wsgiref/handlers.py", line 179, in finish_response
for data in self.result:
"/app/apps/analytics_app/views.py", line 518, in csv_row_generator
for rows in row_iterator:
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/client.py", line 86, in iter_receive_result
for rows in IterQueryResult(gen, with_column_types=with_column_types):
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/result.py", line 115, in next
packet = next(self.packet_generator)
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/client.py", line 93, in packet_generator
packet = self.receive_packet()
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/client.py", line 107, in receive_packet
packet = self.connection.receive_packet()
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/connection.py", line 388, in receive_packet
packet.type = packet_type = read_varint(self.fin)
"/opt/app-root/lib/python3.6/site-packages/clickhouse_driver/reader.py", line 30, in read_varint
i = f.read_one()
AttributeError: 'NoneType' object has no attribute 'read_one' | 0.618118 |
Traceback (most recent call last):
"/home/pazz/.local/bin/alot", line 11, in <module>
load_entry_point('alot==0.4.dev0', 'console_scripts', 'alot')()
"/home/pazz/.local/lib/python2.7/site-packages/alot-0.4.dev0-py2.7.egg/alot/__main__.py", line 116, in main
args.parseOptions()
# When given no argument, parses sys.argv[1:]
"/usr/lib/python2.7/dist-packages/twisted/python/usage.py", line 253, in parseOptions
self._dispatch[optMangled].dispatch(optMangled, arg)
"/usr/lib/python2.7/dist-packages/twisted/python/usage.py", line 59, in dispatch
value = self.coerce(value)
TypeError: debuglogstring() takes exactly 2 arguments (1 given)
| 2021-02-21 10:25:52.210179 WARNING AppDaemon: Traceback (most recent call last):
"/usr/local/lib/python3.8/site-packages/appdaemon/http.py", line 171, in __init__
net = url.netloc.split(":")
TypeError: a bytes-like object is required, not 'str'
| 0.520914 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_client_certs() missing 1 required positional argument: 'tdata'
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/tmp/pip-install-liolni/superset/setup.py", line 19, in <module>
with open('README.md', encoding='utf-8') as f:
TypeError: 'encoding' is an invalid keyword argument for this function
| 0.55579 |
Traceback (most recent call last):
"<path_to_my_venv>\Scripts\shreddit-script.py", line 33, in <module>
sys.exit(load_entry_point('shreddit==6.0.7', 'console_scripts', 'shreddit')())
"<path_to_my_venv>\lib\site-packages\shreddit\app.py", line 44, in main
shredder = Shredder(default_config, args.user)
"<path_to_my_venv>\lib\site-packages\shreddit\shredder.py", line 33, in __init__
self._recent_cutoff = arrow.now().replace(hours=-self._hours)
"<path_to_my_venv>\lib\site-packages\arrow\arrow.py", line 807, in replace
raise AttributeError('unknown attribute: "{}"'.format(key))
AttributeError: unknown attribute: "hours"
| Traceback (most recent call last):
"/home/hummingbot/hummingbot/core/utils/async_utils.py", line 9, in safe_wrapper
return await c
"/home/hummingbot/hummingbot/client/command/start_command.py", line 84, in start_check
await self.start_market_making(self.strategy_name)
"/home/hummingbot/hummingbot/client/command/start_command.py", line 90, in start_market_making
start_strategy(self)
"/home/hummingbot/hummingbot/strategy/arbitrage/start.py", line 34, in start
self._initialize_markets(market_names)
"/home/hummingbot/hummingbot/client/hummingbot_application.py", line 275, in _initialize_markets
market = BambooRelayMarket(
"hummingbot/market/bamboo_relay/bamboo_relay_market.pyx", line 187, in hummingbot.market.bamboo_relay.bamboo_relay_market.BambooRelayMarket.__init__
self._withdraw_rules = {}
AttributeError: 'hummingbot.market.bamboo_relay.bamboo_relay_market.BambooRelayMarket' object has no attribute '_withdraw_rules'
| 0.60581 |
Traceback (most recent call last):
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 3214, in run_ast_nodes
if (yield from self.run_code(code, result)):
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 3313, in run_code
self.showtraceback(running_compiled_code=True)
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2036, in showtraceback
value, tb, tb_offset=tb_offset)
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 1379, in structured_traceback
self, etype, value, tb, tb_offset, number_of_lines_of_context)
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 1282, in structured_traceback
self, etype, value, tb, tb_offset, number_of_lines_of_context
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 1144, in structured_traceback
formatted_exceptions += self.prepare_chained_exception_message(evalue.__cause__)
TypeError: can only concatenate str (not "list") to str
| Traceback (most recent call last):
"/usr/local/opt/chisel/libexec/fblldb.py", line 83, in runCommand
command.run(args, options)
"/usr/local/Cellar/chisel/1.7.1/libexec/commands/FBVisualizationCommands.py", line 178, in run
_visualize(arguments[0])
"/usr/local/Cellar/chisel/1.7.1/libexec/commands/FBVisualizationCommands.py", line 152, in _visualize
_showLayer('[(id)' + target + ' layer]')
"/usr/local/Cellar/chisel/1.7.1/libexec/commands/FBVisualizationCommands.py", line 103, in _showLayer
width = float(fb.evaluateExpression('(CGFloat)(' + size + '.width)'))
TypeError: float() argument must be a string or a number
| 0.567629 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/ropper/console.py", line 360, in __generateChain
chain = self.__rs.createRopChain(generator, str(self.current
.arch) ,options)
"/usr/local/lib/python2.7/dist-packages/ropper/service.py", line 775, in createRopChain
return generator.create(options)
"/usr/local/lib/python2.7/dist-packages/ropper/ropchain/arch/ropchainx86_64.py", line 719, in create
chain_tmp += self._createOpcode('0f05')
"/usr/local/lib/python2.7/dist-packages/ropper/ropchain/arch/ropchainx86_64.py", line 609, in _createOpcode
return self._printRopInstruction(gadget)
"/usr/local/lib/python2.7/dist-packages/ropper/ropchain/arch/ropchainx86_64.py", line 176, in _printRopInstruction
toReturn = ('rop += rebase_%d(%s) # %s\n' % (self._usedBinaries.index((gadget.fileName, gadget.section)),toHex(gadget.lines[0][0],8), gadget.simpleString()))
ValueError: ('0d06f9724af41b13cdacea133530b9129a48450230feef9632d53d5bbb837c8c', u'LOAD') is not in list
| Traceback (most recent call last):
"main.py", line 30, in <module>
trio.run(async_main)
"/.../site-packages/trio/_core/_run.py", line 1337, in run
raise runner.main_task_outcome.error
"main.py", line 27, in async_main
raise
"/.../site-packages/trio/_core/_ki.py", line 165, in wrapper
return fn(*args, **kwargs)
"/.../site-packages/trio/_core/_run.py", line 260, in __exit__
raise remaining_error_after_cancel_scope
"main.py", line 20, in async_main
await trio.sleep_forever()
"/.../site-packages/trio/_core/_run.py", line 397, in __aexit__
raise combined_error_from_nursery
"main.py", line 8, in raiser
raise ValueError('foo')
ValueError: foo
| 0.531958 |
Traceback (most recent call last):
"./psk-frontend.py", line 111, in <module>
main()
"./psk-frontend.py", line 107, in main
p.data_ready_cb(s)
"./psk-frontend.py", line 78, in data_ready_cb
self.new_client(_s)
"./psk-frontend.py", line 66, in new_client
hint=self.hint)
"/usr/local/lib/python3.7/site-packages/sslpsk/sslpsk.py", line 104, in wrap_socket
_ssl_set_psk_server_callback(sock, cb, hint)
"/usr/local/lib/python3.7/site-packages/sslpsk/sslpsk.py", line 80, in _ssl_set_psk_server_callback
_
= _sslpsk.sslpsk_use_psk_identity_hint(_sslobj(sock), hint if hint else "")
TypeError: argument 2 must be str, not bytes
| Traceback (most recent call last):
"/home/debian8/anaconda3/lib/python3.6/site-packages/urllib3-1.21.1-py3.6.egg/urllib3/util/timeout.py", line 124, in _validate_timeout
float(value)
TypeError: float() argument must be a string or a number, not 'Timeout'
| 0.592934 |
Traceback (most recent call last):
"/usr/lib/python3/dist-packages/certbot_apache/parser.py", line 452, in get_arg
value = value.replace(var, self.variables[var[2:-1]])
KeyError: 'DOMAIN'
| Traceback (most recent call last):
".\youtube-dl\youtube_dl\extractor\common.py", line 530, in extract
ie_result = self._real_extract(url)
".\youtube-dl\youtube_dl\extractor\nrk.py", line 430, in _real_extract
display_id)['@id']
KeyError: '@id'
| 0.61601 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/traitlets/traitlets.py", line 528, in get
value = obj._trait_values[self.name]
KeyError: 'kernel_manager_class'
| Traceback (most recent call last):
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\flask\app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\flask\app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\flask_restful\__init__.py", line 458, in wrapper
resp = resource(*args, **kwargs)
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\flask\views.py", line 89, in view
return self.dispatch_request(*args, **kwargs)
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\flask_restful\__init__.py", line 573, in dispatch_request
resp = meth(*args, **kwargs)
"C:\Users\Gebruiker\Envs\rotkehlchen\lib\site-packages\webargs\core.py", line 366, in wrapper
return func(*args, **kwargs)
"C:\Users\Gebruiker\Source\Repos\rotki\rotkehlchen\api\v1\resources.py", line 302, in get
ignore_cache=ignore_cache,
"C:\Users\Gebruiker\Source\Repos\rotki\rotkehlchen\api\rest.py", line 101, in wrapper
return f(wrappingobj, *args, **kwargs)
"C:\Users\Gebruiker\Source\Repos\rotki\rotkehlchen\api\rest.py", line 575, in query_blockchain_balances
ignore_cache=ignore_cache,
"C:\Users\Gebruiker\Source\Repos\rotki\rotkehlchen\api\rest.py", line 553, in _query_blockchain_balances
per_account = {'BTC': result['per_account']['BTC']}
KeyError: 'BTC'
| 0.456149 |
Traceback (most recent call last):
"x:/WebDesign/AW19/emails/z_approved/test/New folder/main.py", line 7, in <module>
image = layer.compose()
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\api\layers.py", line 510, in compose
return compose(self, **kwargs)
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\composer\__init__.py", line 130, in compose
image = compose_layer(layer, **kwargs)
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\composer\__init__.py", line 188, in compose_layer
layer.clip_layers, bbox=bbox, context=image.copy()
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\composer\__init__.py", line 138, in compose
context = blend(context, image, offset, layer.blend_mode)
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\composer\blend.py", line 48, in blend
image = _blend_image(backdrop, image, blend_func)
"C:\Users\rory.ferguson\AppData\Local\Programs\Python\Python37-32\lib\site-packages\psd_tools\composer\blend.py", line 58, in _blend_image
import numpy as np
ModuleNotFoundError: No module named 'numpy'
|
Traceback (most recent call last):
"<string>", line 1, in <module>
ModuleNotFoundError: No module named 'setuptools'
| 0.55839 |
Traceback (most recent call last):
"/remote-home/my/habitat-lab/habitat/core/vector_env.py", line 529, in __del__
self.close()
"/remote-home/my/habitat-lab/habitat/core/vector_env.py", line 413, in close
write_fn((CLOSE_COMMAND, None))
"/root/anaconda3/envs/vln/lib/python3.7/multiprocessing/connection.py", line 206, in send
self._send_bytes(_ForkingPickler.dumps(obj))
"/root/anaconda3/envs/vln/lib/python3.7/multiprocessing/connection.py", line 404, in _send_bytes
self._send(header + buf)
"/root/anaconda3/envs/vln/lib/python3.7/multiprocessing/connection.py", line 368, in _send
n = write(self._handle, buf)
OSError: [Errno 9] Bad file descriptor
| Traceback (most recent call last):
"/usr/lib64/python3.6/logging/handlers.py", line 936, in emit
self.socket.send(msg)
OSError: [Errno 90] Message too long
| 0.589118 |
Traceback (most recent call last):
"./salt-call", line 14, in <module>
salt_call()
"/opt/saltdev/lib/python2.7/site-packages/salt/scripts.py", line 390, in salt_call
import salt.cli.call
"/opt/saltdev/lib/python2.7/site-packages/salt/cli/call.py", line 5, in <module>
import salt.utils.parsers
"/opt/saltdev/lib/python2.7/site-packages/salt/utils/parsers.py", line 28, in <module>
import salt.config as config
"/opt/saltdev/lib/python2.7/site-packages/salt/config/__init__.py", line 100, in <module>
_DFLT_IPC_WBUFFER = _gather_buffer_space() * .5
"/opt/saltdev/lib/python2.7/site-packages/salt/config/__init__.py", line 93, in _gather_buffer_space
grains = salt.grains.core._memdata(os_data)
"/opt/saltdev/lib/python2.7/site-packages/salt/grains/core.py", line 509, in _memdata
grains.update(_sunos_memdata())
"/opt/saltdev/lib/python2.7/site-packages/salt/grains/core.py", line 478, in _sunos_memdata
grains['swap_total'] = int(swap_total) // 1024
ValueError: invalid literal for int() with base 10: '3453084k'
| Traceback (most recent call last):
"/usr/local/lib64/python3.5/site-packages/IPython/core/interactiveshell.py", line 2885, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-46-c5d811b93ac1>", line 1, in <module>
df = reader.read()
"/home/users/piotr/workspace/pandas-pijucha/pandas/io/sas/sas7bdat.py", line 604, in read
rslt = self._chunk_to_dataframe()
"/home/users/piotr/workspace/pandas-pijucha/pandas/io/sas/sas7bdat.py", line 646, in _chunk_to_dataframe
dtype=self.byte_order + 'd')
"/home/users/piotr/workspace/pandas-pijucha/pandas/core/frame.py", line 2419, in __setitem__
self._set_item(key, value)
"/home/users/piotr/workspace/pandas-pijucha/pandas/core/frame.py", line 2485, in _set_item
value = self._sanitize_column(key, value)
"/home/users/piotr/workspace/pandas-pijucha/pandas/core/frame.py", line 2656, in _sanitize_column
value = _sanitize_index(value, self.index, copy=False)
"/home/users/piotr/workspace/pandas-pijucha/pandas/core/series.py", line 2793, in _sanitize_index
raise ValueError('Length of values does not match length of ' 'index')
ValueError: Length of values does not match length of index
| 0.596048 |
Traceback (most recent call last):
"/home/yuvi/PycharmProjects/task-1/temp/Temp-2-others.py", line 149, in <module>
ds.save_as(filename=dicomized_filename, write_like_original=False)
"/home/yuvi/anaconda3/envs/task-1/lib/python3.7/site-packages/pydicom/dataset.py", line 1749, in save_as
pydicom.dcmwrite(filename, self, write_like_original)
"/home/yuvi/anaconda3/envs/task-1/lib/python3.7/site-packages/pydicom/filewriter.py", line 961, in dcmwrite
dataset.fix_meta_info(enforce_standard=False)
"/home/yuvi/anaconda3/envs/task-1/lib/python3.7/site-packages/pydicom/dataset.py", line 1789, in fix_meta_info
self.file_meta.MediaStorageSOPClassUID = self.SOPClassUID
AttributeError: 'NoneType' object has no attribute 'MediaStorageSOPClassUID'
| [!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| 0.598855 |
Traceback (most recent call last):
"electrum\util.py", line 879, in run_with_except_hook
"threading.py", line 864, in run
"asyncio\base_events.py", line 471, in run_until_complete
"asyncio\base_events.py", line 438, in run_forever
"asyncio\base_events.py", line 1415, in _run_once
"selectors.py", line 323, in select
"selectors.py", line 314, in _select
ValueError: too many file descriptors in select()
| Traceback (most recent call last):
"/usr/local/lib/python3.5/site-packages/xonsh/base_shell.py", line 322, in default
run_compiled_code(code, self.ctx, None, 'single')
"/usr/local/lib/python3.5/site-packages/xonsh/codecache.py", line 65, in run_compiled_code
func(code, glb, loc)
"<xonsh-code>", line 1, in <module>
"/usr/local/lib/python3.5/site-packages/xonsh/built_ins.py", line 858, in subproc_captured_hiddenobject
return run_subproc(cmds, captured='hiddenobject')
"/usr/local/lib/python3.5/site-packages/xonsh/built_ins.py", line 826, in run_subproc
command.end()
"/usr/local/lib/python3.5/site-packages/xonsh/proc.py", line 1991, in end
self._end(tee_output=tee_output)
"/usr/local/lib/python3.5/site-packages/xonsh/proc.py", line 1999, in _end
for _ in self.tee_stdout():
"/usr/local/lib/python3.5/site-packages/xonsh/proc.py", line 1915, in tee_stdout
for line in self.iterraw():
"/usr/local/lib/python3.5/site-packages/xonsh/proc.py", line 1797, in iterraw
stdout = NonBlockingFDReader(stdout.fileno(), timeout=timeout)
ValueError: I/O operation on closed file
| 0.600424 |
Traceback (most recent call last):
"/tmp/ansible_ByRYQt/ansible_module_redshift.py", line 485, in <module>
main()
"/tmp/ansible_ByRYQt/ansible_module_redshift.py", line 467, in main
(changed, cluster) = create_cluster(module, conn)
"/tmp/ansible_ByRYQt/ansible_module_redshift.py", line 293, in create_cluster
wait_timeout = time.time() + wait_timeout
TypeError: unsupported operand type(s) for +: 'float' and 'str'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/Thomas/.local/miniconda3/envs/4cast/lib/python3.6/site-packages/sklearn/ensemble/gradient_boosting.py", line 1421, in fit
self.init_.fit(X, y, sample_weight)
TypeError: fit() takes from 2 to 3 positional arguments but 4 were given
| 0.488503 |
Traceback (most recent call last):
"oneforall.py", line 13, in <module>
import dbexport
"C:\Users\Administrator\Desktop\子域名收集工具\OneForAll-0.3.0\OneForAll-0.3.0\dbexport.py", line 13, in <module>
from common import utils
"C:\Users\Administrator\Desktop\子域名收集工具\OneForAll-0.3.0\OneForAll-0.3.0\common\utils.py", line 20, in <module>
from config.log import logger
"C:\Users\Administrator\Desktop\子域名收集工具\OneForAll-0.3.0\OneForAll-0.3.0\config\log.py", line 26, in <module>
logger.level(name='TRACE', no=5, color='<cyan><bold>', icon='✏️')
"C:\Users\Administrator\AppData\Local\Programs\Python\Python38\lib\site-packages\loguru\_logger.py", line 1527, in level
raise TypeError("Level '%s' already exists, you can't update its severity no" % name)
TypeError: Level 'TRACE' already exists, you can't update its severity no
| Traceback (most recent call last):
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\pysc2\env\environment.py", line 160, in __del__
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\pysc2\env\sc2_env.py", line 752, in close
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 338, in info
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 485, in log
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 1047, in log
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\logging\__init__.py", line 1500, in log
"c:\users\iulian\appdata\local\programs\python\python38-32\lib\logging\__init__.py", line 1565, in _log
TypeError: findCaller() takes from 1 to 2 positional arguments but 3 were given | 0.516366 |
Traceback (most recent call last):
"/home/jaburgos/.local/lib/python3.7/site-packages/guessit/api.py", line 192, in guessit
config = self.configure(options, sanitize_options=False)
"/home/jaburgos/.local/lib/python3.7/site-packages/guessit/api.py", line 163, in configure
self.rebulk = rules_builder(advanced_config)
"/home/jaburgos/.local/lib/python3.7/site-packages/guessit/rules/__init__.py", line 56, in rebulk_builder
rebulk.rebulk(episodes(_config('episodes')))
"/home/jaburgos/.local/lib/python3.7/site-packages/guessit/rules/properties/episodes.py", line 175, in episodes
build_or_pattern(episode_markers + disc_markers, name='episodeMarker') + r'@?(?P<episode>\d+)')\
"/home/jaburgos/.local/lib/python3.7/site-packages/rebulk/builder.py", line 179, in regex
return self.pattern(self.build_re(*pattern, **kwargs))
"/home/jaburgos/.local/lib/python3.7/site-packages/rebulk/builder.py", line 107, in build_re
return RePattern(*pattern, **kwargs)
"/home/jaburgos/.local/lib/python3.7/site-packages/rebulk/pattern.py", line 441, in __init__
pattern = call(re.compile, pattern, **self._kwargs)
"/home/jaburgos/.local/lib/python3.7/site-packages/rebulk/loose.py", line 60, in call
return function(*call_args, **call_kwargs)
"/usr/lib64/python3.7/site-packages/regex/regex.py", line 348, in compile
return _compile(pattern, flags, ignore_unused, kwargs)
"/usr/lib64/python3.7/site-packages/regex/regex.py", line 585, in _compile
raise ValueError('unused keyword argument {!a}'.format(any_one))
ValueError: unused keyword argument 'tags'
| Traceback (most recent call last):
"/usr/lib64/python3.5/site-packages/ranger/core/main.py", line 196, in main
fm.loop()
"/usr/lib64/python3.5/site-packages/ranger/core/fm.py", line 390, in loop
ui.redraw()
"/usr/lib64/python3.5/site-packages/ranger/gui/ui.py", line 338, in redraw
self.draw()
"/usr/lib64/python3.5/site-packages/ranger/gui/ui.py", line 365, in draw
DisplayableContainer.draw(self)
"/usr/lib64/python3.5/site-packages/ranger/gui/displayable.py", line 256, in draw
displayable.draw()
"/usr/lib64/python3.5/site-packages/ranger/gui/widgets/console.py", line 111, in draw
self.addstr(0, len(self.prompt), str(line[x:]))
"/usr/lib64/python3.5/site-packages/ranger/gui/curses_shortcuts.py", line 45, in addstr
self.win.addstr(*_fix_surrogates(args))
ValueError: embedded null character
| 0.588652 |
Traceback (most recent call last):
"test.py", line 50, in <module>
loop.run_until_complete(main())
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/asyncio/base_events.py", line 468, in run_until_complete
return future.result()
"test.py", line 42, in main
for item in page.get('Contents', []):
AttributeError: 'coroutine' object has no attribute 'get'
| Traceback (most recent call last):
"/tmp/zim-desktop-wiki/zim/gui/widgets.py", line 563, in do_button_press_event
menu.popup_at_pointer(event)
AttributeError: 'Menu' object has no attribute 'popup_at_pointer'
| 0.518594 |
Traceback (most recent call last):
"/usr/lib/python3/dist-packages/thingsboard_gateway/gateway/tb_client.py", line 125, in run
min_reconnect_delay=self.__min_reconnect_delay)
"/usr/lib/python3/dist-packages/thingsboard_gateway/tb_client/tb_device_mqtt.py", line 162, in connect
ciphers=None)
"/usr/lib/python3/dist-packages/paho/mqtt/client.py", line 709, in tls_set
self.tls_set_context(context)
"/usr/lib/python3/dist-packages/paho/mqtt/client.py", line 618, in tls_set_context
raise ValueError('SSL/TLS has already been configured.')
ValueError: SSL/TLS has already been configured.
| Traceback (most recent call last):
"./toto.py", line 39, in <module>
load_pem_x509_certificate(bytes(cert, 'utf-8'), default_backend())
"/Users/fabricemarie/.local/share/virtualenvs/toto/lib/python3.6/site-packages/cryptography/x509/base.py", line 52, in load_pem_x509_certificate
return backend.load_pem_x509_certificate(data)
"/Users/fabricemarie/.local/share/virtualenvs/toto/lib/python3.6/site-packages/cryptography/hazmat/backends/openssl/backend.py", line 1223, in load_pem_x509_certificate
"Unable to load certificate. See https://cryptography.io/en/la"
ValueError: Unable to load certificate. See https://cryptography.io/en/latest/faq/#why-can-t-i-import-my-pem-file for more details.
| 0.587561 |
Traceback (most recent call last):
"/usr/lib/python3.9/site-packages/ranger/core/main.py", line 203, in main
fm.loop()
"/usr/lib/python3.9/site-packages/ranger/core/fm.py", line 382, in loop
ui.handle_input()
"/usr/lib/python3.9/site-packages/ranger/gui/ui.py", line 276, in handle_input
self.handle_key(key)
"/usr/lib/python3.9/site-packages/ranger/gui/ui.py", line 206, in handle_key
elif not DisplayableContainer.press(self, key):
"/usr/lib/python3.9/site-packages/ranger/gui/displayable.py", line 272, in press
focused_obj.press(key)
"/usr/lib/python3.9/site-packages/ranger/gui/widgets/console.py", line 189, in press
self.type_key(key)
"/usr/lib/python3.9/site-packages/ranger/gui/widgets/console.py", line 215, in type_key
self._answer_question(answer)
"/usr/lib/python3.9/site-packages/ranger/gui/widgets/console.py", line 198, in _answer_question
callback(answer)
"/usr/lib/python3.9/site-packages/ranger/config/commands.py", line 760, in _question_callback
self.fm.execute_file(files, label='trash')
"/usr/lib/python3.9/site-packages/ranger/core/actions.py", line 430, in execute_file
filenames = [f.path for f in files]
"/usr/lib/python3.9/site-packages/ranger/core/actions.py", line 430, in <listcomp>
filenames = [f.path for f in files]
AttributeError: 'str' object has no attribute 'path'
| Traceback (most recent call last):
"/usr/lib/python3.5/pdb.py", line 1661, in main
pdb._runscript(mainpyfile)
"/usr/lib/python3.5/pdb.py", line 1542, in _runscript
self.run(statement)
"/usr/lib/python3.5/bdb.py", line 431, in run
exec(cmd, globals, locals)
"<string>", line 1, in <module>
"/home/rohits/Uber/pyro-main/tests/integration_tests/test_empty_model_guide.py", line 1, in <module>
import torch
"/home/rohits/Uber/pyro-main/pyro/infer/svi.py", line 98, in step
loss = self.loss_and_grads(self.model, self.guide, *args, **kwargs)
"/home/rohits/Uber/pyro-main/pyro/infer/elbo.py", line 65, in loss_and_grads
return self.which_elbo.loss_and_grads(model, guide, *args, **kwargs)
"/home/rohits/Uber/pyro-main/pyro/infer/trace_elbo.py", line 164, in loss_and_grads
elbo += (weight * elbo_particle).data.sum()
AttributeError: 'float' object has no attribute 'data'
| 0.63018 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.5/dist-packages/pwnlib/elf/elf.py", line 1097, in search
offset = data.find(needle, offset)
TypeError: a bytes-like object is required, not 'str'
| Traceback (most recent call last):
"/home/panotech/PycharmProjects/Mask_RCNN/samples/nucleus/nucleus.py", line 455, in <module>
model_dir=args.logs)
"/home/panotech/PycharmProjects/Mask_RCNN/mrcnn/model.py", line 1820, in __init__
self.keras_model = self.build(mode=mode, config=config)
"/home/panotech/PycharmProjects/Mask_RCNN/mrcnn/model.py", line 2039, in build
model = ParallelModel(model, config.GPU_COUNT)
"/home/panotech/PycharmProjects/Mask_RCNN/mrcnn/parallel_model.py", line 37, in __init__
merged_outputs = self.make_parallel()
"/home/panotech/PycharmProjects/Mask_RCNN/mrcnn/parallel_model.py", line 81, in make_parallel
outputs = self.inner_model(inputs)
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/keras/engine/topology.py", line 619, in __call__
output = self.call(inputs, **kwargs)
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/keras/engine/topology.py", line 2085, in call
output_tensors, _, _ = self.run_internal_graph(inputs, masks)
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/keras/engine/topology.py", line 2236, in run_internal_graph
output_tensors = _to_list(layer.call(computed_tensor, **kwargs))
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/keras/layers/core.py", line 663, in call
return self.function(inputs, **arguments)
"/home/panotech/PycharmProjects/Mask_RCNN/mrcnn/model.py", line 1913, in <lambda>
anchors = KL.Lambda(lambda x: tf.constant(anchors), name="anchors")(input_image)
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 214, in constant
value, dtype=dtype, shape=shape, verify_shape=verify_shape))
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/tensorflow/python/framework/tensor_util.py", line 433, in make_tensor_proto
_AssertCompatible(values, dtype)
"/usr/local/share/anaconda3/envs/zzg3.6/lib/python3.6/site-packages/tensorflow/python/framework/tensor_util.py", line 341, in _AssertCompatible
raise TypeError("List of Tensors when single Tensor expected")
TypeError: List of Tensors when single Tensor expected
| 0.539294 |
Traceback (most recent call last):
"/home/building/calibre/psutil-5.4.3/psutil/tests/test_linux.py", line 735, in test_ctx_switches
self.assertAlmostEqual(vmstat_value, psutil_value, delta=500)
AssertionError: 4216416761 != 21396285949 within 500 delta
| Traceback (most recent call last):
"D:\anaconda3\envs\venv\lib\multiprocessing\process.py", line 258, in _bootstrap
self.run()
"D:\iPERCore-main\iPERCore\services\preprocess.py", line 43, in run
device=device
"D:\iPERCore-main\iPERCore\tools\processors\preprocessors.py", line 127, in __init__
device=device
"D:\iPERCore-main\iPERCore\tools\human_mattors\__init__.py", line 11, in build_mattor
from .point_render_parser import PointRenderGCAMattor
"D:\iPERCore-main\iPERCore\tools\human_mattors\point_render_parser.py", line 11, in <module>
from mmdet.apis import init_detector, inference_detector
"D:\anaconda3\envs\venv\lib\site-packages\mmdet\__init__.py", line 25, in <module>
f'MMCV=={mmcv.__version__} is used but incompatible. ' \
AssertionError: MMCV==1.1.5 is used but incompatible. Please install mmcv>=1.2.4, <=1.3.
| 0.53342 |
Traceback (most recent call last):
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/multiprocessing/process.py", line 258, in _bootstrap
self.run()
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/multiprocessing/process.py", line 114, in run
self._target(*self._args, **self._kwargs)
"../astra.py", line 106, in modules_scan
cors_main(url,method,headers,body,scanid)
"../modules/cors.py", line 72, in cors_main
result = cors_check(origin,option_response.headers)
AttributeError: 'NoneType' object has no attribute 'headers'`
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.662262 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 330, in _mp_start_fn
_start_fn(index, pf_cfg, fn, args)
"/usr/local/lib/python3.6/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 324, in _start_fn
fn(gindex, *args)
"/content/transformers/examples/seq2seq/finetune_trainer.py", line 300, in _mp_fn
main()
"/content/transformers/examples/seq2seq/finetune_trainer.py", line 249, in main
model_path=model_args.model_name_or_path if os.path.isdir(model_args.model_name_or_path) else None
"/usr/local/lib/python3.6/dist-packages/transformers/trainer.py", line 776, in train
tr_loss += self.training_step(model, inputs)
"/usr/local/lib/python3.6/dist-packages/transformers/trainer.py", line 1128, in training_step
loss.backward()
"/usr/local/lib/python3.6/dist-packages/torch/tensor.py", line 221, in backward
torch.autograd.backward(self, gradient, retain_graph, create_graph)
"/usr/local/lib/python3.6/dist-packages/torch/autograd/__init__.py", line 132, in backward
allow_unreachable=True)
# allow_unreachable flag
RuntimeError: Cannot access data pointer of Tensor that doesn't have storage
| Traceback (most recent call last):
"/tmp/kitchen/testing/tests/support/mixins.py", line 374, in wrapper
type(module)
RuntimeError: The dictionary keys returned by MandrillModuleTest.setup_loader_modules() must be an imported module, not <class 'str'>
| 0.525512 |
Traceback (most recent call last):
"./weevely.py", line 99, in <module>
main(arguments)
"./weevely.py", line 39, in main
password = arguments.password
"/root/tools/weevely3/core/sessions.py", line 225, in __init__
saved_url = sessiondb.get('url')
AttributeError: 'NoneType' object has no attribute 'get'
| 2020-04-13 14:02:04,536 CRITICAL friture.exceptionhandler: Unhandled exception: Traceback (most recent call last):
"friture\audiobackend.py", line 429, in fetchAudioData
"friture\audiobackend.py", line 451, in get_stream_time
AttributeError: 'NoneType' object has no attribute 'time'
| 0.666501 |
Traceback (most recent call last):
"/usr/local/Cellar/python/2.7.2/lib/python2.7/doctest.py", line 1254, in __run
compileflags, 1) in test.globs
"<doctest align.doctest[9]>", line 1, in <module>
als.alignment = align.Alignment([(0, 0), (1, 4), (2, 1), (3, 3)])
AttributeError: can't set attribute | Traceback (most recent call last):
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\IPython\core\interactiveshell.py", line 2044, in showtraceback
stb = value._render_traceback_()
AttributeError: 'ImportError' object has no attribute '_render_traceback_'
| 0.489232 |
Traceback (most recent call last):
"/Users/nrryuya1/work/blockchain/nrryuya/vyper/tests/examples/tokens/ERC20_solidity_compatible/test/erc20_tests_1.py", line 406, in setUp
super().setUp()
"/Users/nrryuya1/work/blockchain/nrryuya/vyper/tests/examples/tokens/ERC20_solidity_compatible/test/erc20_tests_1.py", line 52, in setUp
self.s.revert(self.initial_state)
"/Users/nrryuya1/.pyenv/versions/vyper/lib/python3.6/site-packages/ethereum/tools/tester.py", line 297, in revert
self.block.transactions = self.block.transactions[:txcount]
"/Users/nrryuya1/.pyenv/versions/vyper/lib/python3.6/site-packages/rlp/sedes/serializable.py", line 334, in field_fn_setter
raise AttributeError("can't set attribute")
AttributeError: can't set attribute
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Python27\lib\site-packages\scapy\sendrecv.py", line 15, in <module>
from scapy.arch.consts import DARWIN, FREEBSD, OPENBSD
"C:\Python27\lib\site-packages\scapy\arch\__init__.py", line 96, in <module>
from scapy.arch.windows.compatibility import *
"C:\Python27\lib\site-packages\scapy\arch\windows\compatibility.py", line 172, in <module>
scapy.sendrecv.sndrcv = sndrcv
AttributeError: 'module' object has no attribute 'sendrecv'
| 0.58968 |
Traceback (most recent call last):
"myscript.py", line 1, in <module>
import transformers
"/home/user/miniconda3/envs/sberttest/lib/python3.7/site-packages/transformers/__init__.py", line 22, in <module>
from .integrations import (
# isort:skip
"/home/user/miniconda3/envs/sberttest/lib/python3.7/site-packages/transformers/integrations.py", line 42, in <module>
from .trainer_utils import PREFIX_CHECKPOINT_DIR, BestRun
# isort:skip
"/home/user/miniconda3/envs/sberttest/lib/python3.7/site-packages/transformers/trainer_utils.py", line 6, in <module>
from .file_utils import is_tf_available, is_torch_available, is_torch_tpu_available
"/home/user/miniconda3/envs/sberttest/lib/python3.7/site-packages/transformers/file_utils.py", line 72, in <module>
logger.debug(f"Succesfully imported datasets version {datasets.__version__}")
AttributeError: module 'datasets' has no attribute '__version__'
| Traceback (most recent call last):
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker
xlog.exception("google_ip.runJob fail:%r", e)
AttributeError: 'NoneType' object has no attribute 'exception'
| 0.581531 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/dist-packages/tartube-1.4.0-py3.7.egg/tartube/mainapp.py", line 1369, in do_activate
"/usr/local/lib/python3.7/dist-packages/tartube-1.4.0-py3.7.egg/tartube/mainapp.py", line 1459, in start
"/usr/local/lib/python3.7/dist-packages/tartube-1.4.0-py3.7.egg/tartube/mainwin.py", line 467, in __init__
"/usr/local/lib/python3.7/dist-packages/tartube-1.4.0-py3.7.egg/tartube/mainwin.py", line 611, in setup_win
"/usr/local/lib/python3.7/dist-packages/tartube-1.4.0-py3.7.egg/tartube/mainwin.py", line 883, in setup_main_toolbar
KeyError: 'tool_video_small'
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/patroni/postgresql.py", line 1667, in post_bootstrap
self.create_or_update_role(self._superuser['username'], self._superuser['password'], ['SUPERUSER'])
KeyError: 'password'
| 0.48491 |
Traceback (most recent call last):
"convert_pascal_voc_to_tfrecords.ipynb", line 18, in <module>
mode=2)
"/home/cxy/Desktop/FCN_MIL_supervision_tensorflow-master/code/tf_image_segmentation/utils/pascal_voc.py", line 557, in get_augmented_pascal_image_annotation_filename_pairs
train_from_berkeley_image_annotation_pairs + train_from_pascal_image_annotation_pairs
TypeError: unsupported operand type(s) for +: 'zip' and 'zip' | Traceback (most recent call last):
"venv3/lib/python3.7/site-packages/flask/app.py", line 2446, in wsgi_app
response = self.full_dispatch_request()
"venv3/lib/python3.7/site-packages/flask/app.py", line 1951, in full_dispatch_request
rv = self.handle_user_exception(e)
"venv3/lib/python3.7/site-packages/flask/app.py", line 1820, in handle_user_exception
reraise(exc_type, exc_value, tb)
"venv3/lib/python3.7/site-packages/flask/_compat.py", line 39, in reraise
raise value
"venv3/lib/python3.7/site-packages/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
"venv3/lib/python3.7/site-packages/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"venv3/lib/python3.7/site-packages/flask_injector.py", line 89, in wrapper
return injector.call_with_injection(callable=fun, args=args, kwargs=kwargs)
"venv3/lib/python3.7/site-packages/injector/__init__.py", line 980, in call_with_injection
reraise(e, CallError(self_, callable, args, dependencies, e, self._stack))
"venv3/lib/python3.7/site-packages/injector/__init__.py", line 196, in reraise
raise exception.with_traceback(tb)
"venv3/lib/python3.7/site-packages/injector/__init__.py", line 978, in call_with_injection
return callable(*full_args, **dependencies)
"venv3/lib/python3.7/site-packages/connexion/decorators/decorator.py", line 48, in wrapper
response = function(request)
"venv3/lib/python3.7/site-packages/connexion/decorators/security.py", line 311, in wrapper
token_info = get_authorization_info(auth_funcs, request, required_scopes)
"venv3/lib/python3.7/site-packages/connexion/decorators/security.py", line 127, in get_authorization_info
token_info = func(request, required_scopes)
"venv3/lib/python3.7/site-packages/connexion/decorators/security.py", line 188, in wrapper
token_info = verify_authorization_token(request, token_info_func)
"/venv3/lib/python3.7/site-packages/connexion/decorators/security.py", line 175, in verify_authorization_token
token_info = token_info_func(token)
TypeError: validate_token() missing 1 required positional argument: 'injectedArg'
| 0.514482 |
Traceback (most recent call last):
"displayModel.pyc", line 312, in _get__storyFieldsAndRects
"locationHelper.pyc", line 261, in toLogical
RuntimeError: Couldn't convert RectLTWH(left=259, top=54, width=1403, height=921) to logical coordinates
| /opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,1,0] Assertion `cumdist[size - 1] > static_cast<scalar_t>(0)` failed.
/opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,2,0] Assertion `cumdist[size - 1] > static_cast<scalar_t>(0)` failed.
/opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,0,0] Assertion `cumdist[size - 1] > static_cast<scalar_t>(0)` failed.
/opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,3,0] Assertion `cumdist[size - 1] > static_cast<scalar_t>(0)` failed.
Traceback (most recent call last):
"tools/train_net.py", line 292, in <module>
args=(args,),
"/usr/local/google/home/weicheng/Documents/research/detectron2_repo/detectron2/engine/launch.py", line 52, in launch
main_func(*args)
"tools/train_net.py", line 274, in main
args.num_eval_images)
"tools/train_net.py", line 213, in eval_no_predict
results_i = evaluation_on_dataset(model_preds, evaluator)
"/usr/local/google/home/weicheng/Documents/research/detectron2_repo/detectron2/evaluation/evaluator.py", line 185, in evaluation_on_dataset
results = evaluator.evaluate()
"/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 170, in evaluate
self._eval_predictions()
"/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 192, in _eval_predictions
vis_output_name=self._vis_output_name,
"/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 443, in evaluate_for_pix3d
shape_metrics = compare_meshes(meshes, gt_mesh, reduce=False)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 49, in decorate_no_grad
return func(*args, **kwargs)
"/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/utils/metrics.py", line 68, in compare_meshes
pred_points, pred_normals = _sample_meshes(pred_meshes, num_samples_pred)
"/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/utils/metrics.py", line 153, in _sample_meshes
verts, normals = sample_points_from_meshes(meshes, num_samples, return_normals=True)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/pytorch3d/ops/sample_points_from_meshes.py", line 66, in sample_points_from_meshes
print(meshes.valid)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/tensor.py", line 159, in __repr__
return torch._tensor_str._str(self)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 311, in _str
tensor_str = _tensor_str(self, indent)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 209, in _tensor_str
formatter = _Formatter(get_summarized_data(self) if summarize else self)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 83, in __init__
value_str = '{}'.format(value)
"/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/tensor.py", line 409, in __format__
return self.item().__format__(format_spec)
RuntimeError: CUDA error: device-side assert triggered
` | 0.505315 |
Traceback (most recent call last):
"./pytorch/train.py", line 674, in <module>
fire.Fire()
"/opt/conda/lib/python3.6/site-packages/fire/core.py", line 138, in Fire
component_trace = _Fire(component, args, parsed_flag_args, context, name)
"/opt/conda/lib/python3.6/site-packages/fire/core.py", line 468, in _Fire
target=component.__name__)
"/opt/conda/lib/python3.6/site-packages/fire/core.py", line 672, in _CallAndUpdateTrace
component = fn(*varargs, **kwargs)
"./pytorch/train.py", line 490, in evaluate
torchplus.train.try_restore_latest_checkpoints(model_dir, [net])
"/workspace/second.pytorch/torchplus/train/checkpoint.py", line 149, in try_restore_latest_checkpoints
restore(latest_ckpt, model, map_func)
"/workspace/second.pytorch/torchplus/train/checkpoint.py", line 120, in restore
model.load_state_dict(state_dict)
"/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 1049, in load_state_dict
self.__class__.__name__, "\n\t".join(error_msgs)))
RuntimeError: Error(s) in loading state_dict for VoxelNet:
| Traceback (most recent call last):
"main.py", line 184, in <module>
main()
"main.py", line 152, in main
loss = train(imgL_crop,imgR_crop, disp_crop_L)
"main.py", line 95, in train
output1, output2, output3 = model(imgL,imgR)
"/usr/local/lib/python2.7/dist-packages/torch/nn/modules/module.py", line 491, in __call__
result = self.forward(*input, **kwargs)
"/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/data_parallel.py", line 114, in forward
outputs = self.parallel_apply(replicas, inputs, kwargs)
"/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/data_parallel.py", line 124, in parallel_apply
return parallel_apply(replicas, inputs, kwargs, self.device_ids[:len(replicas)])
"/usr/local/lib/python2.7/dist-packages/torch/nn/parallel/parallel_apply.py", line 65, in parallel_apply
raise output
RuntimeError: cuda runtime error (2) : out of memory at /pytorch/aten/src/THC/generic/THCStorage.cu:58
| 0.576216 |
Traceback (most recent call last):
"/usr/lib/python3.5/site-packages/kombu-4.0.0-py3.5.egg/kombu/transport/qpid.py", line 1734, in __del__
if self.use_async_interface:
AttributeError: 'Transport' object has no attribute 'use_async_interface'
| Traceback (most recent call last):
"/Users/jameysmith/.local/lib/python3.7/site-packages/IPython/core/interactiveshell.py", line 3319, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-21-57ff3821ad92>", line 11, in <module>
max_threads=5
"/Users/jameysmith/opt/miniconda3/envs/sent-request/lib/python3.7/site-packages/eolearn/io/processing_api.py", line 248, in __init__
elif data_source.is_custom() and not bands:
"/Users/jameysmith/opt/miniconda3/envs/sent-request/lib/python3.7/site-packages/sentinelhub/data_collections.py", line 495, in __getattr__
return super().__getattribute__(item, *args, **kwargs)
AttributeError: 'DataCollection' object has no attribute 'is_custom'
| 0.596281 |
Traceback (most recent call last):
"/home/whot/code/ratbag/piper/piper/application.py", line 52, in do_activate
window = Window(self._ratbag, application=self)
"/home/whot/code/ratbag/piper/piper/window.py", line 57, in __init__
capabilities = self._device.capabilities
AttributeError: 'NoneType' object has no attribute 'capabilities'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/flask/app.py", line 1982, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib/python3.6/site-packages/flask/app.py", line 1614, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib/python3.6/site-packages/flask/app.py", line 1517, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python3.6/site-packages/flask/_compat.py", line 33, in reraise
raise value
"/usr/local/lib/python3.6/site-packages/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python3.6/site-packages/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/lib/python3.6/site-packages/fava/application.py", line 264, in report
return render_template('{}.html'.format(report_name))
"/usr/local/lib/python3.6/site-packages/flask/templating.py", line 134, in render_template
context, ctx.app)
"/usr/local/lib/python3.6/site-packages/flask/templating.py", line 116, in _render
rv = template.render(context)
"/usr/local/lib/python3.6/site-packages/jinja2/asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"/usr/local/lib/python3.6/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/usr/local/lib/python3.6/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python3.6/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/usr/local/lib/python3.6/site-packages/fava/templates/income_statement.html", line 3, in top-level template code
{% import '_tree_table.html' as tree_table with context %}
"/usr/local/lib/python3.6/site-packages/fava/templates/_layout.html", line 43, in top-level template code
{% block content %}{% endblock %}
"/usr/local/lib/python3.6/site-packages/fava/templates/income_statement.html", line 8, in block "content"
{{ charts.interval_totals(interval, (ledger.options['name_income'], ledger.options['name_expenses']), label=_('Net Profit')) }}
"/usr/local/lib/python3.6/site-packages/jinja2/runtime.py", line 553, in _invoke
rv = self._func(*arguments)
"/usr/local/lib/python3.6/site-packages/fava/templates/_charts.html", line 15, in template
{% do chart_data.append({
"/usr/local/lib/python3.6/site-packages/fava/util/__init__.py", line 27, in wrapper
return list(func(*args, **kwargs))
"/usr/local/lib/python3.6/site-packages/fava/core/charts.py", line 106, in interval_totals
'totals': _inventory_cost_or_value(inventory, end),
"/usr/local/lib/python3.6/site-packages/fava/core/charts.py", line 49, in _inventory_cost_or_value
inventory = cost_or_value(inventory, date)
"/usr/local/lib/python3.6/site-packages/fava/template_filters.py", line 41, in cost_or_value
return inventory.reduce(convert.get_cost)
AttributeError: 'Inventory' object has no attribute 'reduce'
| 0.589763 |
Traceback (most recent call last):
"/usr/local/lib/python3.8/dist-packages/telebot/util.py", line 69, in run
task(*args, **kwargs)
"tbot.py", line 26, in replyphoto
bot.sendPhoto(message.chat.id, message.photo.file_id)
AttributeError: 'TeleBot' object has no attribute 'sendPhoto'
| Traceback (most recent call last):
"/usr/local/bin/wifiphisher", line 11, in <module>
load_entry_point('wifiphisher==1.4', 'console_scripts', 'wifiphisher')()
"/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 489, in load_entry_point
return get_distribution(dist).load_entry_point(group, name)
"/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2852, in load_entry_point
return ep.load()
"/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2443, in load
return self.resolve()
"/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2449, in resolve
module = __import__(self.module_name, fromlist=['__name__'], level=0)
"/usr/local/lib/python3.7/dist-packages/wifiphisher-1.4-py3.7.egg/wifiphisher/pywifiphisher.py", line 31, in <module>
import wifiphisher.common.phishinghttp as phishinghttp
"/usr/local/lib/python3.7/dist-packages/wifiphisher-1.4-py3.7.egg/wifiphisher/common/phishinghttp.py", line 18, in <module>
asyncio.set_event_loop_policy(tornado.platform.asyncio.AnyThreadEventLoopPolicy())
AttributeError: module 'tornado.platform.asyncio' has no attribute 'AnyThreadEventLoopPolicy' | 0.584129 |
Traceback (most recent call last):
"/usr/lib/python3.8/asyncio/events.py", line 81, in _run
self._context.run(self._callback, *self._args)
"/usr/bin/../lib/kitty/kittens/tui/loop.py", line 222, in _read_ready
self.read_buf = self.parse_input_from_terminal(self.read_buf, self.in_bracketed_paste)
"/usr/bin/../lib/kitty/kittens/tui/loop.py", line 245, in _on_text
self.handler.on_text(chunk, self.in_bracketed_paste)
"/usr/bin/../lib/kitty/kittens/diff/main.py", line 493, in on_text
return self.perform_action(action)
"/usr/bin/../lib/kitty/kittens/diff/main.py", line 116, in perform_action
to = int(args[0])
ValueError: invalid literal for int() with base 10: 'all'
| Traceback (most recent call last):
"deeplab/eval.py", line 227, in <module>
tf.app.run()
"/home/mll/anaconda3/envs/tensor/lib/python3.7/site-packages/tensorflow_core/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
"/home/mll/anaconda3/envs/tensor/lib/python3.7/site-packages/absl/app.py", line 299, in run
_run_main(main, args)
"/home/mll/anaconda3/envs/tensor/lib/python3.7/site-packages/absl/app.py", line 250, in _run_main
sys.exit(main(argv))
"deeplab/eval.py", line 106, in main
should_repeat=False)
"/data/mll/models/research/deeplab/datasets/data_generator.py", line 171, in __init__
raise ValueError('data split name %s not recognized' % split_name)
ValueError: data split name val not recognized
| 0.59349 |
Traceback (most recent call last):
"/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra
check_service_health(api=name, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health
raise e
"/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 45, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager
assert isinstance(out['SecretList'], list)
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"./mwerror.py", line 13, in <module>
for doc in nlp.pipe(TEXTS, n_process=2):
".../python3.8/site-packages/spacy/language.py", line 1479, in pipe
for doc in docs:
".../python3.8/site-packages/spacy/language.py", line 1515, in _multiprocessing_pipe
proc.start()
".../python3.8/multiprocessing/process.py", line 121, in start
self._popen = self._Popen(self)
".../python3.8/multiprocessing/context.py", line 224, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
".../python3.8/multiprocessing/context.py", line 284, in _Popen
return Popen(process_obj)
".../python3.8/multiprocessing/popen_spawn_posix.py", line 32, in __init__
super().__init__(process_obj)
".../python3.8/multiprocessing/popen_fork.py", line 19, in __init__
self._launch(process_obj)
".../python3.8/multiprocessing/popen_spawn_posix.py", line 47, in _launch
reduction.dump(process_obj, fp)
".../python3.8/multiprocessing/reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
TypeError: cannot pickle 'nmslib.dist.FloatIndex' object
| 0.583756 |
Traceback (most recent call last):
"VideoWidget_vlc.py", line 866, in mediaStop
TypeError: 'method' object is not connected
| Traceback (most recent call last):
"/opt/medusa/medusa/server/web/core/base.py", line 252, in async_call
result = function(**kwargs)
"/opt/medusa/medusa/server/web/home/handler.py", line 1691, in fetch_releasegroups
groups = get_release_groups_for_anime(series_name)
"</opt/medusa/ext/decorator.py:decorator-gen-15>", line 2, in get_release_groups_for_anime
"/opt/medusa/ext/dogpile/cache/region.py", line 1577, in get_or_create_for_user_func
return self.get_or_create(
"/opt/medusa/ext/dogpile/cache/region.py", line 1042, in get_or_create
with Lock(
"/opt/medusa/ext/dogpile/lock.py", line 185, in __enter__
return self._enter()
"/opt/medusa/ext/dogpile/lock.py", line 87, in _enter
value = value_fn()
"/opt/medusa/ext/dogpile/cache/region.py", line 977, in get_value
value = self._get_from_backend(key)
"/opt/medusa/ext/dogpile/cache/region.py", line 1264, in _get_from_backend
return self._parse_serialized_from_backend(
"/opt/medusa/ext/dogpile/cache/region.py", line 1221, in _parse_serialized_from_backend
metadata = json.loads(bytes_metadata)
"/usr/lib/python3.8/json/__init__.py", line 344, in loads
s = s.decode(detect_encoding(s), 'surrogatepass')
TypeError: decode() argument 'encoding' must be str, not None
| 0.493796 |
Traceback (most recent call last):
"asyncpg/protocol/prepared_stmt.pyx", line 146, in asyncpg.protocol.protocol.PreparedStatementState._encode_bind_msg
"asyncpg/protocol/codecs/base.pyx", line 192, in asyncpg.protocol.protocol.Codec.encode
"asyncpg/protocol/codecs/base.pyx", line 103, in asyncpg.protocol.protocol.Codec.encode_scalar
"asyncpg/pgproto/./codecs/text.pyx", line 29, in asyncpg.pgproto.pgproto.text_encode
"asyncpg/pgproto/./codecs/text.pyx", line 12, in asyncpg.pgproto.pgproto.as_pg_string_and_size
TypeError: expected str, got int
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/leon/virtualenvs/ogn/lib/python3.5/site-packages/PIL/ImageDraw.py", line 165, in line
for start, end in ((xy[i-1], point), (point, xy[i+1]))
"/home/leon/virtualenvs/ogn/lib/python3.5/site-packages/PIL/ImageDraw.py", line 165, in <listcomp>
for start, end in ((xy[i-1], point), (point, xy[i+1]))
TypeError: 'int' object is not subscriptable
| 0.590967 |
Traceback (most recent call last):
"main.py", line 168, in <module>
main()
"main.py", line 164, in main
engine.run(**engine_run_kwargs(args))
"/home/guest/mvb/deep-person-reid/torchreid/engine/engine.py", line 119, in run
self.train(epoch, max_epoch, trainloader, fixbase_epoch, open_layers, print_freq)
"/home/guest/mvb/deep-person-reid/torchreid/engine/image/softmax.py", line 89, in train
for batch_idx, data in enumerate(trainloader):
"/home/guest/.local/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 582, in __next__
return self._process_next_batch(batch)
"/home/guest/.local/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 608, in _process_next_batch
raise batch.exc_type(batch.exc_msg)
RuntimeError: Traceback (most recent call last):
|
Traceback (most recent call last):
"./reproduce.py", line 7, in <module>
p.feed(new_data)
"/home/test/env/lib/python3.8/site-packages/PIL/Image
.py", line 411, in feed
im = Image.open(fp)
"/home/test/env/lib/python3.8/site-packages/PIL/Image.py", line 2885, in open
im = _open_core(fp, filename, prefix)
"/home/test/env/lib/python3.8/site-packages/PIL/Image.py", line 2867, in _open_core
im = factory(fp, filename)
"/home/test/env/lib/python3.8/site-packages/PIL/Image
.py", line 107, in __init__
self._open()
"/home/test/env/lib/python3.8/site-packages/PIL/WebPImagePlugin.py", line 60, in _open
self._decoder = _webp.WebPAnimDecoder(self.fp.read())
RuntimeError: could not create decoder object
| 0.569189 |
Traceback (most recent call last):
"../../extract_graph_def.py", line 19, in <module>
main()
"../../extract_graph_def.py", line 15, in main
extract_graph_def(input, output)
"../../extract_graph_def.py", line 7, in extract_graph_def
meta_graph_def = tf.train.import_meta_graph(input)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/training/saver.py", line 1686, in import_meta_graph
**kwargs)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/meta_graph.py", line 504, in import_scoped_meta_graph
producer_op_list=producer_op_list)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/importer.py", line 283, in import_graph_def
raise ValueError('No op named %s in defined operations.' % node.op)
ValueError: No op named SSTableReaderV2 in defined operations.
| Traceback (most recent call last):
"/usr/lib/python2.7/threading.py", line 810, in __bootstrap_inner
self.run()
"/usr/lib/python2.7/threading.py", line 763, in run
self.__target(*self.__args, **self.__kwargs)
"lib/iterators/PrefetchingIter.py", line 64, in prefetch_func
self.next_batch[i] = self.iters[i].next()
"lib/iterators/MNIteratorBase.py", line 90, in next
if self.iter_next():
"lib/iterators/MNIteratorBase.py", line 87, in iter_next
return self.get_batch()
"lib/iterators/MNIteratorE2E.py", line 99, in get_batch
self.batch = self._get_batch()
"lib/iterators/MNIteratorE2E.py", line 171, in _get_batch
all_labels = self.pool.map(self.anchor_worker.worker, worker_data)
"/usr/lib/python2.7/multiprocessing/pool.py", line 251, in map
return self.map_async(func, iterable, chunksize).get()
"/usr/lib/python2.7/multiprocessing/pool.py", line 558, in get
raise self._value
ValueError: could not broadcast input array from shape (101,5) into shape (100,5)
| 0.572559 |
Traceback (most recent call last):
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/bin/t2t-trainer", line 108, in <module>
tf.app.run()
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/bin/t2t-trainer", line 104, in main
run_experiment()
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/bin/t2t-trainer", line 94, in run_experiment
schedule=FLAGS.schedule)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/trainer_utils.py", line 385, in run
hparams=hparams)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/contrib/learn/python/learn/learn_runner.py", line 218, in run
return _execute_schedule(experiment, schedule)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/contrib/learn/python/learn/learn_runner.py", line 46, in _execute_schedule
return task()
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 625, in train_and_evaluate
self.train(delay_secs=0)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 367, in train
hooks=self._train_monitors + extra_hooks)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 807, in _call_train
hooks=hooks)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 302, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 711, in _train_model
features, labels, model_fn_lib.ModeKeys.TRAIN, self.config)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 694, in _call_model_fn
model_fn_results = self._model_fn(features=features, **kwargs)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/model_builder.py", line 334, in wrapping_model_fn
return model_fn(model, features, mode, hparams, **kwargs)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/model_builder.py", line 163, in model_fn
max_idx=len(hparams.problems) - 1)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/input_fn_builder.py", line 182, in cond_on_index
return fn(cur_idx)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/model_builder.py", line 131, in nth_model
features, skip=(skipping_is_on and skip_this_one))
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 575, in __call__
outputs = self.call(inputs, *args, **kwargs)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/t2t_model.py", line 697, in call
inputs_dict, skip=skip, force_full_predict=force_full_predict)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/t2t_model.py", line 571, in _model_fn
sharded_features[key], dp)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/modality.py", line 128, in bottom_sharded
return data_parallelism(self.bottom, xs)
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/utils/expert_utils.py", line 251, in __call__
outputs.append(fns[i](*my_args[i], **my_kwargs[i]))
"/work/smg/v-ricardo/EXPERIMENTS/multimodel/local/lib/python2.7/site-packages/tensor2tensor/data_generators/librispeech.py", line 204, in bottom
for i in xrange(self._model_hparams.audio_compression):
AttributeError: 'HParams' object has no attribute 'audio_compression'
| Traceback (most recent call last):
"/var/task/c7n/policy.py", line 261, in run
results = a.process(resources)
"/var/task/c7n/resources/ec2.py", line 1347, in process
raise err
"/var/lang/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/var/task/c7n/resources/ec2.py", line 1362, in process_volume_set
result = self.manager.retry(client.create_snapshots, **params)
"/var/runtime/botocore/client.py", line 563, in __getattr__
self.__class__.__name__, item)
AttributeError: 'EC2' object has no attribute 'create_snapshots'
| 0.61315 |
Traceback (most recent call last):
"eventHandler.pyc", line 246, in executeEvent
"eventHandler.pyc", line 96, in __init__
"eventHandler.pyc", line 105, in next
"NVDAObjects\UIA\__init__.pyc", line 1142, in event_gainFocus
"NVDAObjects\__init__.pyc", line 1137, in event_gainFocus
"NVDAObjects\__init__.pyc", line 1005, in reportFocus
"speech\__init__.pyc", line 449, in speakObject
"speech\__init__.pyc", line 491, in getObjectSpeech
"speech\__init__.pyc", line 405, in getObjectPropertiesSpeech
"baseObject.pyc", line 42, in __get__
"baseObject.pyc", line 146, in _getPropertyViaCache
"NVDAObjects\UIA\__init__.pyc", line 1216, in _get_selectionContainer
"comtypesMonkeyPatches.pyc", line 27, in __call__
ValueError: NULL COM pointer access
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/lenovo/.virtualenvs/nlp/lib/python3.6/site-packages/summarizer/__init__.py", line 1, in <module>
from summarizer.model_processors import Summarizer, TransformerSummarizer
"/home/lenovo/.virtualenvs/nlp/lib/python3.6/site-packages/summarizer/model_processors.py", line 11, in <module>
class ModelProcessor(object):
"/home/lenovo/.virtualenvs/nlp/lib/python3.6/site-packages/summarizer/model_processors.py", line 27, in ModelProcessor
sentence_handler: SentenceHandler = SentenceHandler(),
"/home/lenovo/.virtualenvs/nlp/lib/python3.6/site-packages/summarizer/sentence_handler.py", line 10, in __init__
self.nlp.add_pipe(self.nlp.create_pipe('sentencizer'))
"/home/lenovo/.virtualenvs/nlp/lib/python3.6/site-packages/spacy/language.py", line 748, in add_pipe
raise ValueError(err)
ValueError: [E966] `nlp.add_pipe` now takes the string name of the registered component factory, not a callable component. Expected string, but got <spacy.pipeline.sentencizer.Sentencizer object at 0x7fd8702b3b48> (name: 'None').
| 0.597277 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/sibcb1/mxqianlab1/common/anaconda/envs/cnmf_env/lib/python3.6/site-packages/scanpy/__init__.py", line 36, in <module>
from . import tools as tl
"/sibcb1/mxqianlab1/common/anaconda/envs/cnmf_env/lib/python3.6/site-packages/scanpy/tools/__init__.py", line 17, in <module>
from ._sim import sim
"/sibcb1/mxqianlab1/common/anaconda/envs/cnmf_env/lib/python3.6/site-packages/scanpy/tools/_sim.py", line 23, in <module>
from .. import _utils, readwrite, logging as logg
"/sibcb1/mxqianlab1/common/anaconda/envs/cnmf_env/lib/python3.6/site-packages/scanpy/readwrite.py", line 10, in <module>
import tables
"/sibcb1/mxqianlab1/common/anaconda/envs/cnmf_env/lib/python3.6/site-packages/tables/__init__.py", line 93, in <module>
from .utilsextension import (
ImportError: libblosc.so.1: cannot open shared object file: No such file or directory
| Traceback (most recent call last):
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\IPython\core\ultratb.py", line 1148, in get_records
return _fixed_getinnerframes(etb, number_of_lines_of_context, tb_offset)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\IPython\core\ultratb.py", line 316, in wrapped
return f(*args, **kwargs)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\IPython\core\ultratb.py", line 350, in _fixed_getinnerframes
records = fix_frame_records_filenames(inspect.getinnerframes(etb, context))
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\inspect.py", line 1502, in getinnerframes
frameinfo = (tb.tb_frame,) + getframeinfo(tb, context)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\inspect.py", line 1460, in getframeinfo
filename = getsourcefile(frame) or getfile(frame)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\inspect.py", line 696, in getsourcefile
if getattr(getmodule(object, filename), '__loader__', None) is not None:
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\inspect.py", line 733, in getmodule
if ismodule(module) and hasattr(module, '__file__'):
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\__init__.py", line 50, in __getattr__
module = self._load()
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\__init__.py", line 44, in _load
module = _importlib.import_module(self.__name__)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\importlib\__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 1006, in _gcd_import
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 953, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"<frozen importlib._bootstrap>", line 1006, in _gcd_import
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 677, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 728, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow_core\__init__.py", line 42, in <module>
from . _api.v2 import audio
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow_core\_api\v2\audio\__init__.py", line 10, in <module>
from tensorflow.python.ops.gen_audio_ops import decode_wav
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow_core\python\ops\gen_audio_ops.py", line 9, in <module>
from tensorflow.python import pywrap_tensorflow as _pywrap_tensorflow
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\__init__.py", line 50, in __getattr__
module = self._load()
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\__init__.py", line 44, in _load
module = _importlib.import_module(self.__name__)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\importlib\__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow_core\python\__init__.py", line 49, in <module>
from tensorflow.python import pywrap_tensorflow
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow_core\python\pywrap_tensorflow.py", line 74, in <module>
raise ImportError(msg)
ImportError: Traceback (most recent call last):
| 0.609426 |
Traceback (most recent call last):
"pipes.pyx", line 640, in spacy.pipeline.pipes.Tagger.from_disk.load_model
"/data/spacy-test/lib/python3.7/site-packages/thinc/neural/_classes/model.py", line 375, in from_bytes
dest = getattr(layer, name)
AttributeError: 'FunctionLayer' object has no attribute 'vectors'
| Traceback (most recent call last):
"c:\users\biscoito\appdata\local\programs\python\python39\lib\runpy.py", line 197, in _run_module_as_main
return _run_code(code, main_globals, None,
"c:\users\biscoito\appdata\local\programs\python\python39\lib\runpy.py", line 87, in _run_code
exec(code, run_globals)
"C:\Users\biscoito\AppData\Local\Programs\Python\Python39\Scripts\youtube-dl.exe\__main__.py", line 7, in <module>
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\__init__.py", line 474, in main
_real_main(argv)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\__init__.py", line 464, in _real_main
retcode = ydl.download(all_urls)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 2028, in download
res = self.extract_info(
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 796, in extract_info
return self.__extract_info(url, ie, download, extra_info, process)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 803, in wrapper
return func(self, *args, **kwargs)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 835, in __extract_info
return self.process_ie_result(ie_result, download, extra_info)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 1012, in process_ie_result
entry_result = self.__process_iterable_entry(entry, download, extra)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 803, in wrapper
return func(self, *args, **kwargs)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 1044, in __process_iterable_entry
return self.process_ie_result(
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 873, in process_ie_result
return self.extract_info(ie_result['url'],
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 796, in extract_info
return self.__extract_info(url, ie, download, extra_info, process)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 803, in wrapper
return func(self, *args, **kwargs)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\YoutubeDL.py", line 824, in __extract_info
ie_result = ie.extract(url)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\extractor\common.py", line 532, in extract
ie_result = self._real_extract(url)
"c:\users\biscoito\appdata\local\programs\python\python39\lib\site-packages\youtube_dl\extractor\mixcloud.py", line 137, in _real_extract
format_url = stream_info.get(url_key)
AttributeError: 'NoneType' object has no attribute 'get'
| 0.608887 |
Traceback (most recent call last):
"overviewer.py", line 653, in <module>
"overviewer.py", line 488, in main
"overviewer_core\world.py", line 103, in __init__
"overviewer_core\nbt.py", line 31, in wrapper
"overviewer_core\nbt.py", line 40, in load
"overviewer_core\nbt.py", line 199, in read_all
"gzip.py", line 276, in read
"_compression.py", line 68, in readinto
"gzip.py", line 463, in read
"gzip.py", line 411, in _read_gzip_header
OSError: Not a gzipped file (b'\x
| Traceback (most recent call last):
"/var/tmp/portage/dev-python/psutil-5.6.7/work/psutil-5.6.7-python2_7/lib/psutil/tests/test_linux.py", line 1470, in test_emulate_power_not_plugged
self.assertEqual(psutil.sensors_battery().power_plugged, False)
"/var/tmp/portage/dev-python/psutil-5.6.7/work/psutil-5.6.7-python2_7/lib/psutil/__init__.py", line 2397, in sensors_battery
return _psplatform.sensors_battery()
"/var/tmp/portage/dev-python/psutil-5.6.7/work/psutil-5.6.7-python2_7/lib/psutil/_pslinux.py", line 1345, in sensors_battery
bats = [x for x in os.listdir(POWER_SUPPLY_PATH) if x.startswith('BAT')]
OSError: [Errno 2] No such file or directory: '/sys/class/power_supply'
| 0.584833 |
Traceback (most recent call last):
"phantom-evasion.py", line 709, in <module>
Phantom_lib.dependencies_checker()
"Setup/Phantom_lib.py", line 296, in dependencies_checker
kali_parrot_isready()
"Setup/Phantom_lib.py", line 204, in kali_parrot_isready
wine_check()
"Setup/Phantom_lib.py", line 510, in wine_check
if "cannot find" in py_check:
TypeError: a bytes-like object is required, not 'str'
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/core/executor.py", line 461, in run
if not current_state.execute():
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/core/state.py", line 127, in execute
result = self._platform.execute()
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/platforms/evm.py", line 2506, in execute
self.current_vm.execute()
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/platforms/evm.py", line 1334, in execute
result = self._handler(*arguments)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/platforms/evm.py", line 1300, in _handler
return implementation(*arguments)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.9-py2.7.egg/manticore/platforms/evm.py", line 1446, in SDIV
result = (abs(s0) // abs(s1) * (-1 if s0 * s1 < 0 else 1))
TypeError: bad operand type for abs(): 'BitVecITE'
| 0.583674 |
Traceback (most recent call last):
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1997, in __call__
return self.wsgi_app(environ, start_response)
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1985, in wsgi_app
response = self.handle_exception(e)
"/home/pi/.local/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1540, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/pi/.local/lib/python3.5/site-packages/flask/_compat.py", line 33, in reraise
raise value
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1982, in wsgi_app
response = self.full_dispatch_request()
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1614, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/pi/.local/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1517, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/pi/.local/lib/python3.5/site-packages/flask/_compat.py", line 33, in reraise
raise value
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/home/pi/.local/lib/python3.5/site-packages/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/pi/Desktop/AIBot/ai-chatbot-framework/app/stories/controllers.py", line 83, in updateStory
jsondata = loads(request.get_data())
"/home/pi/.local/lib/python3.5/site-packages/bson/json_util.py", line 438, in loads
return json.loads(s, *args, **kwargs)
"/usr/lib/python3.5/json/__init__.py", line 312, in loads
s.__class__.__name__))
TypeError: the JSON object must be str, not 'bytes'
|
Traceback (most recent call last):
"/opt/ts/services/miniconda.ext_public_miniconda/dist/lib/python3.5/site-packages/conda/exceptions.py", line 591, in conda_exception_handler
return_value = func(*args, **kwargs)
"/opt/ts/services/miniconda.ext_public_miniconda/dist/lib/python3.5/site-packages/conda_env/cli/main_create.py", line 108, in execute
installer.install(prefix, pkg_specs, args, env)
"/opt/ts/services/miniconda.ext_public_miniconda/dist/lib/python3.5/site-packages/conda_env/installers/pip.py", line 8, in install
pip_cmd = pip_args(prefix) + ['install', ] + specs
TypeError: unsupported operand type(s) for +: 'NoneType' and 'list'
| 0.556147 |
Traceback (most recent call last):
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 295, in data
value = self.get_value(row, column-1)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 270, in get_value
value = self.df.iloc[row, column]
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\indexing.py", line 1491, in __getitem__
return self._getitem_scalar(key)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\indexing.py", line 2113, in _getitem_scalar
values = self.obj._get_value(*key, takeable=True)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\frame.py", line 2765, in _get_value
return com.maybe_box_datetimelike(series._values[index])
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1010, in __getitem__
return self._get_val_at(key)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1053, in _get_val_at
return libindex.get_value_at(self.sp_values, sp_loc)
TypeError: Argument 'arr' has incorrect type (expected numpy.ndarray, got IntegerArray)
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"cupy/core/core.pyx", line 1139, in cupy.core.core.ndarray.sum
"cupy/core/core.pyx", line 1147, in cupy.core.core.ndarray.sum
"cupy/core/reduction.pxi", line 222, in cupy.core.core.simple_reduction_function.__call__
"cupy/core/elementwise.pxi", line 698, in cupy.core.core._guess_routine
TypeError: Wrong type (<class 'numpy.int16'>) of arguments for cupy_sum
| 0.608011 |
Traceback (most recent call last):
"weibo.py", line 635, in get_one_page
self.print_weibo(wb)
"weibo.py", line 556, in print_weibo
print('-' * 120)
OSError: [WinError 87] 参数错误。
| Traceback (most recent call last):
"hg_download.py", line 30, in <module>
tokenizer = AutoTokenizer.from_pretrained("lonePatient/albert_chinese_small")
"/usr/local/lib/python3.8/site-packages/transformers/tokenization_auto.py", line 217, in from_pretrained
return tokenizer_class_py.from_pretrained(pretrained_model_name_or_path, *inputs, **kwargs)
"/usr/local/lib/python3.8/site-packages/transformers/tokenization_utils_base.py", line 1140, in from_pretrained
return cls._from_pretrained(*inputs, **kwargs)
"/usr/local/lib/python3.8/site-packages/transformers/tokenization_utils_base.py", line 1239, in _from_pretrained
raise EnvironmentError(
OSError: Model name 'lonePatient/albert_chinese_small' was not found in tokenizers model name list (albert-base-v1, albert-large-v1, albert-xlarge-v1, albert-xxlarge-v1, albert-base-v2, albert-large-v2, albert-xlarge-v2, albert-xxlarge-v2). We assumed 'lonePatient/albert_chinese_small' was a path, a model identifier, or url to a directory containing vocabulary files named ['spiece.model'] but couldn't find such vocabulary files at this path or url.
| 0.480277 |
Traceback (most recent call last):
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/tests/test_protocols.py", line 65, in test_international_names
plugin_result = plugin.process_task(server_info, CertificateInfoScanCommand())
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/certificate_info_plugin.py", line 164, in process_task
path_validation_error_list, ocsp_response)
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/certificate_info_plugin.py", line 288, in __init__
has_must_staple = CertificateUtils.has_ocsp_must_staple_extension(self.certificate_chain[0])
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/utils/certificate_utils.py", line 108, in has_ocsp_must_staple_extension
tls_feature_ext = certificate.extensions.get_extension_for_oid(ExtensionOID.TLS_FEATURE)
AttributeError: type object 'ExtensionOID' has no attribute 'TLS_FEATURE'
| Traceback (most recent call last):
"./scripts/train.py", line 262, in <module>
main()
"./scripts/train.py", line 220, in main
rcnn_AP = validate(m.module, opt, heatmap_to_coord)
"./scripts/train.py", line 86, in validate
det_dataset = builder.build_dataset(cfg.DATASET.TEST, preset_cfg=cfg.DATA_PRESET, train=False)
"/content/AlphaPose/alphapose/models/builder.py", line 41, in build_dataset
return build(cfg, DATASET, default_args=default_args)
"/content/AlphaPose/alphapose/models/builder.py", line 18, in build
return build_from_cfg(cfg, registry, default_args)
"/content/AlphaPose/alphapose/utils/registry.py", line 75, in build_from_cfg
return obj_cls(**args)
"/content/AlphaPose/alphapose/datasets/coco_det.py", line 45, in __init__
self.write_coco_json(det_file)
"/content/AlphaPose/alphapose/datasets/coco_det.py", line 91, in write_coco_json
det_model = get_detector(self._opt)
"/content/AlphaPose/detector/apis.py", line 11, in get_detector
if opt.detector == 'yolo':
AttributeError: 'NoneType' object has no attribute 'detector' | 0.632141 |
Traceback (most recent call last):
"noisy.py", line 265, in <module>
main()
"noisy.py", line 261, in main
crawler.crawl()
"noisy.py", line 232, in crawl
self._browse_from_links()
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 173, in _browse_from_links
self._browse_from_links(depth + 1)
"noisy.py", line 155, in _browse_from_links
sub_links = self._extract_urls(sub_page, random_link)
"noisy.py", line 120, in _extract_urls
normalize_urls = [self._normalize_link(url, root_url) for url in urls]
"noisy.py", line 62, in _normalize_link
parsed_url = urlparse(link)
"/usr/lib/python2.7/urlparse.py", line 143, in urlparse
tuple = urlsplit(url, scheme, allow_fragments)
"/usr/lib/python2.7/urlparse.py", line 191, in urlsplit
raise ValueError("Invalid IPv6 URL")
ValueError: Invalid IPv6 URL
| Traceback (most recent call last):
"/home/sanjie.lp/workdir/softwares/anaconda2/bin/t2t-trainer", line 32, in <module>
tf.app.run()
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 126, in run
_sys.exit(main(argv))
"/home/sanjie.lp/workdir/softwares/anaconda2/bin/t2t-trainer", line 28, in main
t2t_trainer.main(argv)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/bin/t2t_trainer.py", line 355, in main
execute_schedule(exp)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/bin/t2t_trainer.py", line 321, in execute_schedule
getattr(exp, FLAGS.schedule)()
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/trainer_lib.py", line 331, in continuous_train_and_eval
self._eval_spec)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/training.py", line 439, in train_and_evaluate
executor.run()
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/training.py", line 518, in run
self.run_local()
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/training.py", line 650, in run_local
hooks=train_hooks)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 363, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 843, in _train_model
return self._train_model_default(input_fn, hooks, saving_listeners)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 856, in _train_model_default
features, labels, model_fn_lib.ModeKeys.TRAIN, self.config)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/estimator/estimator.py", line 831, in _call_model_fn
model_fn_results = self._model_fn(features=features, **kwargs)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/t2t_model.py", line 1225, in wrapping_model_fn
decode_hparams=decode_hparams)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/t2t_model.py", line 1277, in estimator_model_fn
logits, losses_dict = model(features)
# pylint: disable=not-callable
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 717, in __call__
outputs = self.call(inputs, *args, **kwargs)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/t2t_model.py", line 213, in call
sharded_logits, losses = self.model_fn_sharded(sharded_features)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/t2t_model.py", line 268, in model_fn_sharded
sharded_logits, sharded_losses = dp(self.model_fn, datashard_to_features)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/expert_utils.py", line 230, in __call__
outputs.append(fns[i](*my_args[i], **my_kwargs[i]))
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/utils/t2t_model.py", line 304, in model_fn
body_out = self.body(transformed_features)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/models/research/universal_transformer.py", line 172, in body
inputs, target_space, hparams, features=features)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/models/research/universal_transformer.py", line 85, in encode
save_weights_to=self.attention_weights))
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/models/research/universal_transformer_util.py", line 125, in universal_transformer_encoder
x, hparams, ffn_unit, attention_unit, pad_remover=pad_remover)
"/gruntdata/sanjie.lp/projects/tensor2tensor/tensor2tensor/models/research/universal_transformer_util.py", line 251, in universal_transformer_layer
ut_function, tf.range(hparams.num_rec_steps), initializer=initializer)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/functional_ops.py", line 132, in foldl
swap_memory=swap_memory)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/control_flow_ops.py", line 3224, in while_loop
result = loop_context.BuildLoop(cond, body, loop_vars, shape_invariants)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/control_flow_ops.py", line 2956, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/control_flow_ops.py", line 2915, in _BuildLoop
nest.assert_same_structure(list(packed_vars_for_body), list(body_result))
"/home/sanjie.lp/workdir/softwares/anaconda2/lib/python2.7/site-packages/tensorflow/python/util/nest.py", line 183, in assert_same_structure
_pywrap_tensorflow.AssertSameStructure(nest1, nest2, check_types)
ValueError: The two structures don't have the same nested structure.
| 0.517162 |
Traceback (most recent call last):
"/usr/lib/python3.8/unittest/mock.py", line 1778, in _inner
return f(*args, **kw)
"/usr/lib/python3.8/unittest/mock.py", line 1348, in patched
return func(*newargs, **newkeywargs)
"/home/antonio/debian/git/build-area/satpy-0.20.0/satpy/tests/writer_tests/test_ninjotiff.py", line 75, in test_image
ret = ntw.save_image(img, filename='bla.tif', compute=False)
"/home/antonio/debian/git/build-area/satpy-0.20.0/satpy/writers/ninjotiff.py", line 155, in save_image
return nt.save(img, filename, data_is_scaled_01=True, compute=compute, **kwargs)
"/usr/lib/python3/dist-packages/pyninjotiff/ninjotiff.py", line 541, in save
area_def = img.data.area
"/usr/lib/python3/dist-packages/xarray/core/common.py", line 232, in __getattr__
raise AttributeError(
AttributeError: 'DataArray' object has no attribute 'area'
| Oct 06 03:39:44.192 - [ERROR] Except stack:Traceback (most recent call last):
"D:\proxy\XX-Net-3.12.5\code\default\launcher\module_init.py", line 40, in start
proc_handler[module]["imp"] = __import__(module, globals(), locals(), ['local', 'start'], -1)
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\start.py", line 13, in <module>
import local.proxy as client
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\local\proxy.py", line 86, in <module>
import proxy_handler
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\local\proxy_handler.py", line 53, in <module>
import web_control
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\local\web_control.py", line 32, in <module>
import ipv6_tunnel
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\local\ipv6_tunnel\__init__.py", line 10, in <module>
from .win10 import state, state_pp, switch_pp, enable, disable, set_best_server
"D:\proxy\XX-Net-3.12.5\code\default\gae_proxy\local\ipv6_tunnel\win10.py", line 10, in <module>
import win32elevate
"D:\proxy\XX-Net-3.12.5\code\default\python27\1.0\lib\win32\win32elevate.py", line 37, in <module>
OpenProcessToken = ctypes.windll.kernel32.OpenProcessToken
"D:\proxy\XX-Net-3.12.5\code\default\python27\1.0\lib\ctypes\__init__.py", line 301, in __getattr__
func = self.__getitem__(name)
"D:\proxy\XX-Net-3.12.5\code\default\python27\1.0\lib\ctypes\__init__.py", line 306, in __getitem__
func = self._FuncPtr((name_or_ordinal, self))
AttributeError: function 'OpenProcessToken' not found
| 0.558347 |
Traceback (most recent call last):
"solve.py", line 89, in <module>
main()
"solve.py", line 86, in main
solve(sf, args.method, args.input_file, args.output_file)
"solve.py", line 29, in solve
[result, stats] = solver(maze)
"C:\Users\micha\Desktop\mazesolving-master\astar.py", line 80, in solve
unvisited.insert(vnode)
"C:\Users\micha\Desktop\mazesolving-master\priority_queue.py", line 59, in insert
heapq.heappush(self.pq, entry)
TypeError: '<' not supported between instances of 'Node' and 'Node' | Traceback (most recent call last):????? 0/99 ? 00:00:00
"/usr/bin/pipenv", line 11, in <module>
sys.exit(cli())
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/lib/python2.7/site-packages/pipenv/vendor/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/usr/lib/python2.7/site-packages/pipenv/cli.py", line 1049, in sync
pypi_mirror=pypi_mirror,
"/usr/lib/python2.7/site-packages/pipenv/core.py", line 2518, in do_sync
system=system,
"/usr/lib/python2.7/site-packages/pipenv/core.py", line 1322, in do_init
pypi_mirror=pypi_mirror,
"/usr/lib/python2.7/site-packages/pipenv/core.py", line 807, in do_install_dependencies
pypi_mirror=pypi_mirror,
"/usr/lib/python2.7/site-packages/pipenv/core.py", line 1375, in pip_install
package_name.split('--hash')[0].split('--trusted-host')[0]
"/usr/lib/python2.7/site-packages/pipenv/vendor/requirementslib/models/requirements.py", line 704, in from_line
line, extras = _strip_extras(line)
TypeError: 'module' object is not callable
| 0.559354 |
Traceback (most recent call last):
"nvda.pyw", line 215, in <module>
"core.pyc", line 265, in main
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"speechDictHandler\__init__.pyc", line 12, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"api.pyc", line 12, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"review.pyc", line 10, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"NVDAObjects\__init__.pyc", line 16, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"eventHandler.pyc", line 12, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"treeInterceptorHandler.pyc", line 10, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"documentBase.pyc", line 7, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"scriptHandler.pyc", line 20, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"braille.pyc", line 21, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"gui\__init__.pyc", line 28, in <module>
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 668, in _load_unlocked
"<frozen importlib._bootstrap>", line 638, in _load_backward_compatible
"gui\settingsDialogs.pyc", line 2510, in <module>
"gui\settingsDialogs.pyc", line 2513, in DictionaryEntryDialog
AttributeError: module 'speechDictHandler' has no attribute 'ENTRY_TYPE_ANYWHERE'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.621726 |
Traceback (most recent call last):
"/usr/lib/python3.6/wsgiref/handlers.py", line 141, in run
self.handle_error()
"/usr/lib/python3.6/wsgiref/handlers.py", line 368, in handle_error
self.finish_response()
"/usr/lib/python3.6/wsgiref/handlers.py", line 180, in finish_response
self.write(data)
"/usr/lib/python3.6/wsgiref/handlers.py", line 274, in write
self.send_headers()
"/usr/lib/python3.6/wsgiref/handlers.py", line 331, in send_headers
if not self.origin_server or self.client_is_modern():
"/usr/lib/python3.6/wsgiref/handlers.py", line 344, in client_is_modern
return self.environ['SERVER_PROTOCOL'].upper() != 'HTTP/0.9'
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"C:\Users\Thinkpad\Downloads\Compressed\CleanMyWechat-master\autoui.py", line 229, in confirm
self.videoCheck)
"C:\Users\Thinkpad\Downloads\Compressed\CleanMyWechat-master\autoui.py", line 272, in get
Num
dirname = PureWindowsPath(path)
"C:\Users\Thinkpad\AppData\Local\Programs\Python\Python36\lib\pathlib.py", line 624, in __new__
return cls._from_parts(args)
"C:\Users\Thinkpad\AppData\Local\Programs\Python\Python36\lib\pathlib.py", line 656, in _from_parts
drv, root, parts = self._parse_args(args)
"C:\Users\Thinkpad\AppData\Local\Programs\Python\Python36\lib\pathlib.py", line 640, in _parse_args
a = os.fspath(a)
TypeError: expected str, bytes or os.PathLike object, not list | 0.605586 |
Traceback (most recent call last):
"/usr/bin/youtube-dl", line 11, in <module>
load_entry_point('youtube-dl==2020.5.29', 'console_scripts', 'youtube-dl')()
"/usr/lib/python3/dist-packages/youtube_dl/__init__.py", line 478, in main
_real_main(argv)
"/usr/lib/python3/dist-packages/youtube_dl/__init__.py", line 468, in _real_main
retcode = ydl.download(all_urls)
"/usr/lib/python3/dist-packages/youtube_dl/YoutubeDL.py", line 2018, in download
res = self.extract_info(
"/usr/lib/python3/dist-packages/youtube_dl/YoutubeDL.py", line 808, in extract_info
return self.process_ie_result(ie_result, download, extra_info)
"/usr/lib/python3/dist-packages/youtube_dl/YoutubeDL.py", line 863, in process_ie_result
return self.process_video_result(ie_result, download=download)
"/usr/lib/python3/dist-packages/youtube_dl/YoutubeDL.py", line 1460, in process_video_result
t['url'] = sanitize_url(t['url'])
"/usr/lib/python3/dist-packages/youtube_dl/utils.py", line 2135, in sanitize_url
if url.startswith('//'):
AttributeError: 'dict' object has no attribute 'startswith'
| Traceback (most recent call last):
"/usr/lib/python3.5/unittest/mock.py", line 1157, in patched
return func(*args, **keywargs)
"/home/ubuntu/binaryalert/tests/manage_test.py", line 357, in test_deploy
mock_test.assert_called_once()
"/usr/lib/python3.5/unittest/mock.py", line 583, in __getattr__
raise AttributeError(name)
AttributeError: assert_called_once
| 0.556 |
Traceback (most recent call last):
".\Src\StdLib\Lib\ctypes\test\test_unicode.py", line 28, in test_ascii_strict
self.assertRaises(ctypes.ArgumentError, wcslen, "abä")
AssertionError: ArgumentError not raised
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
AssertionError: failed with pass
| 0.537453 |
Traceback (most recent call last):
"experiment.py", line 3, in <module>
p = ssh(host='e01.zenysec.com', user='ch03', password='ch03', port=20001) #process('./ch03')
"/home/user1/.local/lib/python2.7/site-packages/pwnlib/tubes/ssh.py", line 606, in __init__
self.client.connect(host, port, user, password, key, keyfiles, self.timeout, compress = True)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/client.py", line 424, in connect
passphrase,
"/home/user1/.local/lib/python2.7/site-packages/paramiko/client.py", line 686, in _auth
filename, pkey_class, passphrase,
"/home/user1/.local/lib/python2.7/site-packages/paramiko/client.py", line 551, in _key_from_filepath
key = klass.from_private_key_file(key_path, password)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/pkey.py", line 206, in from_private_key_file
key = cls(filename=filename, password=password)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/rsakey.py", line 48, in __init__
self._from_private_key_file(filename, password)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/rsakey.py", line 169, in _from_private_key_file
data = self._read_private_key_file('RSA', filename, password)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/pkey.py", line 279, in _read_private_key_file
data = self._read_private_key(tag, f, password)
"/home/user1/.local/lib/python2.7/site-packages/paramiko/pkey.py", line 337, in _read_private_key
return decryptor.update(data) + decryptor.finalize()
"/home/user1/.local/lib/python2.7/site-packages/cryptography/hazmat/primitives/ciphers/base.py", line 149, in update
return self._ctx.update(data)
"/home/user1/.local/lib/python2.7/site-packages/cryptography/hazmat/backends/openssl/ciphers.py", line 120, in update
n = self.update_into(data, buf)
"/home/user1/.local/lib/python2.7/site-packages/cryptography/hazmat/backends/openssl/ciphers.py", line 131, in update_into
"unsigned char *", self._backend._ffi.from_buffer(buf)
TypeError: from_buffer() cannot return the address of the raw string within a str or unicode or bytearray object`
|
Traceback (most recent call last):
"<string>", line 17, in <module>
"/tmp/pip_build_root/matplotlib/setup.py", line 155, in <module>
result = package.check()
"/tmp/pip_build_root/matplotlib/setupext.py", line 962, in check
min_version='2.3', version=version)
"/tmp/pip_build_root/matplotlib/setupext.py", line 446, in _check_for_pkg_config
if (not is_min_version(version, min_version)):
"/tmp/pip_build_root/matplotlib/setupext.py", line 174, in is_min_version
return found_version >= expected_version
"/usr/lib/python3.4/distutils/version.py", line 76, in __ge__
c = self._cmp(other)
"/usr/lib/python3.4/distutils/version.py", line 343, in _cmp
if self.version < other.version:
TypeError: unorderable types: str() < int() | 0.628781 |
Traceback (most recent call last):
"/opt/az/lib/python3.6/site-packages/knack/cli.py", line 194, in invoke
cmd_result = self.invocation.execute(args)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 331, in execute
six.reraise(*sys.exc_info())
"/opt/az/lib/python3.6/site-packages/six.py", line 693, in reraise
raise value
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 304, in execute
result = cmd(params)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 168, in __call__
return super(AzCliCommand, self).__call__(*args, **kwargs)
"/opt/az/lib/python3.6/site-packages/knack/commands.py", line 109, in __call__
return self.handler(*args, **kwargs)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/__init__.py", line 342, in default_command_handler
client = client_factory(self.cli_ctx, command_args) if client_factory else None
"/opt/az/lib/python3.6/site-packages/azure/cli/command_modules/storage/_client_factory.py", line 68, in blob_data_service_factory
sas_token=kwargs.pop('sas_token', None))
"/opt/az/lib/python3.6/site-packages/azure/cli/command_modules/storage/_client_factory.py", line 29, in generic_data_service_factory
return get_storage_data_service_client(cli_ctx, service, name, key, connection_string, sas_token)
"/opt/az/lib/python3.6/site-packages/azure/cli/command_modules/storage/_client_factory.py", line 24, in get_storage_data_service_client
endpoint_suffix=cli_ctx.cloud.suffixes.storage_endpoint)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/client_factory.py", line 121, in get_data_service_client
if _ERROR_STORAGE_MISSING_INFO in str(exc):
TypeError: 'in <string>' requires string as left operand, not NoneType
| Traceback (most recent call last):
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/sparse/tests/test_sp2.py", line 86, in test_op
tested = f(*self._inputs)
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/compile/function_module.py", line 875, in __call__
storage_map=getattr(self.fn, 'storage_map', None))
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/gof/link.py", line 317, in raise_with_op
reraise(exc_type, exc_value, exc_trace)
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/compile/function_module.py", line 862, in __call__
self.fn() if output_subset is None else\
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/gof/op.py", line 905, in rval
r = p(n, [x[0] for x in i], o)
"/home/yukun/theano_pak/_2_stage_opti_theano/dl4mt-opti/theano/theano/sparse/sandbox/sp2.py", line 126, in perform
binomial = numpy.random.binomial(n, p, size=shape)
"mtrand.pyx", line 3760, in mtrand.RandomState.binomial (numpy/random/mtrand/mtrand.c:28715)
TypeError: Cannot cast array data from dtype('float32') to dtype('int64') according to the rule 'safe'
| 0.605508 |
Traceback (most recent call last):
"/Users/m/.virtualenvs/ansible/bin/ansible-lint", line 11, in <module>
sys.exit(main())
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/__main__.py", line 187, in main
matches.extend(runner.run())
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/__init__.py", line 264, in run
for child in ansiblelint.utils.find_children(arg, self.playbook_dir):
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/utils.py", line 171, in find_children
for child in play_children(basedir, item, playbook[1], playbook_dir):
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/utils.py", line 223, in play_children
return delegate_map[k](basedir, k, v, parent_type)
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/utils.py", line 256, in _taskshandlers_children
results.extend(_taskshandlers_children(basedir, k, th['block'], parent_type))
"/Users/m/.virtualenvs/ansible/lib/python2.7/site-packages/ansiblelint/utils.py", line 252, in _taskshandlers_children
results.extend(_roles_children(basedir, k, [th['include_role'].get('name')],
AttributeError: 'AnsibleUnicode' object has no attribute 'get'
| Traceback (most recent call last):
"/home/yoh/anaconda-5.2.0-2.7/envs/mvdm-nept/lib/python3.7/site-packages/tqdm/std.py", line 1084, in __del__
self.close()
"/home/yoh/anaconda-5.2.0-2.7/envs/mvdm-nept/lib/python3.7/site-packages/tqdm/notebook.py", line 245, in close
self.sp(bar_style='danger')
AttributeError: 'tqdm_notebook' object has no attribute 'sp'
| 0.617709 |
Traceback (most recent call last):
"/usr/local/bin/anime", line 11, in <module>
load_entry_point('anime-downloader==4.3.0', 'console_scripts', 'anime')()
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/cli.py", line 53, in main
cli()
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/core.py", line 1259, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/click/decorators.py", line 21, in new_func
return f(get_current_context(), *args, **kwargs)
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/commands/dl.py", line 112, in command
for episode in animes:
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/sites/anime.py", line 198, in __iter__
yield episode_class(ep_id[1], parent=self, ep_no=ep_id[0])
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/sites/anime.py", line 293, in __init__
try_data()
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/sites/anime.py", line 289, in try_data
self.get_data()
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/sites/anime.py", line 349, in get_data
self._sources = self._get_sources()
"/usr/local/Cellar/anime-downloader/HEAD-57f82b7/libexec/lib/python3.8/site-packages/anime_downloader/sites/animeout.py", line 40, in _get_sources
url = re.search(r'http[^"]*',script).group()
AttributeError: 'NoneType' object has no attribute 'group'
| Traceback (most recent call last):
"/root/synapse/local/lib/python2.7/site-packages/synapse/http/server.py", line 116, in wrapped_request_handler
yield request_handler(self, request, request_metrics)
AttributeError: 'SynchrotronSlavedStore' object has no attribute '_state_group_cache'
| 0.620124 |
Traceback (most recent call last):
"c:\users\Silverarmor\appdata\local\programs\python\python38-32\lib\runpy.py", line 194, in _run_module_as_main
return _run_code(code, main_globals, None,
"c:\users\Silverarmor\appdata\local\programs\python\python38-32\lib\runpy.py", line 87, in _run_code
exec(code, run_globals)
"C:\Users\Silverarmor\AppData\Local\Programs\Python\Python38-32\Scripts\spotdl.exe\__main__.py", line 7, in <module>
"c:\users\Silverarmor\appdata\local\programs\python\python38-32\lib\site-packages\spotdl\__main__.py", line 100, in console_entry_point
downloader.download_single_song(song)
"c:\users\Silverarmor\appdata\local\programs\python\python38-32\lib\site-packages\spotdl\download\downloader.py", line 274, in download_single_song
download_song(songObj, self.displayManager, self.downloadTracker)
"c:\users\Silverarmor\appdata\local\programs\python\python38-32\lib\site-packages\spotdl\download\downloader.py", line 124, in download_song
remove(join(tempFolder, converted
Name) + '.mp4')
NotFoundError: [WinError 2] The system cannot find the file specified: '.\\Temp\\5 Seconds of Summer - She Looks So Perfect.mp4'
| Traceback (most recent call last):
"./run_glue.py", line 247, in <module>
main()
"./run_glue.py", line 143, in main
if training_args.do_eval
"/home/USER/anaconda3/envs/nlu/lib/python3.7/site-packages/transformers/data/datasets/glue.py", line 106, in __init__
with
Lock(lock_path):
"/home/USER/anaconda3/envs/nlu/lib/python3.7/site-packages/filelock.py", line 323, in __enter__
self.acquire()
"/home/USER/anaconda3/envs/nlu/lib/python3.7/site-packages/filelock.py", line 271, in acquire
self._acquire()
"/home/USER/anaconda3/envs/nlu/lib/python3.7/site-packages/filelock.py", line 384, in _acquire
fd = os.open(self._lock_file, open_mode)
NotFoundError: [Errno 2] No such file or directory: '../glue_data/cached_dev_RobertaTokenizer_128_mnli.lock'
| 0.621375 |
Traceback (most recent call last):
"msg4_test_multiscene_1.py", line 53, in <module>
mscn.save_animation('/Pictures/test.mp4', fps=1)
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/multiscene.py", line 424, in save_animation
info_datasets = [scn.get(dataset_id) for scn in info_scenes]
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/multiscene.py", line 424, in <listcomp>
info_datasets = [scn.get(dataset_id) for scn in info_scenes]
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/scene.py", line 621, in get
return self.datasets.get(key, default)
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/readers/__init__.py", line 339, in get
key = self.get_key(key)
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/readers/__init__.py", line 322, in get_key
best=best, **dfilter)
"/home/cpeters/anaconda2/envs/pytroll/lib/python3.6/site-packages/satpy/readers/__init__.py", line 239, in get_key
"not {}".format(str(type(key))))
ValueError: Expected 'DatasetID', str, or number dict key, not <class 'xarray.core.dataarray.DataArray'>
| Module deeptools raised an exception: Traceback (most recent call last):
"/sandbox/users/foucal-a/miniconda3/envs/deeptools/bin/multiqc", line 440, in multiqc
output = mod()
"/sandbox/users/foucal-a/miniconda3/envs/deeptools/lib/python3.6/site-packages/multiqc/modules/deeptools/deeptools.py", line 75, in __init__
n['plotProfile'] = self.parse_plotProfile()
"/sandbox/users/foucal-a/miniconda3/envs/deeptools/lib/python3.6/site-packages/multiqc/modules/deeptools/plotProfile.py", line 36, in parse_plotProfile
{'from': converted_bin_labels[bin_labels.index('TES')], 'to': converted_bin_labels[-1], 'color': '#f7cfcf'},
ValueError: 'TES' is not in list
| 0.522772 |
Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_parser.py", line 1055, in test_gnu_date
assert self.parser.parse_iso("2016-11-16T09:46:30,895636557-0800") == datetime(
AttributeError: 'TestDateTimeParserISO' object has no attribute 'parser'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.633032 |
Traceback (most recent call last):
"HiddenEye.py", line 45, in <module>
server_runner.server_selection(port)
"/home/neversoft/Documents/tools/HiddenEye/Defs/ActionManager/Server/server_runner.py", line 64, in server_selection
NgrokController().establish_connection(port=port)
"/home/neversoft/Documents/tools/HiddenEye/controllers/ngrok_controller.py", line 32, in establish_connection
self._model.connect(port=port, name='HiddenEye Connection', pyngrok_config=self._config_path)
"/home/neversoft/.local/lib/python3.8/site-packages/pyngrok/ngrok.py", line 176, in connect
api_url = get_ngrok_process(pyngrok_config).api_url
"/home/neversoft/.local/lib/python3.8/site-packages/pyngrok/ngrok.py", line 126, in get_ngrok_process
ensure_ngrok_installed(pyngrok_config.ngrok_path)
AttributeError: 'str' object has no attribute 'ngrok_path'
| Traceback (most recent call last):
"/Users/miquelllobet/anaconda/envs/gym/lib/python3.6/unittest/loader.py", line 428, in _find_test_path
module = self._get_module_from_name(name)
"/Users/miquelllobet/anaconda/envs/gym/lib/python3.6/unittest/loader.py", line 369, in _get_module_from_name
__import__(name)
"/Users/miquelllobet/Code/BlueWhale/ml/rl/test/test_ml_trainer.py", line 14, in <module>
from ml.rl.training.ml_trainer import MLTrainer
"/Users/miquelllobet/Code/BlueWhale/ml/rl/training/ml_trainer.py", line 22, in <module>
from ml.rl.thrift.core.ttypes import TrainingParameters
"/Users/miquelllobet/Code/BlueWhale/ml/rl/thrift/core/ttypes.py", line 394, in <module>
class DiscreteActionModelParameters(object):
"/Users/miquelllobet/Code/BlueWhale/ml/rl/thrift/core/ttypes.py", line 405, in DiscreteActionModelParameters
}), training=TrainingParameters(**{
"/Users/miquelllobet/Code/BlueWhale/ml/rl/thrift/core/ttypes.py", line 148, in __init__
if layers is self.thrift_spec[4][4]:
AttributeError: 'TrainingParameters' object has no attribute 'thrift_spec'
| 0.668705 |
Traceback (most recent call last):
"tools/infer_simple.py", line 51, in <module>
cv2.ocl.setUseOpenCL(False)
AttributeError: 'module' object has no attribute 'ocl'
| Traceback (most recent call last):
"s.py", line 6, in <module>
handler = google.cloud.logging.handlers.CloudLoggingHandler(client=client, name="xyz")
"/path/to/venv/lib/python3.5/site-packages/google/cloud/logging/handlers/handlers.py", line 80, in __init__
self.transport = transport(client, name)
"/path/to/venv/lib/python3.5/site-packages/google/cloud/logging/handlers/transports/background_thread.py", line 154, in __init__
http = client._connection.credentials.authorize(http)
AttributeError: 'Credentials' object has no attribute 'authorize'
| 0.628253 |
Traceback (most recent call last):
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow.py", line 58, in <module>
from tensorflow.python.pywrap_tensorflow_internal import *
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 28, in <module>
_pywrap_tensorflow_internal = swig_import_helper()
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
"C:\Users\DESMOND\Anaconda3\lib\imp.py", line 242, in load_module
return load_dynamic(name, filename, file)
"C:\Users\DESMOND\Anaconda3\lib\imp.py", line 342, in load_dynamic
return _load(spec)
ImportError: DLL load failed: The specified module could not be found.
| Traceback (most recent call last):
"/home/raouf/workspace/gitprojects/Pointnet2_PyTorch/pointnet2/utils/pointnet2_utils.py", line 20, in <module>
import pointnet2._ext as _ext
ImportError: /home/raouf/workspace/gitprojects/Pointnet2_PyTorch/pointnet2/_ext.cpython-36m-x86_64-linux-gnu.so: undefined symbol: _ZN3c105ErrorC1ENS_14SourceLocationERKSs
| 0.532459 |
Traceback (most recent call last):
"test/runtest.py", line 160, in testRecursiveObjects
ray.init(num_workers=0)
"/home/ubuntu/.local/lib/python3.5/site-packages/ray-0.0.1-py3.5.egg/ray/worker.py", line 1063, in init
num_gpus=num_gpus)
"/home/ubuntu/.local/lib/python3.5/site-packages/ray-0.0.1-py3.5.egg/ray/worker.py", line 1017, in _init
worker=global_worker, actor_id=NIL_ACTOR_ID)
"/home/ubuntu/.local/lib/python3.5/site-packages/ray-0.0.1-py3.5.egg/ray/worker.py", line 1345, in connect
assert not worker.connected, error_message
AssertionError: Perhaps you called ray.init twice by accident?
| Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/graphql/execution/executor.py", line 311, in resolve_or_error
return executor.execute(resolve_fn, source, info, **args)
"/usr/local/lib/python3.5/dist-packages/graphql/execution/executors/sync.py", line 7, in execute
return fn(*args, **kwargs)
"/usr/local/lib/python3.5/dist-packages/graphene_django/debug/middleware.py", line 56, in resolve
promise = next(root, info, **args)
"/usr/local/lib/python3.5/dist-packages/graphql/execution/middleware.py", line 57, in make_it_promise
return Promise.resolve(next(*a, **b))
"/usr/local/lib/python3.5/dist-packages/graphene_django/fields.py", line 128, in connection_resolver
return on_resolve(iterable)
"/usr/local/lib/python3.5/dist-packages/graphene_django/fields.py", line 80, in resolve_connection
iterable = cls.merge_querysets(default_queryset, iterable)
"/usr/local/lib/python3.5/dist-packages/graphene_django/fields.py", line 70, in merge_querysets
return queryset & default_queryset
"/usr/local/lib/python3.5/dist-packages/django/db/models/query.py", line 317, in __and__
combined.query.combine(other.query, sql.AND)
"/usr/local/lib/python3.5/dist-packages/django/db/models/sql/query.py", line 525, in combine
"Cannot combine a unique query with a non-unique query."
AssertionError: Cannot combine a unique query with a non-unique query.
| 0.517188 |
Traceback (most recent call last):
"train.py", line 382, in <module>
train()
"train.py", line 213, in train
for datum in data_loader:
"/home/student/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 582, in __next__
return self._process_next_batch(batch)
"/home/student/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 608, in _process_next_batch
raise batch.exc_type(batch.exc_msg)
TypeError: Traceback (most recent call last):
| Traceback (most recent call last):
"/usr/lib/python3.5/weakref.py", line 117, in remove
TypeError: 'NoneType' object is not callable
| 0.527008 |
Traceback (most recent call last):
"/home/ccarta/.virtualenvs/point3d/lib/python3.6/site-packages/torch_points3d/datasets/base_dataset.py", line 125, in set_transform
transform = instantiate_transforms(getattr(dataset_opt, key_name))
"/home/ccarta/.virtualenvs/point3d/lib/python3.6/site-packages/torch_points3d/core/data_transform/__init__.py", line 86, in instantiate_transforms
transforms.append(instantiate_transform(transform))
"/home/ccarta/.virtualenvs/point3d/lib/python3.6/site-packages/torch_points3d/core/data_transform/__init__.py", line 69, in instantiate_transform
return cls(**tr_params)
TypeError: __init__() got an unexpected keyword argument 'quantize_coords'
| Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/spyder/widgets/helperwidgets.py", line 127, in paint
textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options)
TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
| 0.553225 |
Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 197, in call
ret['return'] = func(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/modules/state.py", line 1165, in show_highstate
st_ = salt.state.HighState(__opts__, pillar, pillar_enc=pillar_enc)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 3535, in __init__
loader=loader)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 662, in __init__
self.opts['pillar'] = self._gather_pillar()
"/usr/lib/python2.7/dist-packages/salt/state.py", line 704, in _gather_pillar
ret = pillar.compile_pillar()
"/usr/lib/python2.7/dist-packages/salt/pillar/__init__.py", line 156, in compile_pillar
dictkey='pillar',
"/usr/lib/python2.7/dist-packages/salt/utils/async.py", line 75, in wrap
ret = self._block_future(ret)
"/usr/lib/python2.7/dist-packages/salt/utils/async.py", line 85, in _block_future
return future.result()
"/usr/lib/python2.7/dist-packages/tornado/concurrent.py", line 232, in result
raise_exc_info(self._exc_info)
"/usr/lib/python2.7/dist-packages/tornado/gen.py", line 1017, in run
yielded = self.gen.send(value)
"/usr/lib/python2.7/dist-packages/salt/transport/zeromq.py", line 200, in crypted_transfer_decode_dictentry
aes = cipher.decrypt(ret['key'])
TypeError: string indices must be integers, not str
| 0.561568 |
ERROR (theano.gof.opt): Traceback (most recent call last):
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\opt.py", line 2034, in process_node
replacements = lopt.transform(node)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\tensor\opt.py", line 6516, in constant_folding
no_recycling=[], impl=impl)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\op.py", line 955, in make_thunk
no_recycling)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\op.py", line 858, in make_c_thunk
output_storage=node_output_storage)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1217, in make_thunk
keep_lock=keep_lock)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1157, in __compile__
keep_lock=keep_lock)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1609, in cthunk_factory
key = self.cmodule_key()
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1300, in cmodule_key
c_compiler=self.c_compiler(),
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1379, in cmodule_key_
np.core.multiarray._get_ndarray_c_version())
AttributeError: 'module' object has no attribute '_get_ndarray_c_version'
| Traceback (most recent call last):
"C:\Users\hjkhkk\Documents\telechient.py", line 13, in <module>
client.sign_in(phone=phone)
"C:\Python\Python36-32\lib\site-packages\telethon\telegram_client.py", line 161, in sign_in
return self.send_code_request(phone)
"C:\Python\Python36-32\lib\site-packages\telethon\telegram_client.py", line 131, in send_code_request
result = self(SendCodeRequest(phone, self.api_id, self.api_hash))
"C:\Python\Python36-32\lib\site-packages\telethon\telegram_bare_client.py", line 448, in __call__
result = self._invoke(sender, call_receive, *requests)
"C:\Python\Python36-32\lib\site-packages\telethon\telegram_bare_client.py", line 467, in _invoke
sender.send(*requests)
"C:\Python\Python36-32\lib\site-packages\telethon\network\mtproto_sender.py", line 86, in send
self._send_message(message)
"C:\Python\Python36-32\lib\site-packages\telethon\network\mtproto_sender.py", line 131, in _send_message
key_id = struct.pack('<Q', self.session.auth_key.key_id)
AttributeError: 'NoneType' object has no attribute 'key_id'
| 0.66807 |
Traceback (most recent call last):
"NVDAObjects\IAccessible\__init__.pyc", line 1111, in _get_presentationalRowNumber
TypeError: int() argument must be a string or a number, not 'NoneType'
| Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| 0.60512 |
Traceback (most recent call last):
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/agents/agent.py", line 625, in _execute_task
await coro
"/home/mdyer/faust-threatx/test.py", line 34, in count_page_views
async for view in stream.group_by(PageView.id):
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/streams.py", line 757, in _c_aiter
value, sensor_state = await it.next()
# noqa: B305
"faust/_cython/streams.pyx", line 90, in next
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/mode/utils/futures.py", line 128, in maybe_async
return await res
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/streams.py", line 588, in repartition
await event.forward(channel, key=new_key)
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/events.py", line 188, in forward
force=force,
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/events.py", line 212, in _send
force=force,
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/app/_attached.py", line 126, in maybe_put
callback=callback,
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/app/base.py", line 1319, in send
callback=callback,
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/topics.py", line 186, in send
callback=callback,
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/channels.py", line 261, in _send_now
key_serializer, value_serializer, callback))
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/topics.py", line 414, in publish_message
topic = self._topic_name_or_default(message.channel)
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/topics.py", line 461, in _topic_name_or_default
return cast(TopicT, obj).get_topic_name()
"/home/mdyer/.virtualenvs/faust-threatx/lib/python3.7/site-packages/faust/topics.py", line 402, in get_topic_name
'Topic with multiple topic names cannot be identified')
ValueError: Topic with multiple topic names cannot be identified
| Traceback (most recent call last):
"kernelpop.py", line 17, in <module>
main()
"kernelpop.py", line 7, in main
kernelpop()
"/opt/kernelpop/src/kernelpop.py", line 362, in kernelpop
kernel_v = get_kernel_version()
"/opt/kernelpop/src/kernelpop.py", line 207, in get_kernel_version
return Kernel(kernel_version["normal"])
"/opt/kernelpop/src/kernelpop.py", line 15, in __init__
self.release, self.architecture, self.uname = self.process_kernel_version(kernel_version, uname=uname)
"/opt/kernelpop/src/kernelpop.py", line 163, in process_kernel_version
k_release = int(kernel_version.split("-")[2])
ValueError: invalid literal for int() with base 10: 'kali1'
| 0.564588 |
Traceback (most recent call last):
"/Users/sbasu1/packages/python3/lib/python3.8/site-packages/IPython/core/interactiveshell.py", line 3326, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-6-a9612f85a127>", line 1, in <module>
caf.Comparison_plot('total', freq='monthly')
"/Users/sbasu1/Code/OCO2/LMT_Project/check_mass_balance.py", line 122, in Comparison_plot
leg = plot_ax.legend(loc='best', framealpha=1.0, fontsize=12, fontfamily='Source Sans Pro')
"/Users/sbasu1/packages/python3/lib/python3.8/site-packages/matplotlib/axes/_axes.py", line 406, in legend
self.legend_ = mlegend.Legend(self, handles, labels, **kwargs)
TypeError: __init__() got an unexpected keyword argument 'fontfamily'
| Traceback (most recent call last):
"C:\Users\Администратор\Desktop\Controller_bot\classes\Client.py", line 89, in reconnect
spawn_read_thread=False)
"C:\Python\lib\site-packages\telethon\telegram_client.py", line 159, in __init__
**kwargs
"C:\Python\lib\site-packages\telethon\telegram_bare_client.py", line 88, in __init__
session = Session(session)
"C:\Python\lib\site-packages\telethon\session.py", line 110, in __init__
version = c.fetchone()[0]
TypeError: 'NoneType' object is not subscriptable
| 0.52578 |
The minion function caused an exception: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/minion.py", line 1317, in _thread_return
return_data = executor.execute()
"/usr/lib/python2.7/dist-packages/salt/executors/direct_call.py", line 28, in execute
return self.func(*self.args, **self.kwargs)
"/usr/lib/python2.7/dist-packages/salt/modules/saltutil.py", line 1067, in wheel
return wclient.cmd(_fun, kwarg=kwargs)
"/usr/lib/python2.7/dist-packages/salt/wheel/__init__.py", line 124, in cmd
return super(WheelClient, self).cmd(fun, arg, pub_data, kwarg)
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 231, in cmd
return self.low(fun, low)
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 369, in low
mminion=self.mminion,
"/usr/lib/python2.7/dist-packages/salt/utils/job.py", line 31, in store_job
job_cache = opts['master_job_cache']
KeyError: 'master_job_cache' | Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 32, in cached
return cache[func]
KeyError: <bound method Assign._get_assign_nodes of <Assign l.373 at 0x7efeb9e19110>>
| 0.542632 |
Traceback (most recent call last):
"/home/user01/anaconda2/envs/tensorflow/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/home/user01/anaconda2/envs/tensorflow/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"/home/user01/SRGAN-master/tensorlayer/prepro.py", line 87, in apply_fn
results[i] = fn(data, **kwargs)
"/home/user01/SRGAN-master/utils.py", line 17, in crop_sub_imgs_fn
x = crop(x, wrg=384, hrg=384, is_random=is_random)
"/home/user01/SRGAN-master/tensorlayer/prepro.py", line 232, in crop
h, w = x.shape[row_index], x.shape[col_index]
AttributeError: 'NoneType' object has no attribute 'shape'
| > Traceback (most recent call last):
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.2.4\helpers\pydev\_pydev_bundle\pydev_import_hook.py", line 23, in do_import
succeeded = activate_func()
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.2.4\helpers\pydev\_pydev_bundle\pydev_console_utils.py", line 199, in <lambda>
"matplotlib": lambda: activate_matplotlib(self.enableGui),
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.2.4\helpers\pydev\pydev_ipython\matplotlibtools.py", line 96, in activate_matplotlib
gui, backend = find_gui_and_backend()
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.2.4\helpers\pydev\pydev_ipython\matplotlibtools.py", line 47, in find_gui_and_backend
backend = matplotlib.rcParams['backend']
"C:\Users\dorp\AppData\Local\Continuum\Anaconda3\lib\site-packages\matplotlib\__init__.py", line 892, in __getitem__
plt.switch_backend(rcsetup._auto_backend_sentinel)
AttributeError: module 'matplotlib.pyplot' has no attribute 'switch_backend'
| 0.515578 |
Traceback (most recent call last):
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/run.py", line 10, in <module>
from allennlp.commands import main
# pylint: disable=wrong-import-position
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/commands/__init__.py", line 6, in <module>
from allennlp.commands.serve import Serve
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/commands/serve.py", line 25, in <module>
from allennlp.service import server_sanic
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/service/server_sanic.py", line 28, in <module>
from allennlp.service.predictors import Predictor, DemoModel
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/service/predictors/__init__.py", line 9, in <module>
from .predictor import Predictor, DemoModel
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/service/predictors/predictor.py", line 5, in <module>
from allennlp.models import Model
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/models/__init__.py", line 7, in <module>
from allennlp.models.crf_tagger import CrfTagger
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/models/crf_tagger.py", line 14, in <module>
from allennlp.training.metrics import SpanBasedF1Measure
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/training/__init__.py", line 1, in <module>
from allennlp.training.trainer import Trainer
"/usr/lusers/zeyuliu2/miniconda3/lib/python3.6/site-packages/allennlp/training/trainer.py", line 21, in <module>
from tensorboard import SummaryWriter
ImportError: cannot import name 'SummaryWriter'
| Traceback (most recent call last):
"C:\Users\trpresco\Documents\github\env2\Scripts\check_style-script.py", line 11, in <module>
load_entry_point('azure-cli-dev-tools', 'console_scripts', 'check_style')()
"C:\Users\trpresco\Documents\github\env2\lib\site-packages\pkg_resources\__init__.py", line 561, in load_entry_point
return get_distribution(dist).load_entry_point(group, name)
"C:\Users\trpresco\Documents\github\env2\lib\site-packages\pkg_resources\__init__.py", line 2626, in load_entry_point
raise ImportError("Entry point %r not found" % ((group, name),))
ImportError: Entry point ('console_scripts', 'check_style') not found
| 0.602189 |
Traceback (most recent call last):
"calibre_plugins.dedrm.adobekey", line 266, in __del__
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/spyder/widgets/helperwidgets.py", line 127, in paint
textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options)
TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
| 0.494151 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.