text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"<stdin>", line 1, in <module>
ValueError: unable to broadcast argument 1 to output array
| Traceback (most recent call last):
"/usr/lib/python3.7/threading.py", line 917, in _bootstrap_inner
self.run()
"/opt/Seth/seth/main.py", line 54, in run
self.forward_data()
"/opt/Seth/seth/main.py", line 170, in forward_data
readable, _, _ = select.select([self.lsock, self.rsock], [], [])
ValueError: file descriptor cannot be a negative integer (-1)
| 0.521661 |
Traceback (most recent call last):
"../../train.py", line 292, in <module>
train(args)
"../../train.py", line 156, in train
parallel=args.parallel)
"/home/xjia/work/PaddlePaddle/models/fluid/DeepASR/model_utils/model.py", line 91, in stacked_lstmp_model
pd = fluid.layers.ParallelDo(places)
AttributeError: 'module' object has no attribute 'ParallelDo'
| Traceback (most recent call last):
"../rofl.py", line 5, in <module>
print(grp.size())
"/localdisk/dchigare/repos/modin_bp/modin/pandas/groupby.py", line 511, in size
if self._kwargs.get("as_index")
"/localdisk/dchigare/repos/modin_bp/modin/pandas/series.py", line 201, in __getattr__
raise e
"/localdisk/dchigare/repos/modin_bp/modin/pandas/series.py", line 197, in __getattr__
return object.__getattribute__(self, key)
AttributeError: 'Series' object has no attribute 'columns'
| 0.584743 |
Traceback (most recent call last):
"/home/laerus/src/xonsh/xonsh/ptk/shortcuts.py", line 109, in prompt
document = cli.run(reset_current_buffer=False)
"/usr/lib/python3/dist-packages/prompt_toolkit/interface.py", line 394, in run
self.eventloop.run(self.input, self.create_eventloop_callbacks())
"/usr/lib/python3/dist-packages/prompt_toolkit/eventloop/posix.py", line 164, in run
t()
"/usr/lib/python3/dist-packages/prompt_toolkit/eventloop/posix.py", line 83, in read_from_stdin
inputstream.feed(data)
"/usr/lib/python3/dist-packages/prompt_toolkit/terminal/vt100_input.py", line 395, in feed
self._input_parser.send(c)
"/usr/lib/python3/dist-packages/prompt_toolkit/terminal/vt100_input.py", line 304, in _input_parser_generator
self._call_handler(match, prefix)
"/usr/lib/python3/dist-packages/prompt_toolkit/terminal/vt100_input.py", line 337, in _call_handler
self.feed_key_callback(KeyPress(key, insert_text))
"/usr/lib/python3/dist-packages/prompt_toolkit/interface.py", line 1023, in feed_key
cli.input_processor.process_keys()
"/usr/lib/python3/dist-packages/prompt_toolkit/key_binding/input_processor.py", line 201, in process_keys
self._process_coroutine.send(key_press)
"/usr/lib/python3/dist-packages/prompt_toolkit/key_binding/input_processor.py", line 158, in _process
self._call_handler(matches[-1], key_sequence=buffer)
"/usr/lib/python3/dist-packages/prompt_toolkit/key_binding/input_processor.py", line 228, in _call_handler
handler.call(event)
"/usr/lib/python3/dist-packages/prompt_toolkit/key_binding/registry.py", line 31, in call
return self.handler(event)
"/home/laerus/src/xonsh/xonsh/ptk/key_bindings.py", line 237, in multiline_carriage_return
carriage_return(b, event.cli)
"/home/laerus/src/xonsh/xonsh/ptk/key_bindings.py", line 60, in carriage_return
elif not current_line_blank and not can_compile(doc.text):
"/home/laerus/src/xonsh/xonsh/ptk/key_bindings.py", line 76, in can_compile
src = src.lstrip()
AttributeError: 'NoneType' object has no attribute 'lstrip'
| Traceback (most recent call last):
"/home/ivan133/.local/lib/python3.6/site-packages/spynner/browser.py", line 1680, in createRequest
jar.allCookies(),
"/home/ivan133/.local/lib/python3.6/site-packages/spynner/browser.py", line 1587, in merge_cookies
k = kf % get_cookie_info(i)
"/home/ivan133/.local/lib/python3.6/site-packages/spynner/browser.py", line 1567, in get_cookie_info
domain_flag = str(cookie.domain().toUtf8()).startswith(".")
AttributeError: 'str' object has no attribute 'toUtf8'
| 0.622351 |
Traceback (most recent call last):
"C:\Users\Hickman\AppData\Local\Programs\Python\Python35-32\lib\doctest.py", line 1320, in __run
compileflags, 1), test.globs)
"<doctest sympy.plotting.pygletplot.__init__.PygletPlot[4]>", line 1, in <module>
p = Plot()
"C:\Users\Hickman\Documents\GitHub\sympy\sympy\plotting\pygletplot\__init__.py", line 139, in PygletPlot
import plot
ImportError: No module named 'plot' | Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/guyskk/ym/waimaietl/.venv/lib/python3.6/site-packages/pyhive/hive.py", line 11, in <module>
from TCLIService import constants
ImportError: cannot import name 'constants'
| 0.619952 |
Traceback (most recent call last):
"/home/abc/anaconda3/envs/hf/lib/python3.7/site-packages/torch_points3d/datasets/base_dataset.py", line 125, in set_transform
transform = instantiate_transforms(getattr(dataset_opt, key_name))
"/home/abc/anaconda3/envs/hf/lib/python3.7/site-packages/torch_points3d/core/data_transform/__init__.py", line 86, in instantiate_transforms
transforms.append(instantiate_transform(transform))
"/home/abc/anaconda3/envs/hf/lib/python3.7/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/python2.7/site-packages/salt/utils/stringutils.py", line 329, in expr_match
if fnmatch.fnmatch(line, expr):
"/usr/lib64/python2.7/fnmatch.py", line 43, in fnmatch
return fnmatchcase(name, pat)
"/usr/lib64/python2.7/fnmatch.py", line 74, in fnmatchcase
if not pat in _cache:
TypeError: unhashable type: 'set'
| 0.562944 |
Traceback (most recent call last):
"/tmp/testcase.py", line 10, in <module>
(not_(foo.c.x), 42),
"/opt/local/Library/Frameworks/Python.framework/Versions/2.6/lib/python2.6/site-packages/sqlalchemy/sql/expression.py", line 466, in case
return _Case(whens, value=value, else_=else_)
"/opt/local/Library/Frameworks/Python.framework/Versions/2.6/lib/python2.6/site-packages/sqlalchemy/sql/expression.py", line 2205, in __init__
whenlist = [_literal_as_binds(r)) for (c, r) in whens]((_no_literals(c).self_group(),)
TypeError: self_group() takes exactly 2 arguments (1 given) | Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/flask/app.py", line 2446, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib/python3.6/dist-packages/flask/app.py", line 1951, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib/python3.6/dist-packages/flask/app.py", line 1820, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python3.6/dist-packages/flask/_compat.py", line 39, in reraise
raise value
"/usr/local/lib/python3.6/dist-packages/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python3.6/dist-packages/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"ocrRecognize.py", line 57, in ocr_recognize
results = run(gray_pil)
"/usr/local/lib/python3.6/dist-packages/tr-1.1.2.2-py3.6.egg/tr/tr.py", line 244, in run
rect_arr = numpy.int0(rect_arr)
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType' | 0.5546 |
Traceback (most recent call last):
"/projecthome/venv/lib/python3.6/site-packages/remi/server.py", line 788, in do_GET
self.client.root = self.main(*self.server.userdata)
"widgetoverview.py", line 40, in main
self.table.set_on_table_row_click_listener(self.on_table_row_click)
AttributeError: 'Table' object has no attribute 'set_on_table_row_click_listener'
| [!] 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.549352 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/Orange/canvas/scheme/widgetsscheme.py", line 960, in process_signals_for_widget
widget.handleNewSignals()
"/usr/local/lib/python3.6/site-packages/Orange/widgets/visualize/owradviz.py", line 657, in handleNewSignals
self.setup_plot(reset_view=True)
"/usr/local/lib/python3.6/site-packages/Orange/widgets/visualize/owradviz.py", line 717, in setup_plot
self.graph.new_data(data[mask], subset_data)
"/usr/local/lib/python3.6/site-packages/Orange/widgets/visualize/owscatterplotgraph.py", line 618, in new_data
self.set_data(data, **args)
"/usr/local/lib/python3.6/site-packages/Orange/widgets/utils/scaling.py", line 105, in set_data
self._compute_scaled_data()
"/usr/local/lib/python3.6/site-packages/Orange/widgets/utils/scaling.py", line 58, in _compute_scaled_data
c += 0.5
TypeError: Cannot cast ufunc add output from dtype('float64') to dtype('int64') with casting rule 'same_kind'
| Traceback (most recent call last):
"calibre_plugins.dedrm.adobekey", line 266, in __del__
TypeError: 'NoneType' object is not callable
| 0.537062 |
Traceback (most recent call last):
"E:\Games\Python38\test.py", line 34, in <module>
output = model(img_LR).data.squeeze().float().cpu().clamp_(0, 1).numpy()
"E:\Games\Python38\lib\site-packages\torch\nn\modules\module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"E:\Games\Python38\RRDBNet_arch.py", line 71, in forward
trunk = self.trunk_conv(self.RRDB_trunk(fea))
"E:\Games\Python38\lib\site-packages\torch\nn\modules\module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"E:\Games\Python38\lib\site-packages\torch\nn\modules\container.py", line 100, in forward
input = module(input)
"E:\Games\Python38\lib\site-packages\torch\nn\modules\module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"E:\Games\Python38\RRDBNet_arch.py", line 47, in forward
out = self.RDB1(x)
"E:\Games\Python38\lib\site-packages\torch\nn\modules\module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"E:\Games\Python38\RRDBNet_arch.py", line 30, in forward
x2 = self.lrelu(self.conv2(torch.cat((x, x1), 1)))
RuntimeError: error in LoadLibraryA
| Traceback (most recent call last):
"/private/tmp/venv/lib/python3.8/site-packages/vispy/app/backends/_qt.py", line 825, in paintGL
self._vispy_canvas.events.draw(region=None)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/util/event.py", line 455, in __call__
self._invoke_callback(cb, event)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/util/event.py", line 473, in _invoke_callback
_handle_exception(self.ignore_callback_errors,
"/private/tmp/venv/lib/python3.8/site-packages/vispy/util/event.py", line 471, in _invoke_callback
cb(event)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/context.py", line 175, in flush_commands
self.shared.parser.parse([('CURRENT', 0, fbo)])
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/glir.py", line 819, in parse
self._parse(command)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/glir.py", line 743, in _parse
self._gl_initialize()
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/glir.py", line 836, in _gl_initialize
gl.glEnable(GL_VERTEX_PROGRAM_POINT_SIZE)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/gl/_gl2.py", line 444, in glEnable
nativefunc = glEnable._native = _get_gl_func("glEnable", None, (ctypes.c_uint,))
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/gl/gl2.py", line 69, in _get_gl_func
raise RuntimeError('Could not load OpenGL library, gl cannot be used')
RuntimeError: Could not load OpenGL library, gl cannot be used
| 0.602725 |
Traceback (most recent call last):
"site-packages\calibre\utils\formatter.py", line 375, in safe_format
"site-packages\calibre\utils\formatter.py", line 340, in evaluate
"site-packages\calibre\utils\formatter.py", line 264, in _eval_program
"site-packages\calibre\utils\formatter.py", line 106, in program
"site-packages\calibre\utils\formatter.py", line 113, in statement
"site-packages\calibre\utils\formatter.py", line 157, in expr
"site-packages\calibre\utils\formatter.py", line 113, in statement
"site-packages\calibre\utils\formatter.py", line 157, in expr
"site-packages\calibre\utils\formatter.py", line 113, in statement
"site-packages\calibre\utils\formatter.py", line 157, in expr
"site-packages\calibre\utils\formatter.py", line 113, in statement
"site-packages\calibre\utils\formatter.py", line 169, in expr
"site-packages\calibre\utils\formatter_functions.py", line 132, in eval_
"site-packages\calibre\utils\formatter_functions.py", line 359, in evaluate
"site-packages\calibre\ebooks\metadata\book\formatter.py", line 32, in get_value
ValueError: Value: unknown field #genre
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/spyder/widgets/variableexplorer/collectionseditor.py", line 449, in createEditor
if not editor.setup_and_check(value, title=key, readonly=readonly):
"/usr/lib/python3/dist-packages/spyder/widgets/variableexplorer/arrayeditor.py", line 619, in setup_and_check
self.data.flags.writeable = True
ValueError: cannot set WRITEABLE flag to True of this array
| 0.544038 |
Traceback (most recent call last):
"/home/yanwii/Python/NLP/seq2seq/tf_seq2seq.py", line 62, in <module>
sqs.buildModel()
"/home/yanwii/Python/NLP/seq2seq/tf_seq2seq.py", line 31, in buildModel
(encoder_output_tensor, states) = tflearn.lstm(encoder_inputs, self.word_vec_dim, return_state=True, scope='encoder_lstm')
TypeError: lstm() got an unexpected keyword argument 'return_state' |
Traceback (most recent call last):
"C:\ProgramData\Anaconda3\lib\site-packages\conda\exceptions.py", line 1062, in __call__
return func(*args, **kwargs)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main.py", line 84, in _main
exit_code = do_call(args, p)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\conda_argparse.py", line 82, in do_call
exit_code = getattr(module, func_name)(args, parser)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 142, in execute
show_channel_urls=context.show_channel_urls)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 80, in print_packages
show_channel_urls=show_channel_urls)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 45, in list_packages
installed = sorted(PrefixData(prefix, pip_interop_enabled=True).iter_records(),
"C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 133, in iter_records
return itervalues(self._prefix_records)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 162, in _prefix_records
return self.__prefix_records or self.load() or self.__prefix_records
"C:\ProgramData\Anaconda3\lib\site-packages\conda\common\io.py", line 88, in decorated
return f(*args, **kwds)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 72, in load
self._load_site_packages()
"C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 277, in _load_site_packages
python_record = read_python_record(self.prefix_path, af, python_pkg_record.version)
"C:\ProgramData\Anaconda3\lib\site-packages\conda\gateways\disk\read.py", line 257, in read_python_record
paths_tups = pydist.get_paths()
"C:\ProgramData\Anaconda3\lib\site-packages\conda\common\pkg_formats\python.py", line 269, in get_paths
records = sorted(concatv(records, ((pf, None, None) for pf in missing_pyc_files)))
TypeError: '<' not supported between instances of 'NoneType' and 'str'
| 0.492142 |
Traceback (most recent call last):
"D:\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2963, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-2-98907cf19a25>", line 1, in <module>
runfile('F:/Model/venv/PaddleHub.py', wdir='F:/Model/venv')
"D:\Program
s\JetBrains\PyCharm 2018.3.3\helpers\pydev\_pydev_bundle\pydev_umd.py", line 197, in runfile
pydev_imports.execfile(filename, global_vars, local_vars)
# execute the script
"D:\Program
s\JetBrains\PyCharm 2018.3.3\helpers\pydev\_pydev_imps\_pydev_execfile.py", line 18, in execfile
exec(compile(contents+"\n", file, 'exec'), glob, loc)
"F:/Model/venv/PaddleHub.py", line 43, in <module>
results = module.face_detection(images=imgs, batch_size=1, use_multi_scale=True, shrink=1, visualization=False, output_dir='detection_result', use_gpu=True)
"C:\Users\garde\.paddlehub\modules\pyramidbox_lite_server_mask\module.py", line 127, in face_detection
images, paths, use_gpu, use_multi_scale):
"C:\Users\garde\.paddlehub\modules\pyramidbox_lite_server_mask\data_feed.py", line 183, in reader
scale_res = np.row_stack(scale_res)
"<__array_function__ internals>", line 6, in vstack
"D:\Anaconda3\lib\site-packages\numpy\core\shape_base.py", line 283, in vstack
return _nx.concatenate(arrs, 0)
"<__array_function__ internals>", line 6, in concatenate
ValueError: need at least one array to concatenate
| Traceback (most recent call last):
"/home/saurav/anaconda3/lib/python3.8/site-packages/kerastuner/engine/hypermodel.py", line 104, in build
model = self.hypermodel.build(hp)
"/home/saurav/anaconda3/lib/python3.8/site-packages/kerastuner/engine/hypermodel.py", line 64, in _build_wrapper
return self._build(hp, *args, **kwargs)
"/home/saurav/anaconda3/lib/python3.8/site-packages/autokeras/graph.py", line 254, in build
model = tf.keras.Model(
"/home/saurav/anaconda3/lib/python3.8/site-packages/tensorflow/python/training/tracking/base.py", line 517, in _method_wrapper
result = method(self, *args, **kwargs)
"/home/saurav/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/engine/functional.py", line 120, in __init__
self._init_graph_network(inputs, outputs)
"/home/saurav/anaconda3/lib/python3.8/site-packages/tensorflow/python/training/tracking/base.py", line 517, in _method_wrapper
result = method(self, *args, **kwargs)
"/home/saurav/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/engine/functional.py", line 203, in _init_graph_network
nodes, nodes_by_depth, layers, _ = _map_graph_network(
"/home/saurav/anaconda3/lib/python3.8/site-packages/tensorflow/python/keras/engine/functional.py", line 1000, in _map_graph_network
raise ValueError('The name "' + name + '" is used ' +
ValueError: The name "resnet50" is used 2 times in the model. All layer names should be unique.
| 0.510262 |
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.
| Traceback (most recent call last):
"package_control.tests.providers in C:\Users\Professional\AppData\Roaming\Sublime Text 3\Installed Packages\Package Control.sublime-package", line 80, in test_get_packages
AssertionError: Lists differ: [('package_control-tester', {'... != []
| 0.602665 |
Traceback (most recent call last):
"build/bdist.linux-x86_64/egg/pyocd/gdbserver/gdbserver.py", line 545, in handle_message
reply = handler(msg[msgStart:])
"build/bdist.linux-x86_64/egg/pyocd/gdbserver/gdbserver.py", line 772, in v_command
return self.v_cont(cmd)
"build/bdist.linux-x86_64/egg/pyocd/gdbserver/gdbserver.py", line 787, in v_cont
if self.is_threading_enabled():
"build/bdist.linux-x86_64/egg/pyocd/gdbserver/gdbserver.py", line 1317, in is_threading_enabled
return (self.thread_provider is not None) and self.thread_provider.is_enabled \
"build/bdist.linux-x86_64/egg/pyocd/rtos/rtx5.py", line 412, in is_enabled
return self.get_kernel_state() != 0 and not self._target.in_thread_mode_on_main_stack()
"build/bdist.linux-x86_64/egg/pyocd/rtos/rtx5.py", line 450, in get_kernel_state
return self._target_context.read8(self._os_rtx_info + RTX5ThreadProvider.KERNEL_STATE_OFFSET)
"build/bdist.linux-x86_64/egg/pyocd/core/memory_interface.py", line 64, in read8
return self.read_memory(addr, 8, now)
"build/bdist.linux-x86_64/egg/pyocd/debug/cache.py", line 514, in read_memory
return self._memcache.read_memory(addr, transfer_size, now)
"build/bdist.linux-x86_64/egg/pyocd/debug/cache.py", line 420, in read_memory
data = self.read_memory_block8(addr, 1)[0]
"build/bdist.linux-x86_64/egg/pyocd/debug/cache.py", line 445, in read_memory_block8
combined = self._read(addr, size)
"build/bdist.linux-x86_64/egg/pyocd/debug/cache.py", line 323, in _read
cached, uncached = self._get_ranges(addr, size)
"build/bdist.linux-x86_64/egg/pyocd/debug/cache.py", line 259, in _get_ranges
cached = self._cache.overlap(addr, addr + count)
AttributeError: 'IntervalTree' object has no attribute 'overlap'
| Traceback (most recent call last):
"/home/user/wspace/electrum/gui/qt/main_window.py", line 1957, in <lambda>
b.clicked.connect(lambda: self.do_sign(address_e, message_e, signature_e))
"/home/user/wspace/electrum/gui/qt/main_window.py", line 1281, in request_password
return func(self, *args, **kwargs)
"/home/user/wspace/electrum/gui/qt/main_window.py", line 1907, in do_sign
task = partial(self.wallet.sign_message, address, message, password)
AttributeError: 'Imported_Wallet' object has no attribute 'sign_message'
| 0.540888 |
Traceback (most recent call last):
"./sample_training_grid.py", line 111, in <module>
driver='ESRI Shapefile') as dst:
"/usr/local/lib/python3.6/dist-packages/fiona/env.py", line 405, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/fiona/__init__.py", line 263, in open
**kwargs)
"/usr/local/lib/python3.6/dist-packages/fiona/collection.py", line 162, in __init__
self.session.start(self, **kwargs)
"fiona/ogrext.pyx", line 954, in fiona.ogrext.WritingSession.start
TypeError: 'CRS' object does not support item assignment
| Traceback (most recent call last):
"get_embedding.py", line 14, in <module>
con.set_model(TransE)
"/data/ronghui_data/OpenKE/config.py", line 313, in set_model
self.trainModel = self.model(config = self)
TypeError: __init__() got an unexpected keyword argument 'config'
| 0.533719 |
Traceback (most recent call last):
"StartDatascraper.py", line 9, in <module>
import modules.helpers as helpers
"/home/james/OnlyFans/modules/helpers.py", line 3, in <module>
from bs4 import BeautifulSoup
ModuleNotFoundError: No module named 'bs4'
| Traceback (most recent call last):
"/usr/local/bin/ufonet", line 11, in <module>
load_entry_point('ufonet==1.4', 'gui_scripts', 'ufonet')()
"/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)
ModuleNotFoundError: No module named 'UFONet'
| 0.633664 |
Traceback (most recent call last):
"/local/home/kkanuri/env/lib/python3.6/site-packages/superset/common/query_context.py", line 251, in get_df_payload
query_result = self.get_query_result(query_obj)
"/local/home/kkanuri/env/lib/python3.6/site-packages/superset/common/query_context.py", line 117, in get_query_result
df = query_object.exec_post_processing(df)
"/local/home/kkanuri/env/lib/python3.6/site-packages/superset/common/query_object.py", line 262, in exec_post_processing
df = getattr(pandas_postprocessing, operation)(df, **options)
"/local/home/kkanuri/env/lib/python3.6/site-packages/superset/utils/pandas_postprocessing.py", line 672, in prophet
freq=freq,
"/local/home/kkanuri/env/lib/python3.6/site-packages/superset/utils/pandas_postprocessing.py", line 602, in _prophet_fit_and_predict
model.fit(df)
"/local/home/kkanuri/env/lib/python3.6/site-packages/fbprophet/forecaster.py", line 1111, in fit
history = self.setup_dataframe(history, initialize_scales=True)
"/local/home/kkanuri/env/lib/python3.6/site-packages/fbprophet/forecaster.py", line 265, in setup_dataframe
'Column ds has timezone specified, which is not supported. '
ValueError: Column ds has timezone specified, which is not supported. Remove timezone.
| Traceback (most recent call last):
"<string>", line 212, in <module>
"<string>", line 180, in main_loop
"D:\webcam-pulse-detector\build\get_pulse_win\out00-PYZ.pyz\lib.processors_noopenmdao", line 208, in run
"D:\webcam-pulse-detector\build\get_pulse_win\out00-PYZ.pyz\numpy.core.fromnumeric", line 738, in argmax
ValueError: attempt to get argmax of an empty sequence
| 0.507235 |
Traceback (most recent call last):
"../apps/manage.py", line 28, in <module>
execute_from_command_line(sys.argv)
"/opt/py3/lib/python3.6/site-packages/django/core/management/__init__.py", line 363, in execute_from_command_line
utility.execute()
"/opt/py3/lib/python3.6/site-packages/django/core/management/__init__.py", line 355, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/opt/py3/lib/python3.6/site-packages/django/core/management/base.py", line 283, in run_from_argv
self.execute(*args, **cmd_options)
"/opt/py3/lib/python3.6/site-packages/django/core/management/base.py", line 327, in execute
self.check()
"/opt/py3/lib/python3.6/site-packages/django/core/management/base.py", line 359, in check
include_deployment_checks=include_deployment_checks,
"/opt/py3/lib/python3.6/site-packages/django/core/management/commands/migrate.py", line 61, in _run_checks
issues = run_checks(tags=[Tags.database])
"/opt/py3/lib/python3.6/site-packages/django/core/checks/registry.py", line 81, in run_checks
new_errors = check(app_configs=app_configs)
"/opt/py3/lib/python3.6/site-packages/django/core/checks/database.py", line 10, in check_database_backends
issues.extend(conn.validation.check(**kwargs))
"/opt/py3/lib/python3.6/site-packages/django/db/backends/mysql/validation.py", line 9, in check
issues.extend(self._check_sql_mode(**kwargs))
"/opt/py3/lib/python3.6/site-packages/django/db/backends/mysql/validation.py", line 13, in _check_sql_mode
with self.connection.cursor() as cursor:
"/opt/py3/lib/python3.6/site-packages/django/db/backends/base/base.py", line 254, in cursor
return self._cursor()
"/opt/py3/lib/python3.6/site-packages/django/db/backends/base/base.py", line 229, in _cursor
self.ensure_connection()
"/opt/py3/lib/python3.6/site-packages/django/db/backends/base/base.py", line 213, in ensure_connection
self.connect()
"/opt/py3/lib/python3.6/site-packages/django/db/backends/base/base.py", line 188, in connect
conn_params = self.get_connection_params()
"/opt/py3/lib/python3.6/site-packages/django/db/backends/mysql/base.py", line 245, in get_connection_params
if settings_dict['HOST'].startswith('/'):
AttributeError: 'NoneType' object has no attribute 'startswith'
|
Traceback (most recent call last):
"<string>", line 16, in <module>
"/var/lib/jenkins-slave/workspace/quotes_selenium/venv/build/setuptools/setup.py", line 194, in <module>
here and os.path.chdir(here)
AttributeError: 'module' object has no attribute 'chdir' | 0.620631 |
Traceback (most recent call last):
"lint.backend in /home/mandx/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 201, in await_futures
"./python3.3/concurrent/futures/_base.py", line 394, in result
"./python3.3/concurrent/futures/_base.py", line 353, in __get_result
"./python3.3/concurrent/futures/thread.py", line 54, in run
"lint.backend in /home/mandx/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 96, in execute_lint_task
"lint.linter in /home/mandx/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 908, in lint
"lint.linter in /home/mandx/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 631, in get_cmd
"lint.linter in /home/mandx/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 667, in build_cmd
TypeError: can only assign an iterable
| Traceback (most recent call last):
"/usr/local/bin/csvtomd", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.5/site-packages/csvtomd/csvtomd.py", line 136, in main
table = csv_to_table(f)
TypeError: csv_to_table() missing 1 required positional argument: 'delimiter'
| 0.476735 |
Traceback (most recent call last):
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\multiprocessing\process.py", line 252, in _bootstrap
self.run()
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\site-packages\tensorpack\dataflow\parallel.py", line 162, in run
for dp in self.ds.get_data():
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\site-packages\tensorpack\dataflow\common.py", line 116, in get_data
for data in self.ds.get_data():
"D:\proj_github\deep-voice-conversion\data_load.py", line 35, in get_data
yield get_mfccs_and_phones(wav_file=wav_file)
"D:\proj_github\deep-voice-conversion\data_load.py", line 72, in get_mfccs_and_phones
wav = read_wav(wav_file, sr=hp.default.sr)
KeyError: 'default'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/drf_yasg/inspectors/base.py", line 50, in call_view_method
return view_method()
"/code/vitapio/candidates/views.py", line 165, in get_queryset
candidate = Candidate.objects.get(id = self.kwargs['candidates_pk'])
KeyError: 'candidates_pk'
| 0.511359 |
Traceback (most recent call last):
"stream_alert_cli.py", line 203, in <module>
main()
"stream_alert_cli.py", line 198, in main
cli_runner(options)
"/Users/chris/repos/corpsec/log_all_the_things/streamalert/stream_alert_cli/runner.py", line 65, in cli_runner
terraform_handler(options)
"/Users/chris/repos/corpsec/log_all_the_things/streamalert/stream_alert_cli/runner.py", line 98, in terraform_handler
terraform_check()
"/Users/chris/repos/corpsec/log_all_the_things/streamalert/stream_alert_cli/runner.py", line 92, in terraform_check
quiet=True)
"/Users/chris/repos/corpsec/log_all_the_things/streamalert/stream_alert_cli/runner.py", line 205, in run_command
return helpers.run_command(args, **kwargs)
"/Users/chris/repos/corpsec/log_all_the_things/streamalert/stream_alert_cli/helpers.py", line 58, in run_command
subprocess.check_call(runner_args, stdout=stdout_option, cwd=cwd)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/subprocess.py", line 535, in check_call
retcode = call(*popenargs, **kwargs)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/subprocess.py", line 522, in call
return Popen(*popenargs, **kwargs).wait()
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/subprocess.py", line 710, in __init__
errread, errwrite)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/subprocess.py", line 1334, in _execute_child
child_exception = pickle.loads(data)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/pickle.py", line 1382, in loads
return Unpickler(file).load()
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/pickle.py", line 858, in load
dispatch[key](self)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/pickle.py", line 966, in load_string
raise ValueError, "insecure string pickle"
ValueError: insecure string pickle
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/itchat/components/login.py", line 231, in maintain_loop
i = sync_check(self)
"/usr/local/lib/python2.7/dist-packages/itchat/components/login.py", line 283, in sync_check
r = self.s.get(url, params=params, headers=headers)
"/usr/lib/python2.7/dist-packages/requests/sessions.py", line 467, in get
return self.request('GET', url, **kwargs)
"/usr/local/lib/python2.7/dist-packages/wxpy/utils/misc.py", line 351, in customized_request
return requests.Session.request(session, method, url, **kwargs)
"/usr/lib/python2.7/dist-packages/requests/sessions.py", line 455, in request
resp = self.send(prep, **send_kwargs)
"/usr/lib/python2.7/dist-packages/requests/sessions.py", line 558, in send
r = adapter.send(request, **kwargs)
"/usr/lib/python2.7/dist-packages/requests/adapters.py", line 316, in send
timeout = TimeoutSauce(connect=timeout, read=timeout)
"/usr/lib/python2.7/dist-packages/urllib3/util.py", line 116, in __init__
self._connect = self._validate_timeout(connect, 'connect')
"/usr/lib/python2.7/dist-packages/urllib3/util.py", line 147, in _validate_timeout
"int or float." % (name, value))
ValueError: Timeout value connect was (10, 30), but it must be an int or float.
| 0.582857 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/events.py", line 88, in _run
self._context.run(self._callback, *self._args)
"/usr/src/homeassistant/homeassistant/components/websocket_api/commands.py", line 75, in forward_events
connection.send_message(messages.event_message(msg["id"], event.as_dict()))
"/usr/src/homeassistant/homeassistant/core.py", line 491, in as_dict
"data": dict(self.data),
TypeError: 'int' object is not iterable
| Traceback (most recent call last):
"Copper_main.py", line 82, in <module>
session.set_delimit_liking(enabled=True, max=500, min=None)
TypeError: set_delimit_liking() got an unexpected keyword argument 'max'
| 0.55276 |
Traceback (most recent call last):
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/raven/transport/threaded.py", line 174, in send_sync
super(ThreadedHTTPTransport, self).send(data, headers)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/raven/transport/http.py", line 47, in send
ca_certs=self.ca_certs,
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/raven/utils/http.py", line 66, in urlopen
return opener.open(url, data, timeout)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/future/backports/urllib/request.py", line 494, in open
response = self._open(req, data)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/future/backports/urllib/request.py", line 512, in _open
'_open', req)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/future/backports/urllib/request.py", line 466, in _call_chain
result = func(*args)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/raven/utils/http.py", line 46, in https_open
return self.do_open(ValidHTTPSConnection, req)
"/home/nguyennp/PokemonGo-Bot/local/lib/python2.7/site-packages/future/backports/urllib/request.py", line 1284, in do_open
h.request(req.get_method(), req.selector, req.data, headers)
"/usr/lib/python2.7/httplib.py", line 1001, in request
self._send_request(method, url, body, headers)
"/usr/lib/python2.7/httplib.py", line 1035, in _send_request
self.endheaders(body)
"/usr/lib/python2.7/httplib.py", line 997, in endheaders
self._send_output(message_body)
"/usr/lib/python2.7/httplib.py", line 848, in _send_output
msg += message_body
UnicodeDecodeError: 'ascii' codec can't decode byte 0x9c in position 1: ordinal not in range(128)
| ERROR:E:\PycharmProjects\ChunJun\apps\v1_5\order\api.py:order_detail_handler in root Traceback (most recent call last):
"E:\PycharmProjects\ChunJun\apps\v1_5\order\api.py", line 246, in post_certificate
pdfkit.from_string(html, file_name, configuration=config)
"C:\Python27\lib\site-packages\pdfkit\api.py", line 72, in from_string
return r.to_pdf(output_path)
"C:\Python27\lib\site-packages\pdfkit\pdfkit.py", line 129, in to_pdf
stderr=subprocess.PIPE)
"C:\Python27\lib\subprocess.py", line 394, in __init__
errread, errwrite)
"C:\Python27\lib\subprocess.py", line 599, in _execute_child
args = list2cmdline(args)
"C:\Python27\lib\subprocess.py", line 294, in list2cmdline
return ''.join(result)
UnicodeDecodeError: 'utf8' codec can't decode byte 0xe5 in position 0: unexpected end of data
| 0.668916 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/homeassistant/bootstrap.py", line 151, in _async_setup_component
None, component.setup, hass, config)
"/usr/lib/python3.5/asyncio/futures.py", line 361, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.5/asyncio/tasks.py", line 296, in _wakeup
future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 274, in result
raise self._exception
"/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/notify/__init__.py", line 143, in setup
if not setup_notify_platform(platform, p_config):
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/notify/__init__.py", line 89, in setup_notify_platform
hass, p_config, discovery_info)
TypeError: get_service() takes 2 positional arguments but 3 were given
| Traceback (most recent call last):
"train.py", line 132, in <module>
data_dir, label_dir, target_size=target_size, resume_training=True)
"train.py", line 102, in train
batch_size=batch_size, shuffle=True
"/data/kuixu/exper/fcn/Keras-FCN/utils/SegDataGenerator.py", line 186, in flow_from_directory
save_to_dir=save_to_dir, save_prefix=save_prefix, save_format=save_format)
"/data/kuixu/exper/fcn/Keras-FCN/utils/SegDataGenerator.py", line 26, in __init__
self.target_size = tuple(target_size)
TypeError: 'NoneType' object is not iterable
| 0.586414 |
Traceback (most recent call last):
"<ipython-input-8-c4ba89694fd5>", line 10, in <module>
pipeline.fit(X)
"C:\...\sklearn\pipeline.py", line 250, in fit
self._final_estimator.fit(Xt, y, **fit_params)
"C:\...\tslearn\clustering.py", line 531, in fit
self._fit_one_init(X_, x_squared_norms, rs)
"C:\...\tslearn\clustering.py", line 460, in _fit_one_init
self._assign(X)
"C:\...\tslearn\clustering.py", line 480, in _assign
dists = cdist_soft_dtw(X, self.cluster_centers_, gamma=self.gamma_sdtw)
AttributeError: 'TimeSeriesKMeans' object has no attribute 'gamma_sdtw'
| Traceback (most recent call last):
"train.py", line 451, in <module>
train()
# train normally
"train.py", line 332, in train
dataloader=testloader)
"/yolov3/test.py", line 77, in test
_ = model(torch.zeros((1, 3, img_size, img_size), device=device)) if device.type != 'cpu' else None
# run once
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/yolov3/models.py", line 236, in forward
return self.forward_once(x)
"/yolov3/models.py", line 288, in forward_once
yolo_out.append(module(x, out))
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/yolov3/models.py", line 210, in forward
io[..., :2] = torch.sigmoid(io[..., :2]) + self.grid # xy
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 594, in __getattr__
type(self).__name__, name))
AttributeError: 'YOLOLayer' object has no attribute 'grid' | 0.606506 |
Traceback (most recent call last):
"/home/janvanrijn/projects/sklearn-bot/testjan.py", line 23, in <module>
clf_nom.fit(X[:, nominal_idx], y)
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/pipeline.py", line 265, in fit
Xt, fit_params = self._fit(X, y, **fit_params)
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/pipeline.py", line 230, in _fit
**fit_params_steps[name])
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/externals/joblib/memory.py", line 329, in __call__
return self.func(*args, **kwargs)
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/pipeline.py", line 614, in _fit_transform_one
res = transformer.fit_transform(X, y, **fit_params)
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/base.py", line 465, in fit_transform
return self.fit(X, y, **fit_params).transform(X)
"/home/janvanrijn/anaconda3/envs/sklearn-bot/lib/python3.6/site-packages/sklearn/impute.py", line 241, in fit
"data".format(fill_value))
ValueError: 'fill_value'=missing is invalid. Expected a numerical value when imputing numerical data
| Traceback (most recent call last):
"<ipython-input-18-d6b3de2ade66>", line 1, in <module>
X_smt, y_smt = smt.fit_sample(X, data.target)
"C:\Users\UI378020\AppData\Local\Continuum\anaconda3\lib\site-packages\imblearn\base.py", line 83, in fit_resample
self.sampling_strategy, y, self._sampling_type)
"C:\Users\UI378020\AppData\Local\Continuum\anaconda3\lib\site-packages\imblearn\utils\_validation.py", line 445, in check_sampling_strategy
_sampling_strategy_dict(sampling_strategy, y, sampling_type)
"C:\Users\UI378020\AppData\Local\Continuum\anaconda3\lib\site-packages\imblearn\utils\_validation.py", line 250, in _sampling_strategy_dict
target_stats[class_sample], n_samples))
ValueError: With over-sampling methods, the number of samples in a class should be greater or equal to the original number of samples. Originally, there is 357 samples and 300 samples are asked.
| 0.571959 |
`Traceback (most recent call last):
"dirsearch.py", line 46, in <module>
main = Program()
"dirsearch.py", line 42, in __init__
self.controller = Controller(self.script_path, self.arguments, self.output)
"/home/kali/Desktop/dirsearch/lib/controller/Controller.py", line 205, in __init__
self.wait()
"/home/kali/Desktop/dirsearch/lib/controller/Controller.py", line 535, in wait
self.fuzzer.start()
"/home/kali/Desktop/dirsearch/lib/core/Fuzzer.py", line 102, in start
self.setupScanners()
"/home/kali/Desktop/dirsearch/lib/core/Fuzzer.py", line 70, in setupScanners
self.scanners["dotfiles"] = Scanner(self.requester, self.testFailPath, preffix=".")
"/home/kali/Desktop/dirsearch/lib/core/Scanner.py", line 46, in __init__
self.setup()
"/home/kali/Desktop/dirsearch/lib/core/Scanner.py", line 71, in setup
self.dynamicParser = DynamicContentParser(
"/home/kali/Desktop/dirsearch/thirdparty/sqlmap/DynamicContentParser.py", line 16, in __init__
self.generateDynamicMarks(firstPage, secondPage)
"/home/kali/Desktop/dirsearch/thirdparty/sqlmap/DynamicContentParser.py", line 33, in generateDynamicMarks
self.cleanPage = self.removeDynamicContent(firstPage, self.dynamicMarks)
"/home/kali/Desktop/dirsearch/thirdparty/sqlmap/DynamicContentParser.py", line 107, in removeDynamicContent
page = page.decode(encoding, errors="replace")
TypeError: decode() argument 'encoding' must be str, not None`
| Traceback (most recent call last):
"/Users/chris.jauregui/anaconda3/lib/python3.7/site-packages/pandas/core/arrays/datetimes.py", line 1861, in objects_to_datetime64ns
values, tz_parsed = conversion.datetime_to_datetime64(data)
"pandas/_libs/tslibs/conversion.pyx", line 200, in pandas._libs.tslibs.conversion.datetime_to_datetime64
TypeError: Unrecognized value type: <class 'str'>
| 0.57889 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/homeassistant/helpers/entity.py", line 225, in async_update_ha_state
yield from self.hass.async_add_job(self.update)
"/usr/lib/python3.5/asyncio/futures.py", line 380, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.5/asyncio/tasks.py", line 309, in _wakeup
future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 293, in result
raise self._exception
"/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/climate/honeywell.py", line 195, in update
for val in self.device.temperatures(force_refresh=self._master):
"/root/.homeassistant/deps/evohomeclient/__init__.py", line 74, in temperatures
for device in self.full_data['devices']:
KeyError: 'devices'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/homeassistant/setup.py", line 148, in _async_setup_component
component.setup, hass, processed_config)
"/usr/lib/python3.6/asyncio/futures.py", line 332, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.6/asyncio/tasks.py", line 250, in _wakeup
future.result()
"/usr/lib/python3.6/asyncio/futures.py", line 245, in result
raise self._exception
"/usr/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.6/dist-packages/homeassistant/components/canary.py", line 51, in setup
hass.data[DATA_CANARY] = CanaryData(username, password, timeout)
"/usr/local/lib/python3.6/dist-packages/homeassistant/components/canary.py", line 80, in __init__
self.update()
"/usr/local/lib/python3.6/dist-packages/homeassistant/util/__init__.py", line 306, in wrapper
result = method(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/homeassistant/components/canary.py", line 90, in update
location_id, entry_type="motion", limit=1)
"/home/basecamp/.homeassistant/deps/lib/python3.6/site-packages/canary/api.py", line 138, in get_entries
return [Entry(data) for data in json]
"/home/basecamp/.homeassistant/deps/lib/python3.6/site-packages/canary/api.py", line 138, in <listcomp>
return [Entry(data) for data in json]
"/home/basecamp/.homeassistant/deps/lib/python3.6/site-packages/canary/api.py", line 314, in __init__
self._description = data["description"]
KeyError: 'description'
| 0.630288 |
Traceback (most recent call last):
"/home/rakesh/anaconda3/lib/python3.7/site-packages/tensorflow/python/pywrap_tensorflow.py", line 58, in <module>
from tensorflow.python.pywrap_tensorflow_internal import *
"/home/rakesh/anaconda3/lib/python3.7/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 28, in <module>
_pywrap_tensorflow_internal = swig_import_helper()
"/home/rakesh/anaconda3/lib/python3.7/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
"/home/rakesh/anaconda3/lib/python3.7/imp.py", line 242, in load_module
return load_dynamic(name, filename, file)
"/home/rakesh/anaconda3/lib/python3.7/imp.py", line 342, in load_dynamic
return _load(spec)
ImportError: /lib64/libc.so.6: version `GLIBC_2.16' not found (required by /home/rakesh/anaconda3/lib/python3.7/site-packages/tensorflow/python/_pywrap_tensorflow_internal.so)
| Traceback (most recent call last):
"/Users/user/anaconda/bin/conda", line 11, in <module>
sys.exit(main())
"/Users/user/anaconda/lib/python2.7/site-packages/conda/cli/main.py", line 182, in main
return conda_exception_handler(_main, *args)
"/Users/user/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 644, in conda_exception_handler
return handle_exception(e)
"/Users/user/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 634, in handle_exception
print_unexpected_error_message(e)
"/Users/user/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 579, in print_unexpected_error_message
from .base.context import context
"/Users/user/anaconda/lib/python2.7/site-packages/conda/base/context.py", line 21, in <module>
from ..common.configuration import (Configuration, LoadError, MapParameter, PrimitiveParameter,
"/Users/user/anaconda/lib/python2.7/site-packages/conda/common/configuration.py", line 28, in <module>
from enum import Enum, EnumMeta
ImportError: cannot import name EnumMeta
| 0.618406 |
Traceback (most recent call last):
"/home/xxxxxx/cloud-custodian/bin/c7n-salactus", line 11, in <module>
load_entry_point('c7n-salactus', 'console_scripts', 'c7n-salactus')()
"/home/xxxxxx/cloud-custodian/local/lib/python2.7/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/home/xxxxxx/cloud-custodian/local/lib/python2.7/site-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/home/xxxxxx/cloud-custodian/local/lib/python2.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/xxxxxx/cloud-custodian/local/lib/python2.7/site-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/xxxxxx/cloud-custodian/local/lib/python2.7/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/home/xxxxxx/cloud-custodian/tools/c7n_salactus/c7n_salactus/cli.py", line 734, in inspect_queue
records.append(job_row(j))
"/home/xxxxxx/cloud-custodian/tools/c7n_salactus/c7n_salactus/cli.py", line 696, in job_row
account, bucket = j.args[0]['name'], "set %d" % len(j.args[1])
IndexError: tuple index out of range
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/mask_rcnn-2.1-py3.6.egg/mrcnn/model.py", line 1709, in data_generator
use_mini_mask=config.USE_MINI_MASK)
"/usr/local/lib/python3.6/dist-packages/mask_rcnn-2.1-py3.6.egg/mrcnn/model.py", line 1212, in load_image_gt
mask, class_ids = dataset.load_mask(image_id)
"bottle/bottle.py", line 164, in load_mask
mask[rr, cc, i] = 1
IndexError: index 3968 is out of bounds for axis 1 with size 2000
| 0.580873 |
Traceback (most recent call last):
"train.py", line 14, in <module>
from data_utils import TrainDatasetFromFolder, ValDatasetFromFolder, display_transform
"/root/SRGAN/data_utils.py", line 6, in <module>
from torchvision.transforms import Compose, RandomCrop, ToTensor, ToPILImage, CenterCrop, Resize
ImportError: cannot import name 'Resize'
| Traceback (most recent call last):
"launchables/world.py", line 136, in world
"/home/pupil-labs/.pyenv/versions/3.6.0/envs/general/lib/python3.6/site-packages/PyInstaller/loader/pyimod03_importers.py", line 627, in exec_module
"shared_modules/pupil_detectors/__init__.py", line 21, in <module>
ImportError: /usr/lib/x86_64-linux-gnu/libstdc++.so.6: version `GLIBCXX_3.4.22' not found (required by /opt/pupil_capture/pupil_detectors/detector_3d.cpython-36m-x86_64-linux-gnu.so)
| 0.660644 |
Traceback (most recent call last):
"/usr/lib/python3.6/shutil.py", line 122, in copyfile
copyfileobj(fsrc, fdst)
"/usr/lib/python3.6/shutil.py", line 82, in copyfileobj
fdst.write(buf)
OSError: [Errno 27]
too large
| Traceback (most recent call last):
"/home/kzy816/.local/lib/python3.7/site-packages/distributed/comm/core.py", line 221, in connect
_raise(error)
"/home/kzy816/.local/lib/python3.7/site-packages/distributed/comm/core.py", line 204, in _raise
raise IOError(msg)
OSError: Timed out trying to connect to 'tcp://172.20.129.23:43394' after 10 s: connect() didn't finish in time
| 0.537259 |
Traceback (most recent call last):
"/opt/stackstorm/st2/local/lib/python2.7/site-packages/st2common/router.py", line 472, in __call__
resp = func(**kw)
"/opt/stackstorm/st2/local/lib/python2.7/site-packages/st2api/controllers/v1/pack_configs.py", line 107, in put
config_api.validate(validate_against_schema=True)
"/opt/stackstorm/st2/local/lib/python2.7/site-packages/st2common/models/api/pack.py", line 274, in validate
cleaned_values = self._validate_config_values_against_schema()
"/opt/stackstorm/st2/local/lib/python2.7/site-packages/st2common/models/api/pack.py", line 296, in _validate_config_values_against_schema
pack_name=self.pack)
"/opt/stackstorm/st2/local/lib/python2.7/site-packages/st2common/util/pack.py", line 111, in validate_config_against_schema
attribute = '.'.join(attribute)
TypeError: sequence item 1: expected string or Unicode, int found
| Traceback (most recent call last):
"Tkinter.pyo", line 1547, in __call__
TypeError: callit() takes no arguments (5 given)
| 0.479507 |
Traceback (most recent call last):
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\ytdl-org\tmprhhzjl7r\build\youtube_dl\extractor\common.py", line 904, in _parse_json
"C:\Python\Python34\lib\json\__init__.py", line 318, in loads
"C:\Python\Python34\lib\json\decoder.py", line 343, in decode
"C:\Python\Python34\lib\json\decoder.py", line 359, in raw_decode
ValueError: Unterminated string starting at: line 1 column 17050 (char 17049)
| Traceback (most recent call last):
"video2x_gui.py", line 106, in run
"upscaler.py", line 810, in run
"upscaler.py", line 593, in run
"wrappers\ffmpeg.py", line 107, in get_number_of_frames
ValueError: invalid literal for int() with base 10: '47001\r\n47001'
| 0.599339 |
Traceback (most recent call last):
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget
"kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__
AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
| Traceback (most recent call last):
"/home/jeg/spack/bin/spack", line 212, in <module>
main(sys.argv)
"/home/jeg/spack/bin/spack", line 208, in main
_main(args, unknown)
"/home/jeg/spack/bin/spack", line 174, in _main
return_val = command(parser, args)
"/home/jeg/spack/lib/spack/spack/cmd/mirror.py", line 224, in mirror
action[args.mirror_command](args)
"/home/jeg/spack/lib/spack/spack/cmd/mirror.py", line 202, in mirror_create
directory, specs, num_versions=args.one_version_per_spec)
"/home/jeg/spack/lib/spack/spack/mirror.py", line 167, in create
s.concretize()
"/home/jeg/spack/lib/spack/spack/spec.py", line 1527, in concretize
self._expand_virtual_packages(),
"/home/jeg/spack/lib/spack/spack/spec.py", line 1422, in _expand_virtual_packages
self_index = ProviderIndex(self.traverse(), restrict=True)
"/home/jeg/spack/lib/spack/spack/provider_index.py", line 87, in __init__
self.update(spec)
"/home/jeg/spack/lib/spack/spack/provider_index.py", line 104, in update
if spec.satisfies(provider_spec, deps=False):
"/home/jeg/spack/lib/spack/spack/spec.py", line 2054, in satisfies
if not self.variants.satisfies(other.variants, strict=var_strict):
"/home/jeg/spack/lib/spack/spack/spec.py", line 633, in satisfies
if strict or self.spec._concrete:
AttributeError: 'NoneType' object has no attribute '_concrete'
| 0.587849 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/site-packages/celery/worker/worker.py", line 203, in start
self.blueprint.start(self)
"/usr/local/lib/python2.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
"/usr/local/lib/python2.7/site-packages/celery/bootsteps.py", line 370, in start
return self.obj.start()
"/usr/local/lib/python2.7/site-packages/celery/worker/consumer/consumer.py", line 318, in start
blueprint.start(self)
"/usr/local/lib/python2.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
"/usr/local/lib/python2.7/site-packages/celery/worker/consumer/consumer.py", line 584, in start
c.loop(*c.loop_args())
"/usr/local/lib/python2.7/site-packages/celery/worker/loops.py", line 88, in asynloop
next(loop)
"/usr/local/lib/python2.7/site-packages/kombu/async/hub.py", line 345, in create_loop
cb(*cbargs)
"/usr/local/lib/python2.7/site-packages/kombu/transport/redis.py", line 1038, in on_readable
self.cycle.on_readable(fileno)
"/usr/local/lib/python2.7/site-packages/kombu/transport/redis.py", line 337, in on_readable
chan.handlers[type]()
"/usr/local/lib/python2.7/site-packages/kombu/transport/redis.py", line 670, in _receive
while c.connection.can_read(timeout=0):
TypeError: can_read() got an unexpected keyword argument 'timeout'
| Traceback (most recent call last):
"/project/venv/lib/python3.8/site-packages/flask_appbuilder/api/__init__.py", line 83, in wraps
return f(self, *args, **kwargs)
"/project/venv/lib/python3.8/site-packages/flask_appbuilder/security/api.py", line 100, in login
resp[API_SECURITY_ACCESS_TOKEN_KEY] = create_access_token(
"/project/venv/lib/python3.8/site-packages/flask_jwt_extended/utils.py", line 172, in create_access_token
return jwt_manager._create_access_token(identity, fresh, expires_delta, user_claims,
"/project/venv/lib/python3.8/site-packages/flask_jwt_extended/jwt_manager.py", line 511, in _create_access_token
access_token = encode_access_token(
"/project/venv/lib/python3.8/site-packages/flask_jwt_extended/tokens.py", line 76, in encode_access_token
return _encode_jwt(token_data, expires_delta, secret, algorithm,
"/project/venv/lib/python3.8/site-packages/flask_jwt_extended/tokens.py", line 29, in _encode_jwt
encoded_token = jwt.encode(token_data, secret, algorithm,
"/project/venv/lib/python3.8/site-packages/jwt/api_jwt.py", line 58, in encode
json_payload = json.dumps(
"/usr/lib/python3.8/json/__init__.py", line 234, in dumps
return cls(
"/usr/lib/python3.8/json/encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"/usr/lib/python3.8/json/encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"/project/venv/lib/python3.8/site-packages/flask_mongoengine/json.py", line 19, in default
return superclass.default(self, obj)
"/project/venv/lib/python3.8/site-packages/flask/json/__init__.py", line 100, in default
return _json.JSONEncoder.default(self, o)
"/usr/lib/python3.8/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type ObjectId is not JSON serializable
| 0.523814 |
Traceback (most recent call last):
"/usr/local/bin/fava", line 7, in <module>
from fava.cli import main
ModuleNotFoundError: No module named 'fava'
| Traceback (most recent call last):
"/usr/local/Cellar/azure-cli/2.0.44/libexec/lib/python3.7/site-packages/azure/cli/core/commands/__init__.py", line 343, in execute
result = cmd(params)
"/usr/local/Cellar/azure-cli/2.0.44/libexec/lib/python3.7/site-packages/azure/cli/core/commands/__init__.py", line 182, in __call__
return self.handler(*args, **kwargs)
"/usr/local/Cellar/azure-cli/2.0.44/libexec/lib/python3.7/site-packages/azure/cli/core/__init__.py", line 427, in default_command_handler
client = client_factory(self.cli_ctx, command_args) if client_factory else None
"/usr/local/Cellar/azure-cli/2.0.44/libexec/lib/python3.7/site-packages/azure/cli/command_modules/policyinsights/_client_factory.py", line 15, in policy_events_operations
return _cf_policy_insights(cli_ctx).policy_events
"/usr/local/Cellar/azure-cli/2.0.44/libexec/lib/python3.7/site-packages/azure/cli/command_modules/policyinsights/_client_factory.py", line 9, in _cf_policy_insights
from azure.mgmt.policyinsights import PolicyInsightsClient
ModuleNotFoundError: No module named 'azure.mgmt.policyinsights'
| 0.531621 |
Traceback (most recent call last):
"/Users/njiles/anaconda3/envs/versioneer-piptools/bin/pip-compile", line 8, in <module>
sys.exit(cli())
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/click/decorators.py", line 21, in new_func
return f(get_current_context(), *args, **kwargs)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/site-packages/piptools/scripts/compile.py", line 393, in cli
dist = run_setup(src_file)
"/Users/njiles/anaconda3/envs/versioneer-piptools/lib/python3.8/distutils/core.py", line 215, in run_setup
exec(f.read(), g)
"<string>", line 9, in <module>
AttributeError: module 'versioneer' has no attribute 'get_version'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.8/dist-packages/modin/pandas/general.py", line 344, in to_numeric
return arg._to_numeric(errors=errors, downcast=downcast)
"/usr/local/lib/python3.8/dist-packages/modin/pandas/base.py", line 2830, in default_handler
return self._default_to_pandas(item, *args, **kwargs)
"/usr/local/lib/python3.8/dist-packages/modin/pandas/base.py", line 377, in _default_to_pandas
result = getattr(getattr(pandas, type(self).__name__), op)(
AttributeError: type object 'Series' has no attribute '_to_numeric'
| 0.59734 |
Traceback (most recent call last):
"threading.py", line 442, in __bootstrap
self.run()
"./camper.py", line 258, in run
stuff = session.query(Path).select_from(f_table.join(u_table)).filter(User.c.username==user).first()
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/query.py", line 590, in first
ret = list(self[0:1](0:1))
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/query.py", line 619, in __iter__
return self._execute_and_instances(context)
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/query.py", line 624, in _execute_and_instances
return iter(self.instances(result, querycontext=querycontext))
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/query.py", line 680, in instances
self.select_mapper._instance(context, row, result)
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/mapper.py", line 1425, in _instance
instance = attribute_manager.new_instance(self.class_)
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/attributes.py", line 1001, in new_instance
s._state = InstanceState(s)
"/usr/lib/python2.4/site-packages/sqlalchemy/orm/attributes.py", line 547, in __init__
self.obj = weakref.ref(obj, self.__cleanup)
TypeError: cannot create weak reference to 'Path' object | Traceback (most recent call last):
"/usr/lib/python3.6/asyncio/tasks.py", line 179, in _step
result = coro.send(None)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 381, in async_process_entity
new_entity, self, update_before_add=update_before_add
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 238, in async_add_entity
yield from entity.async_update_ha_state()
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 256, in async_update_ha_state
self._attr_setter('entity_picture', str, ATTR_ENTITY_PICTURE, attr)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 323, in _attr_setter
value = getattr(self, name)
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/wunderground.py", line 712, in entity_picture
return re.sub(r'^http://', 'https://', url, flags=re.IGNORECASE)
"/usr/lib/python3.6/re.py", line 191, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or bytes-like object
| 0.596642 |
Traceback (most recent call last):
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
fn(i, *args)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/engine/launch.py", line 94, in _distributed_worker
main_func(*args)
"/home/lyq/tools/detectron2/tools/train_net.py", line 149, in main
trainer = Trainer(cfg)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/engine/defaults.py", line 284, in __init__
data_loader = self.build_train_loader(cfg)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/engine/defaults.py", line 467, in build_train_loader
return build_detection_train_loader(cfg)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/config/config.py", line 201, in wrapped
explicit_args = _get_args_from_config(from_config, *args, **kwargs)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/config/config.py", line 236, in _get_args_from_config
ret = from_config_func(*args, **kwargs)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/data/build.py", line 318, in _train_loader_from_config
sampler = TrainingSampler(len(dataset))
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/data/samplers/distributed_sampler.py", line 37, in __init__
seed = comm.shared_random_seed()
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/utils/comm.py", line 230, in shared_random_seed
all_ints = all_gather(ints)
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/utils/comm.py", line 154, in all_gather
group = _get_global_gloo_group()
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/detectron2/utils/comm.py", line 89, in _get_global_gloo_group
return dist.new_group(backend="gloo")
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 2019, in new_group
pg = _new_process_group_helper(group_world_size,
"/home/lyq/condaEnv/ML/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 504, in _new_process_group_helper
pg = ProcessGroupGloo(
RuntimeError: [enforce fail at /opt/conda/conda-bld/pytorch_1603729062494/work/third_party/gloo/gloo/transport/tcp/device.cc:208] ifa != nullptr. Unable to find interface for: [::1]
| Traceback (most recent call last):
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"testtornado.rb", line 20, in run
application.listen(12345)
"/usr/local/lib/python3.6/site-packages/tornado/web.py", line 1986, in listen
server.listen(port, address)
"/usr/local/lib/python3.6/site-packages/tornado/tcpserver.py", line 145, in listen
self.add_sockets(sockets)
"/usr/local/lib/python3.6/site-packages/tornado/tcpserver.py", line 159, in add_sockets
sock, self._handle_connection)
"/usr/local/lib/python3.6/site-packages/tornado/netutil.py", line 219, in add_accept_handler
io_loop = IOLoop.current()
"/usr/local/lib/python3.6/site-packages/tornado/ioloop.py", line 282, in current
loop = asyncio.get_event_loop()
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/asyncio/events.py", line 694, in get_event_loop
return get_event_loop_policy().get_event_loop()
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/asyncio/events.py", line 602, in get_event_loop
% threading.current_thread().name)
RuntimeError: There is no current event loop in thread 'Thread-1'.
| 0.509904 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/server.py", line 121, in handle
root_layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/modes/http_proxy.py", line 23, in __call__
layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/tls.py", line 286, in __call__
layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/http1.py", line 83, in __call__
layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/http.py", line 188, in __call__
if not self._process_flow(flow):
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/http.py", line 262, in _process_flow
return self.handle_upstream_connect(f)
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/http.py", line 236, in handle_upstream_connect
return layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/http.py", line 87, in __call__
layer()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/tls.py", line 279, in __call__
self._establish_tls_with_client_and_server()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/tls.py", line 365, in _establish_tls_with_client_and_server
self._establish_tls_with_client()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/tls.py", line 369, in _establish_tls_with_client
cert, key, chain_file = self._find_cert()
"/usr/lib/python3.6/site-packages/mitmproxy/proxy/protocol/tls.py", line 501, in _find_cert
return self.config.certstore.get_cert(host, list(sans))
"/usr/lib/python3.6/site-packages/mitmproxy/certs.py", line 326, in get_cert
self.expire(entry)
"/usr/lib/python3.6/site-packages/mitmproxy/certs.py", line 156, in expire
for k, v in list(self.certs.items()):
RuntimeError: dictionary changed size during iteration
| Traceback (most recent call last):
"/usr/local/bin/telepresence/telepresence/cli.py", line 135, in crash_reporting
yield
"/usr/local/bin/telepresence/telepresence/main.py", line 65, in main
remote_info = start_proxy(runner)
"/usr/local/bin/telepresence/telepresence/proxy/operation.py", line 265, in act
wait_for_pod(runner, self.remote_info)
"/usr/local/bin/telepresence/telepresence/proxy/remote.py", line 140, in wait_for_pod
raise RuntimeError(
RuntimeError: Pod isn't starting or can't be found: {'conditions': [{'lastProbeTime': None, 'lastTransitionTime': '2020-11-09T11:07:58Z', 'message': 'persistentvolumeclaim "davrad-emails" not found', 'reason': 'Unschedulable', 'status': 'False', 'type': 'PodScheduled'}], 'phase': 'Pending', 'qosClass': 'Burstable'}
| 0.548708 |
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)
"/home/syrn/.local/lib/python3.8/site-packages/kivy/input/providers/linuxwacom.py", line 324, in _thread_run
for i in range(len(data) / struct_input_event_sz):
TypeError: 'float' object cannot be interpreted as an integer
| Traceback (most recent call last):
"calibre_plugins.dedrm.kindlekey", line 1540, in getDBfrom
cleartext = UnprotectHeaderData(encryptedValue)
"calibre_plugins.dedrm.kindlekey", line 1408, in UnprotectHeaderData
crp = LibCrypto()
TypeError: 'NoneType' object is not callable
| 0.572892 |
Traceback (most recent call last):
"/Library/Frameworks/Python.framework/Versions/3.7/bin/pipenv", line 6, in <module>
from pipenv import cli
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/pipenv/__init__.py", line 55, in <module>
from .cli import cli
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/pipenv/cli/__init__.py", line 4, in <module>
from .command import cli
# noqa
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/pipenv/cli/command.py", line 13, in <module>
from ..exceptions import PipenvOptionsError
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/pipenv/exceptions.py", line 27, in <module>
defaults=[None, None, None, ""]
TypeError: namedtuple() got an unexpected keyword argument 'defaults'
| Traceback (most recent call last):
"C:\Users\AKASHDEEP\AppData\Local\Programs\Python\Python38\lib\tkinter\__init__.py", line 1883, in __call__
return self.func(*args)
"C:\Users\AKASHDEEP\AppData\Local\Programs\Python\Python38\Speaker-Recognition\train.py", line 113, in train
traine(v1.get())
"C:\Users\AKASHDEEP\AppData\Local\Programs\Python\Python38\Speaker-Recognition\GMM1.py", line 40, in traine
gmm = GMM(n_components = 16, n_iter = 200, covariance_type='diag', n_init = 10)
"C:\Users\AKASHDEEP\AppData\Local\Programs\Python\Python38\lib\site-packages\sklearn\utils\validation.py", line 73, in inner_f
return f(**kwargs)
TypeError: __init__() got an unexpected keyword argument 'n_iter' | 0.629078 |
Traceback (most recent call last):
"NGCF.py", line 352, in <module>
model = NGCF(data_config=config, pretrain_data=pretrain_data)
"NGCF.py", line 81, in __init__
self.ua_embeddings, self.ia_embeddings = self._create_ngcf_embed()
"NGCF.py", line 219, in _create_ngcf_embed
norm_embeddings = tf.math.l2_normalize(ego_embeddings, axis=1)
AttributeError: module 'tensorflow.tools.api.generator.api.math' has no attribute 'l2_normalize'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python2.7/dist-packages/dill/dill.py", line 250, in load
obj = pik.load()
"/usr/lib/python2.7/pickle.py", line 858, in load
dispatch[key](self)
"/usr/lib/python2.7/pickle.py", line 1246, in load_build
for k, v in slotstate.items():
AttributeError: 'mtrand.RandomState' object has no attribute 'items'
| 0.595783 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_certs() missing 1 required positional argument: 'tdata'
| ERROR:ui:Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/alot-0.7-py3.6.egg/alot/ui.py", line 709, in apply_command
await cmd.apply(self)
"/usr/local/lib/python3.6/dist-packages/alot-0.7-py3.6.egg/alot/commands/thread.py", line 790, in apply
await ui.notify(self.done_msg)
TypeError: object AttrMap can't be used in 'await' expression
| 0.571115 |
Traceback (most recent call last):
"setup.py", line 42, in <module>
CUDA = locate_cuda()
"setup.py", line 39, in locate_cuda
raise EnvironmentError('The CUDA %s path could not be located in %s' % (k, v_new))
OSError: The CUDA nvcc path could not be located in C:\Program
s\NVIDIA GPU Computing Toolkit\CUDA\v9.2\bin\nvcc
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/tvm/python/tvm/__init__.py", line 21, in <module>
from . import tensor
"/usr/tvm/python/tvm/tensor.py", line 20, in <module>
from ._ffi.node import NodeBase, NodeGeneric, register_node, convert_to_node
"/usr/tvm/python/tvm/_ffi/node.py", line 24, in <module>
from .node_generic import NodeGeneric, convert_to_node, const
"/usr/tvm/python/tvm/_ffi/node_generic.py", line 23, in <module>
from .base import string_types
"/usr/tvm/python/tvm/_ffi/base.py", line 60, in <module>
_LIB, _LIB_NAME = _load_lib()
"/usr/tvm/python/tvm/_ffi/base.py", line 52, in _load_lib
lib = ctypes.CDLL(lib_path[0], ctypes.RTLD_GLOBAL)
"/usr/lib/python3.6/ctypes/__init__.py", line 348, in __init__
self._handle = _dlopen(self._name, mode)
OSError: /usr/tvm/build/libtvm.so: undefined symbol: tvm_ecall_packed_func
| 0.574694 |
Traceback (most recent call last):
"./siamese_tracking/test_siamfc.py", line 248, in <module>
main()
"./siamese_tracking/test_siamfc.py", line 141, in main
track(tracker, net, dataset[video], args)
"./siamese_tracking/test_siamfc.py", line 75, in track
if len(im.shape) == 2:
AttributeError: 'NoneType' object has no attribute 'shape' | Traceback (most recent call last):
"./copy.py", line 4, in <module>
import vk_api
"/home/cheater/.local/lib/python3.5/site-packages/vk_api/__init__.py", line 10, in <module>
from .requests_pool import VkRequestsPool, vk_request_one_param_pool
"/home/cheater/.local/lib/python3.5/site-packages/vk_api/requests_pool.py", line 14, in <module>
from .execute import VkFunction
"/home/cheater/.local/lib/python3.5/site-packages/vk_api/execute.py", line 11, in <module>
from .utils import sjson_dumps
"/home/cheater/.local/lib/python3.5/site-packages/vk_api/utils.py", line 21, in <module>
from http.cookiejar import Cookie
"/usr/lib/python3.5/http/cookiejar.py", line 31, in <module>
import copy
"/home/cheater/Документы/copy.py", line 5, in <module>
from vk_api.bot_longpoll import VkBotLongPoll, VkBotEventType
"/home/cheater/.local/lib/python3.5/site-packages/vk_api/bot_longpoll.py", line 10, in <module>
import requests
"/home/cheater/.local/lib/python3.5/site-packages/requests/__init__.py", line 112, in <module>
from . import utils
"/home/cheater/.local/lib/python3.5/site-packages/requests/utils.py", line 32, in <module>
from .cookies import cookiejar_from_dict
"/home/cheater/.local/lib/python3.5/site-packages/requests/cookies.py", line 171, in <module>
class RequestsCookieJar(cookielib.CookieJar, MutableMapping):
AttributeError: module 'http.cookiejar' has no attribute 'CookieJar'
| 0.617562 |
Traceback (most recent call last):
"/Users/sugizo/project/python/web2py/gluon/restricted.py", line 219, in restricted
exec(ccode, environment)
"/Users/sugizo/project/python/web2py/applications/test/models/db_schema_0_auth.py", line 9, in <module>
custom_auth_table = db[auth.settings.table_user_name]
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/base.py", line 666, in __getitem__
return self.__getattr__(str(key))
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/base.py", line 672, in __getattr__
return self.lazy_define_table(tablename, *fields, **kwargs)
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/base.py", line 624, in lazy_define_table
polymodel=polymodel)
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/adapters/base.py", line 798, in create_table
return self.migrator.create_table(*args, **kwargs)
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/migrator.py", line 279, in create_table
query), table)
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/migrator.py", line 488, in log
logfile.write(to_bytes(message))
"/Users/sugizo/project/python/web2py/gluon/packages/dal/pydal/helpers/classes.py", line 544, in write
self.data += data
TypeError: can only concatenate str (not "bytes") to str
| `Traceback (most recent call last):
"train.py", line 72, in <module>
main()
"train.py", line 69, in main
trainer.train()
"/DB/trainer.py", line 86, in train
epoch=epoch, step=self.steps)
"/DB/trainer.py", line 127, in train_step
if step % self.experiment.logger.log_interval == 0:
TypeError: unsupported operand type(s) for %: 'int' and 'NoneType'`
| 0.577559 |
Traceback (most recent call last):
"/Users/glennjocher/opt/anaconda3/envs/env1/lib/python3.7/site-packages/IPython/core/interactiveshell.py", line 3331, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-5-be04c762b799>", line 5, in <module>
c = a / 0
RuntimeError: ZeroDivisionError
| Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/nose/case.py", line 381, in setUp
try_run(self.inst, ('setup', 'setUp'))
"/usr/lib/python2.7/dist-packages/nose/util.py", line 471, in try_run
return func()
"/build/python-numpy-1.14.3/debian/tmp/usr/lib/python2.7/dist-packages/numpy/testing/nose_tools/decorators.py", line 217, in knownfailer
return f(*args, **kwargs)
"/build/python-numpy-1.14.3/debian/tmp/usr/lib/python2.7/dist-packages/numpy/f2py/tests/util.py", line 359, in setup
module_name=self.module_name)
"/build/python-numpy-1.14.3/debian/tmp/usr/lib/python2.7/dist-packages/numpy/f2py/tests/util.py", line 79, in wrapper
memo[key] = func(*a, **kw)
"/build/python-numpy-1.14.3/debian/tmp/usr/lib/python2.7/dist-packages/numpy/f2py/tests/util.py", line 141, in build_module
% (cmd[4:], asstr(out)))
RuntimeError: Running f2py failed: ['-m', '_test_ext_module_5404', '/tmp/tmpzeEviP/block.f']
| 0.62492 |
Traceback (most recent call last):
"main.py", line 13, in <module>
load_csv()
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/memory_profiler.py", line 1142, in wrapper
val = prof(func)(*args, **kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/memory_profiler.py", line 717, in f
return func(*args, **kwds)
"main.py", line 10, in load_csv
return pd.read_csv("./sample.csv")
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/pandas/io.py", line 109, in parser_func
return _read(**kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/pandas/io.py", line 127, in _read
pd_obj = EngineDispatcher.read_csv(**kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/data_management/factories/dispatcher.py", line 104, in read_csv
return cls.__engine._read_csv(**kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/data_management/factories/factories.py", line 87, in _read_csv
return cls.io_cls.read_csv(**kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/engines/base/io/file_reader.py", line 29, in read
query_compiler = cls._read(*args, **kwargs)
"/home/my_username/anaconda3/envs/profiling3.6/lib/python3.6/site-packages/modin/engines/base/io/text/csv_reader.py", line 69, in _read
**dict(kwargs, usecols=None, nrows=0, skipfooter=0, index_col=None),
TypeError: read_csv() got an unexpected keyword argument 'kwargs'
| Traceback (most recent call last):
"subdoc_injector.py", line 227, in <module>
main()
"subdoc_injector.py", line 220, in main
infectDoc(args.infile, args.outfile, args.url, args.identifier, False)
"subdoc_injector.py", line 179, in infectDoc
closepos = docx.index('/>')
TypeError: a bytes-like object is required, not 'str'
| 0.573733 |
Traceback (most recent call last):
"/home/ll/anaconda3/lib/python3.8/site-packages/satpy/readers/yaml_reader.py", line 828, in _load_dataset_with_area
ds = self._load_dataset_data(file_handlers, dsid, **kwargs)
"/home/ll/anaconda3/lib/python3.8/site-packages/satpy/readers/yaml_reader.py", line 711, in _load_dataset_data
proj = self._load_dataset(dsid, ds_info, file_handlers, **kwargs)
"/home/ll/anaconda3/lib/python3.8/site-packages/satpy/readers/yaml_reader.py", line 696, in _load_dataset
raise KeyError(
KeyError: "Could not load DataID(name='longitude', resolution=1050, modifiers=()) from any provided files"
| Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/persepolis/scripts/persepolis.py", line 434, in main
mainwindow = MainWindow(start_in_tray, persepolis_download_manager, persepolis_download_manager.setting)
"/usr/lib/python3.8/site-packages/persepolis/scripts/mainwindow.py", line 1351, in __init__
dict = download_table_dict[gid]
KeyError: 'b5fca7aa27412226'
| 0.525566 |
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):
"/opt/az/lib/python3.6/site-packages/knack/cli.py", line 212, in invoke
self.output.out(cmd_result, formatter=formatter, out_file=out_file)
"/opt/az/lib/python3.6/site-packages/knack/output.py", line 132, in out
output = formatter(obj)
"/opt/az/lib/python3.6/site-packages/knack/output.py", line 38, in format_json
input_dict = dict(result) if hasattr(result, '__dict__') else result
TypeError: 'CommandResultItem' object is not iterable
| 0.610433 |
Traceback (most recent call last):
"install.py", line 237, in <module>
raise e
"install.py", line 233, in <module>
main()
"install.py", line 134, in main
bindings_version = get_latest_valid_bindings()
"install.py", line 73, in get_latest_valid_bindings
bucket = conn.get_bucket('deepdrive')
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/s3/connection.py", line 509, in get_bucket
return self.head_bucket(bucket_name, headers=headers)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/s3/connection.py", line 528, in head_bucket
response = self.make_request('HEAD', bucket_name, headers=headers)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/s3/connection.py", line 671, in make_request
retry_handler=retry_handler
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/connection.py", line 1071, in make_request
retry_handler=retry_handler)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/connection.py", line 913, in _mexe
self.is_secure)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/connection.py", line 705, in get_http_connection
return self.new_http_connection(host, port, is_secure)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/connection.py", line 747, in new_http_connection
connection = self.proxy_ssl(host, is_secure and 443 or 80)
"/home/kzin/anaconda3/envs/deepdrive/lib/python3.6/site-packages/boto/connection.py", line 796, in proxy_ssl
sock.sendall("CONNECT %s HTTP/1.0\r\n" % host)
TypeError: a bytes-like object is required, not 'str'
| Traceback (most recent call last):
"E:\conda\lib\site-packages\spyder\widgets\variableexplorer\collectionseditor.py", line 313, in data
display = value_to_display(value, minmax=self.minmax)
"E:\conda\lib\site-packages\spyder\widgets\variableexplorer\utils.py", line 458, in value_to_display
display = display[:70].rstrip() + ' ...'
TypeError: can't concat str to bytes
| 0.579896 |
Traceback (most recent call last):
"/Users/andersson/.ansible/tmp/ansible-local-60465jo4bacoa/ansible-tmp-1608666091.392672-60469-59841412560375/AnsiballZ_parser.py", line 102, in <module>
_ansiballz_main()
"/Users/andersson/.ansible/tmp/ansible-local-60465jo4bacoa/ansible-tmp-1608666091.392672-60469-59841412560375/AnsiballZ_parser.py", line 94, in _ansiballz_main
invoke_module(zipped_mod, temp_path, ANSIBALLZ_PARAMS)
"/Users/andersson/.ansible/tmp/ansible-local-60465jo4bacoa/ansible-tmp-1608666091.392672-60469-59841412560375/AnsiballZ_parser.py", line 40, in invoke_module
runpy.run_module(mod_name='ansible_collections.miradot.nxos.plugins.modules.parser', init_globals=None, run_name='__main__', alter_sys=True)
"/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/runpy.py", line 205, in run_module
return _run_module_code(code, init_globals, run_name, mod_spec)
"/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/runpy.py", line 96, in _run_module_code
mod_name, mod_spec, pkg_name, script_name)
"/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/var/folders/ys/c8j8l1ms5x94nc82klphsk7w0000gn/T/ansible_miradot.nxos.parser_payload_lhosn7ha/ansible_miradot.nxos.parser_payload.zip/ansible_collections/miradot/nxos/plugins/modules/parser.py", line 5, in <module>
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/napalm/__init__.py", line 5, in <module>
from napalm.base import get_network_driver
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/napalm/base/__init__.py", line 22, in <module>
from napalm.base.base import NetworkDriver
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/napalm/base/base.py", line 17, in <module>
from netmiko import ConnectHandler, NetMikoTimeoutException
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/__init__.py", line 7, in <module>
from netmiko.ssh_dispatcher import ConnectHandler
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/ssh_dispatcher.py", line 2, in <module>
from netmiko.a10 import A10SSH
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/a10/__init__.py", line 1, in <module>
from netmiko.a10.a10_ssh import A10SSH
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/a10/a10_ssh.py", line 3, in <module>
from netmiko.cisco_base_connection import CiscoSSHConnection
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/cisco_base_connection.py", line 2, in <module>
from netmiko.base_connection import BaseConnection
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/base_connection.py", line 27, in <module>
from netmiko.utilities import (
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/netmiko/utilities.py", line 8, in <module>
import serial.tools.list_ports
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/serial/tools/list_ports.py", line 29, in <module>
from serial.tools.list_ports_posix import comports
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/serial/tools/list_ports_posix.py", line 31, in <module>
from serial.tools.list_ports_osx import comports
"/Users/andersson/Library/Python/3.7/lib/python/site-packages/serial/tools/list_ports_osx.py", line 33, in <module>
kIOMasterPortDefault = ctypes.c_void_p.in_dll(iokit, "kIOMasterPortDefault")
ValueError: dlsym(RTLD_DEFAULT, kIOMasterPortDefault): symbol not found
| Traceback (most recent call last):
"/home/sk/PaddleDetection/ppdet/data/reader.py", line 46, in __call__
data = f(data, ctx)
"/home/sk/PaddleDetection/ppdet/data/transform/operators.py", line 1753, in __call__
canvas[y:y + height, x:x + width, :] = img.astype(np.uint8)
ValueError: could not broadcast input array from shape (608,608,3) into shape (2592,1728,3)
| 0.570656 |
Traceback (most recent call last):
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/sandbox.py", line 154, in save_modules
yield saved
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/sandbox.py", line 195, in setup_context
yield
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/sandbox.py", line 250, in run_setup
_execfile(setup_script, ns)
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/sandbox.py", line 45, in _execfile
exec(code, globals, locals)
"/tmp/easy_install-ikj97hpj/Bottleneck-1.2.1/setup.py", line 110, in <module>
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/__init__.py", line 129, in setup
return distutils.core.setup(**attrs)
"/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()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/bdist_egg.py", line 163, in run
self.run_command("egg_info")
"/usr/lib/python3.4/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/lib/python3.4/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/egg_info.py", line 278, in run
self.find_sources()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/egg_info.py", line 293, in find_sources
mm.run()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/egg_info.py", line 524, in run
self.add_defaults()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/egg_info.py", line 560, in add_defaults
sdist.add_defaults(self)
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/py36compat.py", line 36, in add_defaults
self._add_defaults_ext()
"/home/lance/tools/orange/lib/python3.4/site-packages/setuptools/command/py36compat.py", line 119, in _add_defaults_ext
build_ext = self.get_finalized_command('build_ext')
"/usr/lib/python3.4/distutils/cmd.py", line 299, in get_finalized_command
cmd_obj.ensure_finalized()
"/usr/lib/python3.4/distutils/cmd.py", line 107, in ensure_finalized
self.finalize_options()
"/tmp/easy_install-ikj97hpj/Bottleneck-1.2.1/setup.py", line 24, in finalize_options
AttributeError: 'dict' object has no attribute '__NUMPY_SETUP__'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 1558, in plot
plots.show()
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 191, in show
self._backend.show()
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 1248, in show
self.process_series()
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 1245, in process_series
self._process_series(series, ax, parent)
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 1074, in _process_series
collection = self.LineCollection(s.get_segments())
"/usr/lib/python3.8/site-packages/sympy/plotting/plot.py", line 663, in get_segments
f_start = f(self.start)
"/usr/lib/python3.8/site-packages/sympy/plotting/experimental_lambdify.py", line 236, in __call__
if abs(result.imag) > 1e-7 * abs(result):
AttributeError: type object 'EulerGamma' has no attribute 'imag'
| 0.654701 |
Traceback (most recent call last):
"C:\Python3\lib\site-packages\weditor\__main__.py", line 298, in _run
self.write_message({"buffer": line})
"C:\Python3\lib\site-packages\tornado\websocket.py", line 251, in write_message
message = tornado.escape.json_encode(message)
"C:\Python3\lib\site-packages\tornado\escape.py", line 82, in json_encode
return json.dumps(value).replace("</", "<\\/")
"C:\Python3\lib\json\__init__.py", line 230, in dumps
return _default_encoder.encode(obj)
"C:\Python3\lib\json\encoder.py", line 198, in encode
chunks = self.iterencode(o, _one_shot=True)
"C:\Python3\lib\json\encoder.py", line 256, in iterencode
return _iterencode(o, 0)
"C:\Python3\lib\json\encoder.py", line 179, in default
raise TypeError(repr(o) + " is not JSON serializable")
TypeError: b"('jsonrpc method:', 'click')\r\n" is not JSON serializable
| Traceback (most recent call last):
"lib/galaxy/webapps/galaxy/buildapp.py", line 48, in app_factory
app = galaxy.app.UniverseApplication(global_conf=global_conf, **kwargs)
"lib/galaxy/app.py", line 229, in __init__
self.trs_proxy = TrsProxy(self.config)
"lib/galaxy/workflow/trs_proxy.py", line 58, in __init__
self._server_dict = {t["id"]: t for t in self._server_list}
TypeError: 'NoneType' object is not iterable
| 0.60535 |
Traceback (most recent call last):
"/home/hq/pycharm-professional-2020.2.3/pycharm-2020.2.3/plugins/python/helpers/pydev/_pydevd_bundle/pydevd_comm.py", line 1765, in do_it
var_obj = pydevd_vars.getVariable(self.thread_id, self.frame_id, scope, attrs)
"/home/hq/pycharm-professional-2020.2.3/pycharm-2020.2.3/plugins/python/helpers/pydev/_pydevd_bundle/pydevd_vars.py", line 240, in getVariable
var = resolver.resolve(var, k)
"/home/hq/pycharm-professional-2020.2.3/pycharm-2020.2.3/plugins/python/helpers/pydev/_pydevd_bundle/pydevd_resolver.py", line 215, in resolve
return getattr(dict, key)
AttributeError: 'dict' object has no attribute 'dissononce_s'
| Traceback (most recent call last):
"../ltr/trainers/base_trainer.py", line 70, in train
self.train_epoch()
"../ltr/trainers/ltr_trainer.py", line 76, in train_epoch
self.cycle_dataset(loader)
"../ltr/trainers/ltr_trainer.py", line 50, in cycle_dataset
for i, data in enumerate(loader, 1):
"/home/ddww/anaconda3/envs/pytracking/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 346, in __next__
data = self.dataset_fetcher.fetch(index)
# may raise StopIteration
"/home/ddww/anaconda3/envs/pytracking/lib/python3.7/site-packages/torch/utils/data/_utils/fetch.py", line 44, in fetch
data = [self.dataset[idx] for idx in possibly_batched_index]
"/home/ddww/anaconda3/envs/pytracking/lib/python3.7/site-packages/torch/utils/data/_utils/fetch.py", line 44, in <listcomp>
data = [self.dataset[idx] for idx in possibly_batched_index]
"../ltr/data/sampler.py", line 294, in __getitem__
return self.processing(data)
"../ltr/data/processing.py", line 294, in __call__
self.search_area_factor, self.output_sz)
"../ltr/data/processing_utils.py", line 116, in jittered_center_crop
for f, a in zip(frames, box_extract)]
"../ltr/data/processing_utils.py", line 116, in <listcomp>
for f, a in zip(frames, box_extract)]
"../ltr/data/processing_utils.py", line 42, in sample_target
x2_pad = max(x2-im.shape[1]+1, 0)
AttributeError: 'NoneType' object has no attribute 'shape'
| 0.642299 |
Traceback (most recent call last):
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\eventlet\wsgi.py", line 547, in handle_one_response
result = self.application(self.environ, start_response)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\flask\app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\flask_socketio\__init__.py", line 44, in __call__
start_response)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\engineio\middleware.py", line 59, in __call__
return self.engineio_app.handle_request(environ, start_response)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\socketio\server.py", line 485, in handle_request
return self.eio.handle_request(environ, start_response)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\engineio\server.py", line 342, in handle_request
r = self._ok(packets, b64=b64)
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\engineio\server.py", line 535, in _ok
'response': payload.Payload(packets=packets).encode(b64)}
"C:\Users\hms\Dropbox (HuSmith)\PythonCode\chattest\vtest\lib\site-packages\engineio\payload.py", line 17, in encode
encoded_packet = pkt.encode(b64=b64)
AttributeError: 'NoneType' object has no attribute 'encode'
| Traceback (most recent call last):
"/usr/local/lib/python3.7/dist-packages/patroni/postgresql/bootstrap.py", line 341, in post_bootstrap
self.create_or_update_role(name, value.get('password'), value.get('options', []))
AttributeError: 'str' object has no attribute 'get'
| 0.601688 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 272, in async_update_ha_state
await self.async_device_update()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 463, in async_device_update
await self.async_update()
# type: ignore
"/usr/src/homeassistant/homeassistant/components/freebox/switch.py", line 75, in async_update
datas = await self._router.wifi.get_global_config()
"/usr/src/homeassistant/homeassistant/components/freebox/router.py", line 186, in wifi
return self._api.wifi
AttributeError: 'NoneType' object has no attribute 'wifi'
| `Traceback (most recent call last):
"/home/liam/.virtualenvs/fbchat/local/lib/python2.7/site-packages/fbchat/client.py", line 1360, in _parseMessage
thread_id=thread_id, thread_type=thread_type, ts=ts, metadata=metadata, msg=m)
"leona.py", line 28, in onMessage
log.info("Message from {} in {} ({}): {}".format(author_id, thread_id, thread_type.name, message))
AttributeError: 'int' object has no attribute 'name'`
| 0.605346 |
Traceback (most recent call last):
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/tornado/ioloop.py", line 458, in _run_callback
callback()
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/tornado/stack_context.py", line 331, in wrapped
raise_exc_info(exc)
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/tornado/stack_context.py", line 302, in wrapped
ret = fn(_args, *_kwargs)
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/flower/events.py", line 38, in event
super(EventsState, self).event(event)
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/celery/events/state.py", line 296, in event
return self._dispatch_event(event)
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/celery/events/state.py", line 302, in _dispatch_event
getattr(self, group + '_event')(subject, event)
"/home/username/Installations/Flower/local/lib/python2.7/site-packages/celery/events/state.py", line 291, in task_event
task.on_unknown_event(type, **fields)
TypeError: on_unknown_event() got multiple values for keyword argument 'type' | Traceback (most recent call last):
"/home/matrix/synapse/synapse/replication/tcp/protocol.py", line 468, in subscribe_to_stream
if token > current_token:
TypeError: '>' not supported between instances of 'NoneType' and 'int'
| 0.572012 |
Traceback (most recent call last):
"/home/tyler/.conda/envs/dlc-gpu/lib/python3.6/site-packages/deeplabcut/generate_training_dataset/multiple_individual_labeling_toolbox.py", line 678, in nextImage
self.individualrdb.SetSelection(0)
AttributeError: 'MainFrame' object has no attribute 'individualrdb'
| Traceback (most recent call last):
"/home/jose/borro/emmett-prod/venv/lib/python3.8/site-packages/gunicorn/arbiter.py", line 202, in run
self.manage_workers()
"/home/jose/borro/emmett-prod/venv/lib/python3.8/site-packages/gunicorn/arbiter.py", line 545, in manage_workers
self.spawn_workers()
"/home/jose/borro/emmett-prod/venv/lib/python3.8/site-packages/gunicorn/arbiter.py", line 616, in spawn_workers
self.spawn_worker()
"/home/jose/borro/emmett-prod/venv/lib/python3.8/site-packages/gunicorn/arbiter.py", line 563, in spawn_worker
worker = self.worker_class(self.worker_age, self.pid, self.LISTENERS,
"/home/jose/borro/emmett-prod/venv/lib/python3.8/site-packages/emmett/asgi/workers.py", line 64, in __init__
http=protocols_http.get_protocol(config.get('http', 'auto')),
AttributeError: 'Registry' object has no attribute 'get_protocol' | 0.604873 |
Traceback (most recent call last):
"/var/task/test_python.py", line 24, in handler
return on_intent(event['request'], event['session'])
"/var/task/test_python.py", line 59, in on_intent
return get_rawtext(intent_request)
"/var/task/test_python.py", line 105, in get_rawtext
res_json = json.loads(response['Body'].read().decode("utf-8"))
"/usr/lib64/python2.7/json/__init__.py", line 339, in loads
return _default_decoder.decode(s)
"/usr/lib64/python2.7/json/decoder.py", line 364, in decode
obj, end = self.raw_decode(s, idx=_w(s, 0).end())
"/usr/lib64/python2.7/json/decoder.py", line 382, in raw_decode
raise ValueError("No JSON object could be decoded")
ValueError: No JSON object could be decoded
| Traceback (most recent call last):
"b.py", line 4, in <module>
engine.random(n=1)
"/home/kstoneriv3/.local/lib/python3.8/site-packages/scipy-1.7.0.dev0+fc77ea1-py3.8-linux-x86_64.egg/scipy/stats/_qmc.py", line 956, in random
q = self.rg_integers(low=1, high=n, size=(n, self.d))
"_generator.pyx", line 460, in numpy.random._generator.Generator.integers
"_bounded_integers.pyx", line 1254, in numpy.random._bounded_integers._rand_int64
ValueError: low >= high
| 0.498862 |
Traceback (most recent call last):
"/private/tmp/venv/lib/python3.8/site-packages/napari/_vispy/vispy_base_layer.py", line 264, in get_max_texture_sizes
MAX_TEXTURE_SIZE_2D = gl.glGetParameter(gl.GL_MAX_TEXTURE_SIZE)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/gl/_gl2.py", line 792, in glGetParameter
return _glGetIntegerv(pname)
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/gl/_gl2.py", line 684, in _glGetIntegerv
nativefunc = _glGetIntegerv._native = _get_gl_func("glGetIntegerv", None, (ctypes.c_uint, ctypes.POINTER(ctypes.c_int),))
"/private/tmp/venv/lib/python3.8/site-packages/vispy/gloo/gl/gl2.py", line 69, in _get_gl_func
raise RuntimeError('Could not load OpenGL library, gl cannot be used')
RuntimeError: Could not load OpenGL library, gl cannot be used
| Traceback (most recent call last):
"train.py", line 327, in <module>
main(params)
"train.py", line 280, in main
trainer.mt_step(lang, lang, params.lambda_ae)
"/mounts/Users/cisintern/achron/XLM-no-changes/src/trainer.py", line 851, in mt_step
enc1 = self.encoder('fwd', x=x1, lengths=len1, langs=langs1, causal=False)
"/opt/softw/Miniconda3/envs/nmt/lib/python3.6/site-packages/torch/nn/modules/module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"/opt/softw/Miniconda3/envs/nmt/lib/python3.6/site-packages/torch/nn/parallel/distributed.py", line 459, in forward
self.reducer.prepare_for_backward([])
RuntimeError: Expected to have finished reduction in the prior iteration before starting a new one. This error indicates that your module has parameters that were not used in producing loss. You can enable unused parameter detection by (1) passing the keyword argument `find_unused_parameters=True` to `torch.nn.parallel.DistributedDataParallel`; (2) making sure all `forward` function outputs participate in calculating loss. If you already have done the above two steps, then the distributed data parallel module wasn't able to locate the output tensors in the return value of your module's `forward` function. Please include the loss function and the structure of the return value of `forward` of your module when reporting this issue (e.g. list, dict, iterable). (prepare_for_backward at /opt/conda/conda-bld/pytorch_1565272279342/work/torch/csrc/distributed/c10d/reducer.cpp:518)
| 0.560413 |
Traceback (most recent call last):
"/home/xxxxxx/.local/bin/twint", line 8, in <module>
sys.exit(run_as_command())
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/cli.py", line 313, in run_as_command
main()
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/cli.py", line 305, in main
run.Search(c)
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/run.py", line 427, in Search
run(config, callback)
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/run.py", line 319, in run
get_event_loop().run_until_complete(Twint(config).main(callback))
"/usr/lib/python3.8/asyncio/base_events.py", line 616, in run_until_complete
return future.result()
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/run.py", line 239, in main
await task
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/run.py", line 290, in run
await self.tweets()
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/run.py", line 230, in tweets
await output.Tweets(tweet, self.config, self.conn)
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/output.py", line 175, in Tweets
await checkData(tweets, config, conn)
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/output.py", line 144, in checkData
db.tweets(conn, tweet, config)
"/home/xxxxxx/.local/lib/python3.8/site-packages/twint/storage/db.py", line 285, in tweets
if Tweet.retweet:
AttributeError: 'tweet' object has no attribute 'retweet'
| ```Traceback (most recent call last):
"train.py", line 249, in <module>
tf.app.run()
"/home/csq/.cache/bazel/_bazel_csq/0a3580d8ecd2fafe9cc9970e974f5dc4/execroot/source/bazel-out/release_links/lib/python_env/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"train.py", line 229, in main
worker_job_name, is_chief, FLAGS.train_dir, FLAGS.trace_every_n_steps)
"/home/csq/src/models/research/object_detection/trainer.py", line 271, in train
for (gradient, var) in gradients]
"/home/csq/.cache/bazel/_bazel_csq/0a3580d8ecd2fafe9cc9970e974f5dc4/execroot/source/bazel-out/release_links/lib/python_env/horovod/tensorflow/__init__.py", line 76, in allreduce
horovod_size = tf.cast(size(), tensor.dtype)
AttributeError: 'NoneType' object has no attribute 'dtype'
| 0.564181 |
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'
| [!] 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.647963 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/local/salt/lib/python2.7/site-packages/salt/state.py", line 1624, in call
**cdata['kwargs'])
"/usr/local/salt/lib/python2.7/site-packages/salt/loader.py", line 1491, in wrapper
return f(*args, **kwargs)
"/usr/local/salt/lib/python2.7/site-packages/salt/states/user.py", line 471, in present
__salt__['user.chhome'](name, val, True)
TypeError: chhome() takes exactly 2 arguments (3 given)``` | Traceback (most recent call last):
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/worker/worker.py", line 205, in start
self.blueprint.start(self)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/bootsteps.py", line 369, in start
return self.obj.start()
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/worker/consumer/consumer.py", line 318, in start
blueprint.start(self)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/worker/consumer/mingle.py", line 40, in start
self.sync(c)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/worker/consumer/mingle.py", line 44, in sync
replies = self.send_hello(c)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/worker/consumer/mingle.py", line 57, in send_hello
replies = inspect.hello(c.hostname, our_revoked._data) or {}
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/app/control.py", line 154, in hello
return self._request('hello', from_node=from_node, revoked=revoked)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/app/control.py", line 106, in _request
pattern=self.pattern, matcher=self.matcher,
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/celery/app/control.py", line 477, in broadcast
limit, callback, channel=channel,
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/pidbox.py", line 347, in _broadcast
channel=chan)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/pidbox.py", line 386, in _collect
self.connection.drain_events(timeout=timeout)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/connection.py", line 315, in drain_events
return self.transport.drain_events(self.connection, **kwargs)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/transport/virtual/base.py", line 963, in drain_events
get(self._deliver, timeout=timeout)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/transport/redis.py", line 366, in get
self._register_BRPOP(channel)
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/transport/redis.py", line 311, in _register_BRPOP
if not self._client_registered(channel, channel.client, 'BRPOP'):
"/home/psayker/PycharmProjects/ee/py37/lib/python3.7/site-packages/kombu/transport/redis.py", line 306, in _client_registered
(channel, client, cmd) in self._chan_to_sock)
TypeError: unhashable type: 'Redis'
| 0.533266 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/sanic/app.py", line 1017, in handle_request
request, response, request_name=name
TypeError: _run_response_middleware() got an unexpected keyword argument 'request_name'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: cancel_all() got an unexpected keyword argument 'product_id'
| 0.614475 |
Traceback (most recent call last):
"/home/tb/.config/sublime-text-3/Packages/LSP/plugin/core/rpc.py", line 149, in receive_payload
self.response_handler(payload)
"/home/tb/.config/sublime-text-3/Packages/LSP/plugin/core/rpc.py", line 168, in response_handler
handler(response["result"])
"/home/tb/.config/sublime-text-3/Packages/LSP/plugin/hover.py", line 76, in <lambda>
lambda response: self.handle_response(response, point))
"/home/tb/.config/sublime-text-3/Packages/LSP/plugin/hover.py", line 85, in handle_response
all_content += self.hover_content(point, response)
"/home/tb/.config/sublime-text-3/Packages/LSP/plugin/hover.py", line 144, in hover_content
value = item.get("value")
AttributeError: 'NoneType' object has no attribute 'get'
| Traceback (most recent call last):
"char-rnn.py", line 192, in <module>
QueueInputTrainer(config).train()
"/home/patwie/git/tensorpack/tensorpack/train/base.py", line 58, in train
self.setup()
"/home/patwie/git/tensorpack/tensorpack/train/base.py", line 130, in setup
self._setup()
"/home/patwie/git/tensorpack/tensorpack/train/feedfree.py", line 101, in _setup
cost, grads = self._get_cost_and_grad()
"/home/patwie/git/tensorpack/tensorpack/train/feedfree.py", line 47, in _get_cost_and_grad
self.model.build_graph(actual_inputs)
"/home/patwie/git/tensorpack/tensorpack/models/model_desc.py", line 108, in build_graph
self._build_graph(model_inputs)
"char-rnn.py", line 72, in _build_graph
cell = tf.nn.rnn_cell.BasicLSTMCell(num_units=param.rnn_size)
AttributeError: 'module' object has no attribute 'rnn_cell'
| 0.627485 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"assembler.py", line 26, in <module>
"server.py", line 298, in main
"ssnet.py", line 559, in runonce
ValueError: filedescriptor out of range in select()
| Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 220, in async_update_ha_state
await self.async_device_update()
"/usr/local/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 379, in async_device_update
await self.hass.async_add_executor_job(self.update)
"/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.7/site-packages/homeassistant/components/sensor/mitemp_bt.py", line 151, in update
data = self.poller.parameter_value(self.parameter)
"/usr/local/lib/python3.7/site-packages/mitemp_bt/mitemp_bt_poller.py", line 125, in parameter_value
self.fill_cache()
"/usr/local/lib/python3.7/site-packages/mitemp_bt/mitemp_bt_poller.py", line 68, in fill_cache
connection.wait_for_notification(_HANDLE_READ_WRITE_SENSOR_DATA, self, 10)
# pylint: disable=no-member
"/usr/local/lib/python3.7/site-packages/btlewrap/bluepy.py", line 26, in _func_wrapper
return func(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/btlewrap/bluepy.py", line 89, in wait_for_notification
return self._peripheral.waitForNotifications(notification_timeout)
"/usr/local/lib/python3.7/site-packages/bluepy/btle.py", line 516, in waitForNotifications
resp = self._getResp(['ntfy','ind'], timeout)
"/usr/local/lib/python3.7/site-packages/bluepy/btle.py", line 378, in _getResp
self.delegate.handleNotification(hnd, data)
"/usr/local/lib/python3.7/site-packages/mitemp_bt/mitemp_bt_poller.py", line 195, in handleNotification
self._check_data()
"/usr/local/lib/python3.7/site-packages/mitemp_bt/mitemp_bt_poller.py", line 144, in _check_data
parsed = self._parse_data()
"/usr/local/lib/python3.7/site-packages/mitemp_bt/mitemp_bt_poller.py", line 177, in _parse_data
res[MI_HUMIDITY] = float(data[9:13])
ValueError: could not convert string to float: '4.7\x00'
| 0.513437 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/lib/python3.6/dist-packages/timesketch/__init__.py", line 30, in <module>
from timesketch.api.v1.routes import API_ROUTES as V1_API_ROUTES
"/usr/lib/python3.6/dist-packages/timesketch/api/v1/routes.py", line 18, in <module>
from .resources import AggregationGroupResource
"/usr/lib/python3.6/dist-packages/timesketch/api/v1/resources.py", line 58, in <module>
from timesketch.lib.analyzers import manager as analyzer_manager
"/usr/lib/python3.6/dist-packages/timesketch/lib/analyzers/__init__.py", line 20, in <module>
from timesketch.lib.analyzers import chain
"/usr/lib/python3.6/dist-packages/timesketch/lib/analyzers/chain.py", line 10, in <module>
from timesketch.lib.analyzers import chain_plugins
# pylint: disable=unused-import
ImportError: cannot import name 'chain_plugins'
| Traceback (most recent call last):
"C:\Python27\lib\site-packages\django\utils\autoreload.py", line 226, in wrapper
fn(*args, **kwargs)
"C:\Python27\lib\site-packages\django\core\management\commands\runserver.py", line 113, in inner_run
autoreload.raise_last_exception()
"C:\Python27\lib\site-packages\django\utils\autoreload.py", line 249, in raise_last_exception
six.reraise(*_exception)
"C:\Python27\lib\site-packages\django\utils\autoreload.py", line 226, in wrapper
fn(*args, **kwargs)
"C:\Python27\lib\site-packages\django\__init__.py", line 27, in setup
apps.populate(settings.INSTALLED_APPS)
"C:\Python27\lib\site-packages\django\apps\registry.py", line 115, in populate
app_config.ready()
"C:\Python27\lib\site-packages\axes\apps.py", line 9, in ready
from axes.decorators import watch_login
"C:\Python27\lib\site-packages\axes\decorators.py", line 3, in <module>
from socket import inet_pton, AF_INET6
ImportError: cannot import name inet_pton
| 0.632248 |
Traceback (most recent call last):
"c:\python\lib\site-packages\pkg_resources\__init__.py", line 2299, in resolve
return functools.reduce(getattr, self.attrs, module)
AttributeError: module 'scdl.scdl' has no attribute 'main'
| Traceback (most recent call last):
"/.venv/lib/python3.7/site-packages/sanic/app.py", line 983, in handle_request
request, response
"/.venv/lib/python3.7/site-packages/sanic/app.py", line 1271, in _run_response_middleware
_response = await _response
"/.venv/lib/python3.7/site-packages/gino/ext/sanic.py", line 91, in on_response
conn = request.pop('connection', None)
AttributeError: 'Request' object has no attribute 'pop'
| 0.592111 |
Traceback (most recent call last):
"src/wfuzz-cli.py", line 6, in <module>
main()
"/tmp/tmp.bPiGjfVaga/wfuzz/src/wfuzz/wfuzz.py", line 61, in main
Facade().sett.save()
"/tmp/tmp.bPiGjfVaga/wfuzz/src/wfuzz/utils.py", line 70, in __call__
class_.instance = super(Singleton, class_).__call__(*args, **kwargs)
"/tmp/tmp.bPiGjfVaga/wfuzz/src/wfuzz/facade.py", line 59, in __init__
self.sett = Settings()
"/tmp/tmp.bPiGjfVaga/wfuzz/src/wfuzz/externals/settings/settings.py", line 16, in __init__
self.cparser = ConfigParser()
TypeError: 'module' object is not callable
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/usr/local/searx/searx/webapp.py", line 929, in __call__
return self.app(environ, start_response)
"/usr/local/lib/python2.7/dist-packages/werkzeug/contrib/fixers.py", line 152, in __call__
return self.app(environ, start_response)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/searx/searx/webapp.py", line 725, in preferences
preferences=True)
"/usr/local/searx/searx/webapp.py", line 400, in render
'{}/{}'.format(kwargs['theme'], template_name), **kwargs)
"/usr/local/lib/python2.7/dist-packages/flask/templating.py", line 135, in render_template
context, ctx.app)
"/usr/local/lib/python2.7/dist-packages/flask/templating.py", line 117, in _render
rv = template.render(context)
"/usr/local/lib/python2.7/dist-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/usr/local/lib/python2.7/dist-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/usr/local/searx/searx/templates/oscar/preferences.html", line 2, in top-level template code
{% extends "oscar/base.html" %}
"/usr/local/searx/searx/templates/oscar/base.html", line 82, in top-level template code
{% block content %}
"/usr/local/searx/searx/templates/oscar/preferences.html", line 78, in block "content"
{% set method_info = _('Change how forms are submited, <a href="http://en.wikipedia.org/wiki/Hypertext_Transfer_Protocol#Request_methods" rel="external">learn more about request methods</a>') %}
"/usr/local/lib/python2.7/dist-packages/jinja2/ext.py", line 134, in _gettext_alias
return __context.call(__context.resolve('gettext'), *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/jinja2/ext.py", line 143, in gettext
return rv % variables
"/usr/local/lib/python2.7/dist-packages/markupsafe/__init__.py", line 102, in __mod__
return self.__class__(text_type.__mod__(self, arg))
"/usr/local/lib/python2.7/dist-packages/markupsafe/__init__.py", line 315, in __float__
return float(self.obj)
TypeError: float() argument must be a string or a number | 0.556161 |
Traceback (most recent call last):
"install.py", line 60, in <module>
i.set_up()
"install.py", line 29, in set_up
status = self.check_if_installed(module)
"install.py", line 49, in check_if_installed
module_status = importlib.util.find_spec(module_name)
AttributeError: 'module' object has no attribute 'util'`
|
Traceback (most recent call last):
"(...)/venv/lib/python3.6/site-packages/scapy/supersocket.py", line 123, in __del__
self.close()
"(...)/venv/lib/python3.6/site-packages/scapy/arch/linux.py", line 481, in close
set_promisc(self.ins, self.iface, 0)
AttributeError: 'L2Socket' object has no attribute 'ins'
| 0.61236 |
Traceback (most recent call last):
"manage.py", line 9, in <module>
execute_from_command_line(sys.argv)
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 364, in execute_from_command_line
utility.execute()
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 356, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/core/management/base.py", line 283, in run_from_argv
self.execute(*args, **cmd_options)
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/core/management/base.py", line 330, in execute
output = self.handle(*args, **options)
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/contrib/staticfiles/management/commands/collectstatic.py", line 199, in handle
collected = self.collect()
"/usr/local/myproject/.env/local/lib/python2.7/site-packages/django/contrib/staticfiles/management/commands/collectstatic.py", line 145, in collect
raise processed
ValueError: The file 'js/lib/highmaps-4.2.5/api/css/images/ui-bg_highlight-soft_75_cccccc_1x100.png' could not be found with <pipeline.storage.PipelineCachedStorage object at 0x7f29c9a82ad0>.
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/frazer/.pyenv/versions/venv/lib/python3.7/site-packages/werkzeug/wrappers/base_response.py", line 202, in __init__
self.status = status
"/Users/frazer/.pyenv/versions/venv/lib/python3.7/site-packages/werkzeug/wrappers/base_response.py", line 319, in _set_status
raise ValueError("Empty status argument")
ValueError: Empty status argument
| 0.508105 |
Traceback (most recent call last):
"./pdseg/eval.py", line 176, in <module>
main()
"./pdseg/eval.py", line 172, in main
evaluate(cfg, **args.__dict__)
"./pdseg/eval.py", line 138, in evaluate
conf_mat.calculate(pred, grts, masks)
"/home/aistudio/pdseg/metrics.py", line 47, in calculate
shape=(self.num_classes, self.num_classes))
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/compressed.py", line 57, in __init__
other = self.__class__(coo_matrix(arg1, shape=shape))
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/coo.py", line 198, in __init__
self._check()
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/coo.py", line 285, in _check
raise ValueError('row index exceeds matrix dimensions')
ValueError: row index exceeds matrix dimensions | Traceback (most recent call last):
"test_network_with_dtype.py", line 65, in test_gpu
self.set_network()
"test_network_with_dtype.py", line 30, in set_network
self.x = fluid.layers.data(name='x', shape=[13], dtype=self.dtype)
"/paddle/build/python/paddle/fluid/layers/io.py", line 82, in data
is_data=True)
"/paddle/build/python/paddle/fluid/layer_helper.py", line 344, in create_global_variable
*args, persistable=persistable, **kwargs)
"/paddle/build/python/paddle/fluid/framework.py", line 763, in create_var
var = Variable(block=self, *args, **kwargs)
"/paddle/build/python/paddle/fluid/framework.py", line 195, in __init__
"matched.".format(self.name, old_shape, shape))
ValueError: Variable x has been created before. the previous shape is (-1L, 3L); the new shape is (-1, 13). They are not matched. | 0.608416 |
[autoreload of pandas.io.parquet failed: Traceback (most recent call last):
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 246, in check
superreload(m, reload, self.old_objects)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 369, in superreload
module = reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/imp.py", line 315, in reload
return importlib.reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/importlib/__init__.py", line 166, in reload
_bootstrap._exec(spec, module)
"<frozen importlib._bootstrap>", line 618, in _exec
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/pandas/io/parquet.py", line 7, in <module>
import pandas.core.common as com
AttributeError: module 'pandas.core' has no attribute 'common'
| Traceback (most recent call last):
"/usr/bin/log2timeline.py", line 83, in <module>
if not Main():
"/usr/bin/log2timeline.py", line 24, in Main
if not tool.ParseArguments():
"/usr/lib/python3/dist-packages/plaso/cli/log2timeline_tool.py", line 264, in ParseArguments
self.ParseOptions(options)
"/usr/lib/python3/dist-packages/plaso/cli/log2timeline_tool.py", line 329, in ParseOptions
self._ParseStorageMediaOptions(options)
"/usr/lib/python3/dist-packages/plaso/cli/storage_media_tool.py", line 405, in _ParseStorageMediaOptions
self._ParseCredentialOptions(options)
"/usr/lib/python3/dist-packages/plaso/cli/storage_media_tool.py", line 371, in _ParseCredentialOptions
credential_data = credential_data.decode('hex')
AttributeError: 'str' object has no attribute 'decode'
| 0.634222 |
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'
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/scripts/usb.py", line 481, in details
details = details_udev(usb_disk_part)
"/usr/lib/python3/dist-packages/scripts/usb.py", line 269, in details_udev
mount_point = UDISKS.mount(usb_disk_part) or ""
"/usr/lib/python3/dist-packages/scripts/udisks.py", line 145, in mount
dbus_interface=self.FILESYSTEM))
"/usr/lib/python3/dist-packages/dbus/proxies.py", line 145, in __call__
**keywords)
"/usr/lib/python3/dist-packages/dbus/connection.py", line 641, in call_blocking
message.append(signature=signature, *args)
TypeError: Expected a string or unicode object
| 0.544958 |
Traceback (most recent call last):
"train.py", line 138, in <module>
main()
"train.py", line 132, in main
train(args, log_dir, hparams)
"train.py", line 57, in train
raise('Error occured while training Tacotron, Exiting!')
TypeError: exceptions must derive from BaseException**
| Traceback (most recent call last):
"train.py", line 198, in <module>
main()
"train.py", line 191, in main
dist_test=dist_train
"/home/amax/OpenPCDet/tools/test.py", line 121, in repeat_eval_ckpt
result_dir=cur_result_dir, save_to_file=args.save_to_file
"/home/amax/OpenPCDet/tools/eval_utils/eval_utils.py", line 113, in eval_one_epoch
output_path=final_output_dir
"/home/amax/OpenPCDet/pcdet/datasets/kitti/kitti_dataset.py", line 329, in evaluation
from .kitti_object_eval_python import eval as kitti_eval
"/home/amax/OpenPCDet/pcdet/datasets/kitti/kitti_object_eval_python/eval.py", line 6, in <module>
from .rotate_iou import rotate_iou_gpu_eval
"/home/amax/OpenPCDet/pcdet/datasets/kitti/kitti_object_eval_python/rotate_iou.py", line 263, in <module>
def rotate_iou_kernel_eval(N, K, dev_boxes, dev_query_boxes, dev_iou, criterion=-1):
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/decorators.py", line 136, in kernel_jit
return Dispatcher(func, sigs, bind=bind, targetoptions=targetoptions)
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/compiler.py", line 808, in __init__
self.compile(sigs[0])
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/compiler.py", line 935, in compile
kernel.bind()
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/compiler.py", line 576, in bind
self._func.get()
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/compiler.py", line 446, in get
ptx = self.ptx.get()
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/compiler.py", line 414, in get
arch = nvvm.get_arch_option(*cc)
"/home/amax/anaconda3/envs/pcdetnew/lib/python3.6/site-packages/numba-0.51.2-py3.6-linux-x86_64.egg/numba/cuda/cudadrv/nvvm.py", line 345, in get_arch_option
return 'compute_%d%d' % arch
TypeError: not enough arguments for format string
| 0.528307 |
Traceback (most recent call last):
"./manage.py", line 10, in <module>
execute_from_command_line(sys.argv)
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/django/core/management/__init__.py", line 371, in execute_from_command_line
utility.execute()
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/django/core/management/__init__.py", line 347, in execute
django.setup()
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/django/__init__.py", line 24, in setup
apps.populate(settings.INSTALLED_APPS)
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/django/apps/registry.py", line 112, in populate
app_config.import_models()
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/django/apps/config.py", line 198, in import_models
self.models_module = import_module(models_module_name)
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 665, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/cities/models.py", line 58, in <module>
class Place(models.Model):
"/Users/me/.local/share/virtualenvs/develtech-oQr_FNyw/lib/python3.6/site-packages/cities/models.py", line 62, in Place
objects = models.GeoManager()
AttributeError: module 'django.contrib.gis.db.models' has no attribute 'GeoManager'
| Traceback (most recent call last):,
"lib\\asyncio\\events.py", line 81, in _run,
"ipv8\\taskmanager.py", line 131, in done_cb,
"ipv8\\taskmanager.py", line 18, in interval_runner,
"src\\tribler-core\\tribler_core\\modules\\torrent_checker\\torrent_checker.py", line 100, in check_random_tracker,
"src\\tribler-core\\tribler_core\\modules\\torrent_checker\\torrent_checker.py", line 215, in get_valid_next_tracker_for_auto_check,
"src\\tribler-core\\tribler_core\\modules\\torrent_checker\\torrent_checker.py", line 222, in get_next_tracker_for_auto_check,
"<string>", line 2, in get_next_tracker_for_auto_check,
"lib\\site-packages\\pony\\orm\\core.py", line 528, in new_func,
"src\\tribler-core\\tribler_core\\modules\\tracker_manager.py", line 129, in get_next_tracker_for_auto_check,
"src\\tribler-core\\tribler_core\\modules\\tracker_manager.py", line 24, in tracker_store,
AttributeError: \'NoneType\' object has no attribute \'TrackerState\'
| 0.630656 |
Traceback (most recent call last):
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/joblib/externals/loky/process_executor.py", line 431, in _process_worker
r = call_item()
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/joblib/externals/loky/process_executor.py", line 285, in __call__
return self.fn(*self.args, **self.kwargs)
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/joblib/_parallel_backends.py", line 595, in __call__
return self.func(*args, **kwargs)
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/joblib/parallel.py", line 262, in __call__
return [func(*args, **kwargs)
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/joblib/parallel.py", line 262, in <listcomp>
return [func(*args, **kwargs)
"/usr/local/google/home/whuggins/Projects/qc/newtilities.py", line 99, in run
data = build_experiment(params, dependencies)
"/usr/local/google/home/whuggins/Projects/qc/experiment.py", line 93, in build_experiment
raw_samples = get_samples_from_experiment(blueprint.compiled_circuit,
"/usr/local/google/home/whuggins/Projects/qc/quantum_engine_utilities.py", line 51, in get_samples_from_experiment
job = engine.run_batch(
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/engine/engine.py", line 365, in run_batch
engine_program = self.create_batch_program(
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/engine/engine.py", line 525, in create_batch_program
gate_set.serialize(program, msg=batch.programs.add())
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/serializable_gate_set.py", line 125, in serialize
self._serialize_circuit(
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/serializable_gate_set.py", line 253, in _serialize_circuit
self.serialize_op(
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/serializable_gate_set.py", line 165, in serialize_op
proto_msg = serializer.to_proto(
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/op_serializer.py", line 137, in to_proto
value = self._value_from_gate(op, arg)
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/op_serializer.py", line 184, in _value_from_gate
self._check_type(value, arg)
"/usr/local/google/home/whuggins/Projects/qc/env/lib/python3.9/site-packages/cirq/google/op_serializer.py", line 191, in _check_type
raise ValueError(f'Expected type convertible to float but was {type(value)}')
ValueError: Expected type convertible to float but was <class 'numpy.int64'>
| Traceback (most recent call last):es... [100%] parallel_random_state.py
"/home/lemaitre/miniconda3/lib/python3.6/site-packages/joblib/externals/loky/process_executor.py", line 352, in _process_worker
call_item = call_queue.get(block=True, timeout=timeout)
"/home/lemaitre/miniconda3/lib/python3.6/multiprocessing/queues.py", line 113, in get
return _ForkingPickler.loads(res)
"/home/lemaitre/miniconda3/lib/python3.6/site-packages/joblib/parallel.py", line 141, in __setstate__
items, self._size = state
ValueError: too many values to unpack (expected 2)
| 0.566015 |
Traceback (most recent call last):
"testing.py", line 132, in <module>
model=load_model("./weights.0001-0.16.hdf5")
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/models.py", line 240, in load_model
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/models.py", line 314, in model_from_cong
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/layers/__init__.py", line 55, in deseriize
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/utils/generic_utils.py", line 139, in derialize_keras_object
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/engine/topology.py", line 2490, in fromonfig
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/engine/topology.py", line 2476, in procs_layer
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/layers/__init__.py", line 55, in deseriize
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/utils/generic_utils.py", line 139, in derialize_keras_object
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/layers/core.py", line 699, in from_conf
"/workspace/hshu/anaconda3/lib/python3.5/site-packages/Keras-2.0.9-py3.5.egg/keras/utils/generic_utils.py", line 206, in fc_load
TypeError: arg 5 (closure) must be None or tuple
| Traceback (most recent call last):
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 629, in _send_module_and_related
tup = self._build_tuple(fullname)
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 592, in _build_tuple
for name in self._finder.find_related(fullname)
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 521, in find_related
names = self.find_related_imports(name)
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 472, in find_related_imports
modpath, src, _ = self.get_module_source(fullname)
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 423, in get_module_source
tup = method(self, fullname)
"/home/florent/homeext/GIT/mitogen/mitogen/master.py", line 363, in _get_module_via_pkgutil
self, fullname, loader)
"/usr/lib64/python3.6/logging/__init__.py", line 1294, in debug
self._log(DEBUG, msg, args, **kwargs)
"/usr/lib64/python3.6/logging/__init__.py", line 1442, in _log
self.handle(record)
"/usr/lib64/python3.6/logging/__init__.py", line 1452, in handle
self.callHandlers(record)
"/usr/lib64/python3.6/logging/__init__.py", line 1514, in callHandlers
hdlr.handle(record)
"/usr/lib64/python3.6/logging/__init__.py", line 863, in handle
self.emit(record)
"/home/florent/homeext/GIT/mitogen/ansible_mitogen/logging.py", line 68, in emit
s = '[pid %d] %s' % (os.getpid(), self.format(record))
"/usr/lib64/python3.6/logging/__init__.py", line 838, in format
return fmt.format(record)
"/usr/lib64/python3.6/logging/__init__.py", line 575, in format
record.message = record.getMessage()
"/usr/lib64/python3.6/logging/__init__.py", line 338, in getMessage
msg = msg % self.args
TypeError: not enough arguments for format string
| 0.651357 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/certbot/auth_handler.py", line 115, in _solve_challenges
resp = self.auth.perform(self.achalls)
"/usr/lib/python3.6/site-packages/certbot_nginx/configurator.py", line 767, in perform
sni_response = chall_doer.perform()
"/usr/lib/python3.6/site-packages/certbot_nginx/tls_sni_01.py", line 69, in perform
responses = [self._setup_challenge_cert(x) for x in self.achalls]
"/usr/lib/python3.6/site-packages/certbot_nginx/tls_sni_01.py", line 69, in <listcomp>
responses = [self._setup_challenge_cert(x) for x in self.achalls]
"/usr/lib/python3.6/site-packages/certbot/plugins/common.py", line 374, in _setup_challenge_cert
cert_key=cert_key)
"/usr/lib/python3.6/site-packages/certbot/achallenges.py", line 54, in response_and_validation
self.account_key, *args, **kwargs)
"/usr/lib/python3.6/site-packages/acme/challenges.py", line 205, in response_and_validation
self.validation(account_key, *args, **kwargs))
"/usr/lib/python3.6/site-packages/acme/challenges.py", line 506, in validation
return self.response(account_key).gen_cert(key=kwargs.get('cert_key'))
"/usr/lib/python3.6/site-packages/acme/challenges.py", line 417, in gen_cert
'dummy', self.z_domain.decode()], force_san=True), key
"/usr/lib/python3.6/site-packages/acme/crypto_util.py", line 246, in gen_ss_cert
cert.set_serial_number(int(binascii.hexlify(OpenSSL.rand.bytes(16)), 16))
AttributeError: module 'OpenSSL' has no attribute 'rand'
| Traceback (most recent call last):
"venv/lib/python3.6/site-packages/discord/ext/commands/core.py", line 50, in wrapped
ret = yield from coro(*args, **kwargs)
"venv/lib/python3.6/site-packages/discord/ext/commands/bot.py", line 102, in _default_help_command
pages = bot.formatter.format_help_for(ctx, bot)
"venv/lib/python3.6/site-packages/discord/ext/commands/formatter.py", line 291, in format_help_for
return self.format()
"venv/lib/python3.6/site-packages/discord/ext/commands/formatter.py", line 336, in format
data = sorted(self.filter_command_list(), key=category)
"venv/lib/python3.6/site-packages/discord/ext/commands/formatter.py", line 255, in predicate
return cmd.can_run(self.context) and self.context.bot.can_run(self.context)
"venv/lib/python3.6/site-packages/discord/ext/commands/core.py", line 438, in can_run
return all(predicate(context) for predicate in predicates)
"venv/lib/python3.6/site-packages/discord/ext/commands/core.py", line 438, in <genexpr>
return all(predicate(context) for predicate in predicates)
"app/admin.py", line 12, in predicate
if ctx.message.author.id in ctx.cog.admin_user_ids:
AttributeError: 'NoneType' object has no attribute 'admin_user_ids'
| 0.645627 |
Traceback (most recent call last):
"/home/vendion/.local/share/qutebrowser/userscripts/qute-pass", line 216, in <module>
sys.exit(main(arguments))
"/home/vendion/.local/share/qutebrowser/userscripts/qute-pass", line 157, in main
for target in filter(None, [extract_result.fqdn, extract_result.registered_domain, extract_result.ipv4]):
AttributeError: 'ExtractResult' object has no attribute 'fqdn'
| Traceback (most recent call last):
"/Users/noahgray/Library/Application Support/Sublime Text 3/Installed Packages/SublimeLinter.sublime-package/lint/backend.py", line 155, in execute_lint_task
finalize_errors(linter, errors, offsets)
"/Users/noahgray/Library/Application Support/Sublime Text 3/Installed Packages/SublimeLinter.sublime-package/lint/backend.py", line 235, in finalize_errors
'priority': style.get_value('priority', error, 0),
"/Users/noahgray/Library/Application Support/Sublime Text 3/Installed Packages/SublimeLinter.sublime-package/lint/style.py", line 54, in get_value
return get_value_(key, linter, code, error_type, default)
"./python3.3/functools.py", line 275, in wrapper
"/Users/noahgray/Library/Application Support/Sublime Text 3/Installed Packages/SublimeLinter.sublime-package/lint/style.py", line 80, in get_value_
if error_type in style_definition.get('types', [error_type]):
AttributeError: 'str' object has no attribute 'get'
| 0.607559 |
Traceback (most recent call last):
"Z:\Coding\github\scapy\scapy\compat.py", line 90, in raw
return bytes(x)
"Z:\Coding\github\scapy\scapy\layers\tls\session.py", line 886, in __bytes__
built_packet = super(_GenericTLSSessionInheritance, self).__bytes__()
"Z:\Coding\github\scapy\scapy\packet.py", line 338, in __bytes__
return self.build()
"Z:\Coding\github\scapy\scapy\packet.py", line 436, in build
p = self.do_build()
"Z:\Coding\github\scapy\scapy\packet.py", line 418, in do_build
pkt = self.self_build()
"Z:\Coding\github\scapy\scapy\packet.py", line 399, in self_build
p = f.addfield(self, p, val)
"Z:\Coding\github\scapy\scapy\layers\tls\record.py", line 185, in addfield
pkt.tls_session.tls_version >= 0x0304 and
TypeError: '>=' not supported between instances of 'NoneType' and 'int'
| Traceback (most recent call last):
"./EyeWitness.py", line 484, in <module>
multi_mode(cli_parsed)
"./EyeWitness.py", line 385, in multi_mode
ua_dict = get_ua_values(cli_parsed.cycle)
"/root/Desktop/t00ls/EyeWitness/modules/helpers.py", line 560, in get_ua_values
+ crawler_uagents.items() +
TypeError: unsupported operand type(s) for +: 'dict_items' and 'dict_items' | 0.550044 |
Traceback (most recent call last):
"test.py", line 30, in <module>
assert len(message.keys()) == 5
AttributeError: 'str' object has no attribute 'keys'
| Traceback (most recent call last):
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/gunicorn/workers/base_async.py", line 56, in handle
self.handle_request(listener_name, req, client, addr)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/gunicorn/workers/ggevent.py", line 160, in handle_request
addr)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/gunicorn/workers/base_async.py", line 107, in handle_request
respiter = self.wsgi(environ, resp.start_response)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/werkzeug/contrib/fixers.py", line 152, in __call__
return self.app(environ, start_response)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask_admin/base.py", line 69, in inner
return self._run_view(f, *args, **kwargs)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask_admin/base.py", line 368, in _run_view
return fn(self, *args, **kwargs)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask_admin/model/base.py", line 1882, in index_view
view_args.search, view_args.filters, page_size=page_size)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask_admin/contrib/peewee/view.py", line 399, in get_list
query, joins = self._order_by(query, joins, sort_field, sort_desc)
"/data/playground/projects/zhiyun_notifer/deploy/venv/lib/python2.7/site-packages/flask_admin/contrib/peewee/view.py", line 324, in _order_by
if sort_field.model_class != self.model:
AttributeError: 'DateTimeField' object has no attribute 'model_class'
| 0.570926 |
Traceback (most recent call last):
"/opt/datadog-agent/agent/checks/__init__.py", line 750, in run
self.check(copy.deepcopy(instance))
"/opt/datadog-agent/agent/checks.d/mysql.py", line 314, in check
raise e
TypeError: 'NoneType' object has no attribute '__getitem__' | Traceback (most recent call last):
"/home/lev/github/bCNC/bCNC/Utils.py", line 465, in __call__
return self.func(*args)
"/home/lev/github/bCNC/bCNC/__main__.py", line 2011, in loadDialog
if filename: self.load(filename)
"/home/lev/github/bCNC/bCNC/__main__.py", line 2072, in load
Sender.load(self,filename)
"/home/lev/github/bCNC/bCNC/Sender.py", line 410, in load
self.gcode.importDXF(filename)
"/home/lev/github/bCNC/bCNC/CNC.py", line 2401, in importDXF
dxf.sort()
"/home/lev/github/bCNC/bCNC/lib/dxf.py", line 1316, in sort
block.sort()
"/home/lev/github/bCNC/bCNC/lib/dxf.py", line 793, in sort
layer.sort()
"/home/lev/github/bCNC/bCNC/lib/dxf.py", line 736, in sort
sx,sy = entity.start()
"/home/lev/github/bCNC/bCNC/lib/dxf.py", line 411, in start
self._calcEndPoints()
"/home/lev/github/bCNC/bCNC/lib/dxf.py", line 447, in _calcEndPoints
self._start = Vector(self[10][0], self[20][0])
TypeError: 'float' object is not subscriptable
| 0.618628 |
`Traceback (most recent call last):
"mnist.py", line 27, in <module>
from official.utils.misc import distribution_utils
"/root/srinivas/TensorFlow_Models/models/official/utils/misc/distribution_utils.py", line 28, in <module>
None: tf.distribute.experimental.CollectiveCommunication.AUTO,
AttributeError: 'module' object has no attribute 'experimental'
|
Traceback (most recent call last):
"/home/alan/anaconda/lib/python3.5/site-packages/conda/exceptions.py", line 515, in conda_exception_handler
return_value = func(*args, **kwargs)
"/home/alan/anaconda/lib/python3.5/site-packages/conda_env/cli/main_export.py", line 94, in execute
ignore_channels=args.ignore_channels)
"/home/alan/anaconda/lib/python3.5/site-packages/conda_env/env.py", line 62, in from_environment
for dist in installed:
AttributeError: 'str' object has no attribute 'channel'
| 0.617659 |
Traceback (most recent call last):
"udemy-dl.py", line 1187, in <module>
main()
"udemy-dl.py", line 1183, in main
udemy.course_download(path=options.output, quality=options.quality)
"udemy-dl.py", line 379, in course_download
course = udemy.course(self.url, self.username, self.password)
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_udemy.py", line 37, in course
return Udemy(url, username, password, basic, callback)
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_internal.py", line 44, in __init__
super(InternUdemyCourse, self).__init__(*args, **kwargs)
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_shared.py", line 61, in __init__
self._fetch_course()
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_internal.py", line 61, in _fetch_course
self._chapters
=
[InternUdemyChapter(z) for z in self._info['chapters']]
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_internal.py", line 79, in __init__
self._lectures
= [InternUdemyLecture(z) for z in chapter['lectures']]
"/Users/israel.arunah/Documents/udemy-dl/udemy-dl/udemy/_internal.py", line 97, in __init__
self._duration
= int(self._info.get('duration')) or None
TypeError: int() argument must be a string or a number, not 'NoneType'
|
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/tornado/web.py", line 960, in send_error
self.finish()
"/usr/local/lib/python2.7/dist-packages/notebook/base/handlers.py", line 375, in finish
return super(APIHandler, self).finish(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/tornado/web.py", line 934, in finish
self._log()
"/usr/local/lib/python2.7/dist-packages/tornado/web.py", line 1474, in _log
self.application.log_request(self)
"/usr/local/lib/python2.7/dist-packages/tornado/web.py", line 1936, in log_request
self.settings["log_function"](handler)
"/usr/local/lib/python2.7/dist-packages/notebook/log.py", line 46, in log_request
log_method(json.dumps(request.headers, indent=2))
"/usr/lib/python2.7/json/__init__.py", line 250, in dumps
sort_keys=sort_keys, **kw).encode(obj)
"/usr/lib/python2.7/json/encoder.py", line 209, in encode
chunks = list(chunks)
"/usr/lib/python2.7/json/encoder.py", line 442, in _iterencode
o = _default(o)
"/usr/lib/python2.7/json/encoder.py", line 184, in default
raise TypeError(repr(o) + " is not JSON serializable")
TypeError: <tornado.httputil.HTTPHeaders object at 0x7f0f12a7a550> is not JSON serializable | 0.577364 |
Traceback (most recent call last):
"__main__.py", line 19, in <module>
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\__init__.py", line 465, in main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\__init__.py", line 455, in _real_main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\YoutubeDL.py", line 1956, in download
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\YoutubeDL.py", line 787, in extract_info
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\YoutubeDL.py", line 831, in process_ie_result
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\utils.py", line 541, in sanitize_url
AttributeError: 'NoneType' object has no attribute 'startswith'
| Traceback (most recent call last):
"...", line 257, in <module>
debug()
"...", line 248, in debug
r = p.segment(x0=[1,2], y0=[2,3], x1=[10,20], y1=[20,30], line_width=3, hover_line_width=6)
"fakesource", line 7, in segment
"/usr/local/lib/python3.6/dist-packages/bokeh/plotting/helpers.py", line 857, in func
glyph = _make_glyph(glyphclass, kwargs, glyph_ca)
"/usr/local/lib/python3.6/dist-packages/bokeh/plotting/helpers.py", line 398, in _make_glyph
return glyphclass(**kws)
"/usr/local/lib/python3.6/dist-packages/bokeh/model.py", line 307, in __init__
super(Model, self).__init__(**kwargs)
"/usr/local/lib/python3.6/dist-packages/bokeh/core/has_props.py", line 253, in __init__
setattr(self, name, value)
"/usr/local/lib/python3.6/dist-packages/bokeh/core/has_props.py", line 288, in __setattr__
(name, self.__class__.__name__, text, nice_join(matches)))
AttributeError: unexpected attribute 'hover_line_width' to Segment, similar attributes are line_width
| 0.576886 |
Traceback (most recent call last):
"/tmp/pyflakes/pyflakes/test/test_doctests.py", line 330, in test_syntaxErrorInDoctest
self.assertEqual(exc.col, 26)
AssertionError: 27 != 26
| Traceback (most recent call last):
"/tmp/kitchen/testing/tests/support/helpers.py", line 212, in wrap
raise exc
"/tmp/kitchen/testing/tests/support/helpers.py", line 209, in wrap
return caller(cls)
"/tmp/kitchen/testing/tests/integration/cloud/clouds/test_gce.py", line 118, in test_instance_extra
self.assertIn(ret_str, instance)
AssertionError: 'cloud-test-mqge3x:' not found in []
| 0.613981 |
Traceback (most recent call last):
"mr_my_emr_job.py", line 235, in <module>
MyEMRJob.run()
"<...>/venv/lib/python3.7/site-packages/mrjob/job.py", line 438, in run
mr_job.execute()
"<...>/venv/lib/python3.7/site-packages/mrjob/job.py", line 465, in execute
super(MRJob, self).execute()
"<...>/venv/lib/python3.7/site-packages/mrjob/launch.py", line 190, in execute
self.run_job()
"<...>/venv/lib/python3.7/site-packages/mrjob/launch.py", line 235, in run_job
runner.run()
"<...>/venv/lib/python3.7/site-packages/mrjob/runner.py", line 507, in run
self._check_input_paths()
"<...>/venv/lib/python3.7/site-packages/mrjob/runner.py", line 1061, in _check_input_paths
self._check_input_path(path)
"<...>/venv/lib/python3.7/site-packages/mrjob/emr.py", line 754, in _check_input_path
for uri, obj in self._s3_fs._ls(path):
AttributeError: 'EMRJobRunner' object has no attribute '_s3_fs'
| Traceback (most recent call last):
"manage.py", line 10, in <module>
execute_from_command_line(sys.argv)
"/usr/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 364, in execute_from_command_line
utility.execute()
"/usr/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 356, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/usr/local/lib/python2.7/site-packages/django_extensions/management/commands/sqldiff.py", line 1265, in run_from_argv
super(Command, self).run_from_argv(argv)
"/usr/local/lib/python2.7/site-packages/django/core/management/base.py", line 283, in run_from_argv
self.execute(*args, **cmd_options)
"/usr/local/lib/python2.7/site-packages/django_extensions/management/commands/sqldiff.py", line 1252, in execute
super(Command, self).execute(*args, **options)
"/usr/local/lib/python2.7/site-packages/django/core/management/base.py", line 330, in execute
output = self.handle(*args, **options)
"/usr/local/lib/python2.7/site-packages/django_extensions/management/utils.py", line 59, in inner
ret = func(self, *args, **kwargs)
"/usr/local/lib/python2.7/site-packages/django_extensions/management/commands/sqldiff.py", line 1245, in handle
sqldiff_instance.find_differences()
"/usr/local/lib/python2.7/site-packages/django_extensions/management/commands/sqldiff.py", line 659, in find_differences
self.find_unique_missing_in_db(meta, table_indexes, table_constraints, table_name)
"/usr/local/lib/python2.7/site-packages/django_extensions/management/commands/sqldiff.py", line 416, in find_unique_missing_in_db
index_name = schema_editor._create_index_name(table_name, unique_columns)
"/usr/local/lib/python2.7/site-packages/django/db/backends/base/schema.py", line 877, in _create_index_name
_, table_name = split_identifier(model._meta.db_table)
AttributeError: 'unicode' object has no attribute '_meta'
| 0.66542 |
Traceback (most recent call last):
"C:\Users\holme\Documents\Sync\Git\blitzmann\Pyfa\gui\characterEditor.py", line 784, in addCharacter
"C:\Users\holme\Documents\Sync\Git\blitzmann\Pyfa\service\esi.py", line 209, in login
AttributeError: 'Esi' object has no attribute 'settings'
| Traceback (most recent call last):
"/root/miniconda3/lib/python3.6/site-packages/paramiko/transport.py", line 2083, in run
self._handler_table[ptype](self, m)
"/root/miniconda3/lib/python3.6/site-packages/paramiko/transport.py", line 2199, in _negotiate_keys
self.kex_engine.start_kex()
"/root/miniconda3/lib/python3.6/site-packages/paramiko/kex_ecdh_nist.py", line 42, in start_kex
serialization.Encoding.X962,
"/root/miniconda3/lib/python3.6/enum.py", line 324, in __getattr__
raise AttributeError(name) from None
AttributeError: X962
| 0.483992 |
Traceback (most recent call last):
"convert.py", line 80, in <module>
ret = main()
"convert.py", line 76, in main
args.code_output_path, args.phase)
"convert.py", line 35, in convert
transformer = Transformer(def_path, caffemodel_path, phase=phase)
"/work/models/fluid/image_classification/caffe2fluid/kaffe/paddle/transformer.py", line 287, in __init__
self.load(def_path, data_path, phase)
"/work/models/fluid/image_classification/caffe2fluid/kaffe/paddle/transformer.py", line 293, in load
graph = GraphBuilder(def_path, phase).build()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/graph.py", line 167, in __init__
self.load()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/graph.py", line 171, in load
self.params = get_caffe_resolver().NetParameter()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/caffe/resolver.py", line 43, in get_caffe_resolver
SHARED_CAFFE_RESOLVER = CaffeResolver()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/caffe/resolver.py", line 18, in __init__
self.import_caffe()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/caffe/resolver.py", line 28, in import_caffe
self.caffepb = import_caffepb()
"/work/models/fluid/image_classification/caffe2fluid/kaffe/caffe/resolver.py", line 12, in import_caffepb
import caffepb
"/work/models/fluid/image_classification/caffe2fluid/kaffe/caffe/../../proto/caffepb.py", line 28, in <module>
type=None),
"/usr/local/lib/python2.7/dist-packages/google/protobuf/descriptor.py", line 654, in __new__
_message.Message._CheckCalledFromGenerated
()
TypeError: Descriptors should not be created directly, but only retrieved from their parent.
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\WinPython-64bit-3.8.3.0\python-3.8.3.amd64\lib\site-packages\numpy\lib\npyio.py", line 2210, in genfromtxt
output = np.array(data, dtype)
TypeError: can't convert complex to float
| 0.58885 |
Traceback (most recent call last):
"svtplay-dl", line 7, in <module>
"site-packages\svtplay_dl-1.9.3-py3.5.egg\svtplay_dl\__init__.py", line 463, in main
"site-packages\svtplay_dl-1.9.3-py3.5.egg\svtplay_dl\__init__.py", line 194, in get_media
"site-packages\svtplay_dl-1.9.3-py3.5.egg\svtplay_dl\__init__.py", line 241, in get_one_media
"site-packages\svtplay_dl-1.9.3-py3.5.egg\svtplay_dl\service\oppetarkiv.py", line 40, in get
"site-packages\svtplay_dl-1.9.3-py3.5.egg\svtplay_dl\service\oppetarkiv.py", line 155, in outputfilename
KeyError: 'programTitle'
| Traceback (most recent call last):
"C:\Users\mel\Anaconda3\lib\site-packages\xonsh\prompt\base.py", line 82, in _get_field_value
value = field_value() if callable(field_value) else field_value
"C:\Users\mel\Anaconda3\lib\site-packages\xonsh\prompt\cwd.py", line 48, in _dynamically_collapsed_pwd
originial_path = _replace_home_cwd()
"C:\Users\mel\Anaconda3\lib\site-packages\xonsh\prompt\cwd.py", line 31, in _replace_home_cwd
return _replace_home(builtins.__xonsh_env__['PWD'])
"C:\Users\mel\Anaconda3\lib\site-packages\xonsh\environ.py", line 936, in __getitem__
raise KeyError(e.format(key))
KeyError: 'Unknown environment variable: $PWD'
| 0.559868 |
Traceback (most recent call last):
"/usr/bin/paasta", line 11, in <module>
load_entry_point('paasta-tools==0.56.5', 'console_scripts', 'paasta')()
"/usr/share/python/paasta-tools/local/lib/python2.7/site-packages/paasta_tools/cli/cli.py", line 119, in main
return_code = args.command(args)
"/usr/share/python/paasta-tools/local/lib/python2.7/site-packages/paasta_tools/cli/cmds/logs.py", line 1031, in paasta_logs
log_reader.print_last_n_logs(service, args.line_count, levels, components, clusters, raw_mode=args.raw_mode)
TypeError: print_last_n_logs() takes exactly 8 arguments (7 given)
| Traceback (most recent call last):
"/home/xyx/Downloads/places365 new/run_placesCNN_unified.py", line 132, in <module>
input_img = V(tf(img).unsqueeze(0), volatile=True)
"/home/xyx/anaconda2/lib/python2.7/site-packages/torchvision/transforms.py", line 29, in __call__
img = t(img)
"/home/xyx/anaconda2/lib/python2.7/site-packages/torchvision/transforms.py", line 139, in __call__
ow = int(self.size * w / h)
TypeError: unsupported operand type(s) for /: 'tuple' and 'int'
| 0.546902 |
Traceback (most recent call last):
"/tmp/ansible_XlLg3h/ansible_module_gce.py", line 671, in <module>
main()
"/tmp/ansible_XlLg3h/ansible_module_gce.py", line 633, in main
module, gce, inames)
"/tmp/ansible_XlLg3h/ansible_module_gce.py", line 390, in create_instances
lc_machine_type = gce.ex_get_size(machine_type)
"/usr/local/lib/python2.7/dist-packages/libcloud/compute/drivers/gce.py", line 6898, in ex_get_size
zone = self.ex_get_zone(zone)
"/usr/local/lib/python2.7/dist-packages/libcloud/compute/drivers/gce.py", line 7167, in ex_get_zone
if name.startswith('https://'):
AttributeError: 'NoneType' object has no attribute 'startswith'
| Traceback (most recent call last):
"/home/matrix/.synapse/local/lib/python3.6/site-packages/synapse/http/server.py", line 78, in wrapped_request_handler
await h(self, request)
"/home/matrix/.synapse/local/lib/python3.6/site-packages/synapse/http/server.py", line 331, in _async_render
callback_return = await callback_return
"/home/matrix/.synapse/local/lib/python3.6/site-packages/synapse/rest/admin/users.py", line 185, in on_PUT
await self.admin_handler.set_user_server_admin(
AttributeError: 'AdminHandler' object has no attribute 'set_user_server_admin'
| 0.597894 |
Traceback (most recent call last):
"main.py", line 119, in <module>
main(args)
"main.py", line 64, in main
net = BertProber(rel_vec_representation, args)
"/home/jzhao/program/interpret_bert/re/model.py", line 62, in __init__
self.bert = BertModel.from_pretrained(args.bert_model, config = config)
"/home/jzhao/anaconda3/envs/python36/lib/python3.6/site-packages/transformers/modeling_utils.py", line 466, in from_pretrained
model = cls(config, *model_args, **model_kwargs)
"/home/jzhao/anaconda3/envs/python36/lib/python3.6/site-packages/transformers/modeling_bert.py", line 615, in __init__
self.embeddings = BertEmbeddings(config)
"/home/jzhao/anaconda3/envs/python36/lib/python3.6/site-packages/transformers/modeling_bert.py", line 149, in __init__
self.word_embeddings = nn.Embedding(config.vocab_size, config.hidden_size, padding_idx=0)
"/home/jzhao/anaconda3/envs/python36/lib/python3.6/site-packages/torch/nn/modules/sparse.py", line 97, in __init__
self.weight = Parameter(torch.Tensor(num_embeddings, embedding_dim))
TypeError: new() received an invalid combination of arguments - got (str, int), but expected one of:
| Traceback (most recent call last):
"/home/ben/.local/bin/cellprofiler", line 11, in <module>
load_entry_point('CellProfiler', 'console_scripts', 'cellprofiler')()
"/home/ben/repos/CellProfiler/cellprofiler/__main__.py", line 152, in main
app = cellprofiler.gui.app.App(0, workspace_path=workspace_path, pipeline_path=pipeline_path)
"/home/ben/repos/CellProfiler/cellprofiler/gui/app.py", line 55, in __init__
super(App, self).__init__(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/wx/_core.py", line 8628, in __init__
self._BootstrapApp()
"/usr/lib/python2.7/dist-packages/wx/_core.py", line 8196, in _BootstrapApp
return _core_.PyApp__BootstrapApp(*args, **kwargs)
"/home/ben/repos/CellProfiler/cellprofiler/gui/app.py", line 64, in OnInit
self.frame.start(self.workspace_path, self.pipeline_path)
"/home/ben/repos/CellProfiler/cellprofiler/gui/cpframe.py", line 350, in start
self.__pipeline_controller.start(workspace_path, pipeline_path)
"/home/ben/repos/CellProfiler/cellprofiler/gui/pipelinecontroller.py", line 191, in start
self.do_create_workspace()
"/home/ben/repos/CellProfiler/cellprofiler/gui/pipelinecontroller.py", line 657, in do_create_workspace
self.__pipeline.clear()
"/home/ben/repos/CellProfiler/cellprofiler/pipeline.py", line 2382, in clear
self.notify_listeners(PipelineClearedEvent())
"/home/ben/repos/CellProfiler/cellprofiler/pipeline.py", line 3188, in notify_listeners
listener(self, event)
"/home/ben/repos/CellProfiler/cellprofiler/gui/pipelinecontroller.py", line 1421, in __on_pipeline_event
self.on_image_set_modification()
"/home/ben/repos/CellProfiler/cellprofiler/gui/pipelinecontroller.py", line 1432, in on_image_set_modification
self.__workspace.invalidate_image_set()
"/home/ben/repos/CellProfiler/cellprofiler/workspace.py", line 497, in invalidate_image_set
self.save_pipeline_to_measurements()
"/home/ben/repos/CellProfiler/cellprofiler/workspace.py", line 480, in save_pipeline_to_measurements
self.measurements.add_experiment_measurement(M_PIPELINE, fd.getvalue())
"/home/ben/repos/CellProfiler/cellprofiler/measurement.py", line 522, in add_experiment_measurement
self.hdf5_dict.add_all(EXPERIMENT, feature_name, [data], [0])
"/home/ben/repos/CellProfiler/cellprofiler/utilities/hdf5_dict.py", line 792, in add_all
maxshape=(None, 3))
"/usr/lib/python2.7/dist-packages/h5py/_hl/group.py", line 105, in create_dataset
dsid = dataset.make_new_dset(self, shape, dtype, data, **kwds)
"/usr/lib/python2.7/dist-packages/h5py/_hl/dataset.py", line 76, in make_new_dset
if isinstance(chunks, tuple) and (-numpy.array([ i>=j for i,j in zip(tmp_shape,chunks) if i is not None])).any():
TypeError: The numpy boolean negative, the `-` operator, is not supported, use the `~` operator or the logical_not function instead.
| 0.575348 |
The minion function caused an exception: Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/salt/minion.py", line 1890, in _thread_return
function_name, function_args, executors, opts, data
"/usr/lib/python3.6/site-packages/salt/minion.py", line 1846, in _execute_job_function
return_data = self.executors[fname](opts, data, func, args, kwargs)
"/usr/lib/python3.6/site-packages/salt/executors/direct_call.py", line 12, in execute
return func(*args, **kwargs)
"/usr/lib/python3.6/site-packages/salt/modules/yumpkg.py", line 1521, in install
version_num = version_num.lstrip("=")
AttributeError: 'float' object has no attribute 'lstrip'
| Traceback (most recent call last):
"ql.py", line 13, in <module>
my_sandbox(["macho"], ".")
"ql.py", line 9, in my_sandbox
ql.run()
"D:\Anaconda3\envs\py37\lib\site-packages\qiling\core.py", line 187, in run
self.debugger = self.debugger_setup()
"D:\Anaconda3\envs\py37\lib\site-packages\qiling\core_utils.py", line 142, in debugger_setup
return debugsession(self, *debug_opts)
"D:\Anaconda3\envs\py37\lib\site-packages\qiling\debugger\gdb\gdb.py", line 69, in __init__
self.gdb.initialize(self.ql, exit_point=exit_point, mappings=[(hex(load_address))])
"D:\Anaconda3\envs\py37\lib\site-packages\qiling\debugger\gdb\utils.py", line 27, in initialize
self.current_address = self.entry_point = self.ql.os.entry_point
AttributeError: 'QlOsMacos' object has no attribute 'entry_point'
| 0.634194 |
Traceback (most recent call last):
"quickstart.py", line 32, in <module>
main()
"quickstart.py", line 14, in main
creds = store.get()
"C:\Python27\lib\site-packages\oauth2client\client.py", line 407, in get
return self.locked_get()
"C:\Python27\lib\site-packages\oauth2client\file.py", line 54, in locked_get
credentials = client.Credentials.new_from_json(content)
"C:\Python27\lib\site-packages\oauth2client\client.py", line 302, in new_from_json
module_name = data['_module']
KeyError: '_module'
| Traceback (most recent call last):
"/srv/hass/hass_venv/lib/python3.4/site-packages/homeassistant/setup.py", line 185, in _async_setup_component
result = yield from component.async_setup(hass, processed_config)
"/srv/hass/hass_venv/lib/python3.4/site-packages/homeassistant/components/telegram_bot/__init__.py", line 176, in async_setup
conf = config[DOMAIN]
KeyError: 'telegram_bot'
| 0.582067 |
_Traceback (most recent call last):
".virtualenvs/py360/lib/python3.6/site-packages/superset/views/core.py", line 107, in wraps
return f(self, *args, **kwargs)
".virtualenvs/py360/lib/python3.6/site-packages/flask_appbuilder/security/decorators.py", line 52, in wraps
return f(self, *args, **kwargs)
".virtualenvs/py360/lib/python3.6/site-packages/superset/views/core.py", line 1237, in checkbox
model_view_cls = getattr(views, model_view)
AttributeError: module 'superset.views.core' has no attribute 'TableColumnInlineView'_
| Traceback (most recent call last):
"manage.py", line 5, in <module>
sio = socketio.AsyncServer()
AttributeError: module 'socketio' has no attribute 'AsyncServer'
| 0.577353 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.