text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
[095 10:20:11.115724] Traceback (most recent call last):
"/usr/bin/../lib/kitty/kitty/main.py", line 276, in main
_main()
"/usr/bin/../lib/kitty/kitty/main.py", line 250, in _main
create_opts(args, debug_config=True)
"/usr/bin/../lib/kitty/kitty/cli.py", line 730, in create_opts
opts = load_config(*config, overrides=overrides)
"/usr/bin/../lib/kitty/kitty/config.py", line 590, in load_config
opts = _load_config(Options, defaults, parse_config, merge_configs, *paths, overrides=overrides)
"/usr/bin/../lib/kitty/kitty/conf/utils.py", line 171, in load_config
vals = parse_config(f)
"/usr/bin/../lib/kitty/kitty/config.py", line 423, in parse_config
check_keys=check_keys
"/usr/bin/../lib/kitty/kitty/conf/utils.py", line 103, in parse_config_base
_parse(lines, type_map, special_handling, ans, all_keys)
"/usr/bin/../lib/kitty/kitty/conf/utils.py", line 96, in _parse
parse_line(line, type_map, special_handling, ans, all_keys, base_path_for_includes)
"/usr/bin/../lib/kitty/kitty/conf/utils.py", line 84, in parse_line
val = tm(val)
"/usr/bin/../lib/kitty/kitty/conf/utils.py", line 24, in positive_float
return max(0, float(x))
ValueError: could not convert string to float: '0.5pt'
| Traceback (most recent call last):
"for_chainer_issue_5.py", line 42, in <module>
trainer.run()
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/training/trainer.py", line 320, in run
six.reraise(*sys.exc_info())
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/six.py", line 693, in reraise
raise value
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/training/trainer.py", line 306, in run
update()
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/training/updaters/standard_updater.py", line 149, in update
self.update_core()
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/training/updaters/parallel_updater.py", line 128, in update_core
loss = loss_func(in_arrays)
"for_chainer_issue_5.py", line 18, in __call__
h = F.permutate(x, indices, 1, True)
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/functions/array/permutate.py", line 134, in permutate
y, = Permutate(axis, inv).apply((x, indices))
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/function_node.py", line 258, in apply
outputs = self.forward(in_data)
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/functions/array/permutate.py", line 74, in forward
return self._permutate(x, inds, self.inv),
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/functions/array/permutate.py", line 63, in _permutate
indices = _inverse_indices(indices)
"/home/ubuntu/.python-venv/lib/python3.5/site-packages/chainer/functions/array/permutate.py", line 35, in _inverse_indices
)(indices, r)
"cupy/core/elementwise.pxi", line 551, in cupy.core.core.ElementwiseKernel.__call__
"cupy/core/elementwise.pxi", line 135, in cupy.core.core._preprocess_args
ValueError: Array device must be same as the current device: array device = 0 while current = 1
| 0.582468 |
Traceback (most recent call last):
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/tornado/web.py", line 1348, in _execute
result = yield result
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/tornado/gen.py", line 807, in run
value = future.result()
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/tornado/concurrent.py", line 209, in result
raise_exc_info(self._exc_info)
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/tornado/gen.py", line 212, in wrapper
yielded = next(result)
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/flower/views/dashboard.py", line 39, in get
info.update(self._as_dict(worker))
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/flower/views/dashboard.py", line 45, in _as_dict
return dict((k, worker.__getattribute__(k)) for k in worker._fields)
"/home/osallou/Development/NOSAVE/genouest/biomajenv/local/lib/python2.7/site-packages/celery-3.0.23-py2.7.egg/celery/datastructures.py", line 224, in __getattr__
"'%s' object has no attribute '%s'" % (type(self).**name**, k))
AttributeError: 'Worker' object has no attribute '_fields' | Traceback (most recent call last):
"download_photos.py", line 231, in <module>
download()
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"download_photos.py", line 55, in download
updatePhotos(icloud)
"download_photos.py", line 155, in updatePhotos
icloud.photos.update()
AttributeError: 'PhotosService' object has no attribute 'update'``` | 0.64569 |
Traceback (most recent call last):
"dummy.py", line 4, in <module>
"site-packages\dynaconf\base.py", line 87, in __getattr__
"site-packages\dynaconf\base.py", line 113, in _setup
"site-packages\dynaconf\base.py", line 166, in __init__
"site-packages\dynaconf\base.py", line 575, in execute_loaders
"site-packages\dynaconf\base.py", line 550, in loaders
"importlib\__init__.py", line 126, in import_module
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 953, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'dynaconf.loaders.env_loader'
| Traceback (most recent call last):
"/home/ubuntu/.local/lib/python3.6/site-packages/googleapiclient/discovery_cache/file_cache.py", line 33, in <module>
from oauth2client.contrib.locked_file import Locked
ModuleNotFoundError: No module named 'oauth2client.contrib.locked_file'
| 0.556236 |
Traceback (most recent call last):
".\udemy-dl.py", line 924, in <module>
main()
".\udemy-dl.py", line 713, in main
udemy.ExtractAndDownload()
".\udemy-dl.py", line 291, in ExtractAndDownload
self.login()
".\udemy-dl.py", line 40, in login
extract_info.login(self.username, self.password)
"C:\Users\Miguel Bolivar\Downloads\udemy-dl-master\udemy-dl-master\udemy\_extractor.py", line 147, in login
login_form
= self._fill_login_form(login_popup, username, password)
"C:\Users\Miguel Bolivar\Downloads\udemy-dl-master\udemy-dl-master\udemy\_extractor.py", line 98, in _fill_login_form
login_form = self._form_hidden_inputs('login-form', webpage)
"C:\Users\Miguel Bolivar\Downloads\udemy-dl-master\udemy-dl-master\udemy\_extractor.py", line 88, in _form_hidden_inputs
return _hidden_inputs(form)
"C:\Users\Miguel Bolivar\Downloads\udemy-dl-master\udemy-dl-master\udemy\_utils.py", line 80, in _hidden_inputs
html = re.sub(r'<!--(?:(?!<!--).)*-->', '', html)
"C:\Users\Miguel Bolivar\AppData\Local\Programs\Python\Python36\lib\re.py", line 191, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or bytes-like object`
| Traceback (most recent call last):
"/Users/xkuska/.vim/bundle/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/completers/rust/rust_completer.py", line 392, in _GoToDefinition
return responses.BuildGoToResponse( definition[ 'file_path' ],
TypeError: 'NoneType' object has no attribute '__getitem__'
| 0.501459 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/aiohttp/web_protocol.py", line 418, in start
resp = await task
"/usr/local/lib/python3.7/site-packages/aiohttp/web_app.py", line 458, in _handle
resp = await handler(request)
"/usr/local/lib/python3.7/site-packages/aiohttp/web_middlewares.py", line 119, in impl
return await handler(request)
"/usr/src/homeassistant/homeassistant/components/http/real_ip.py", line 39, in real_ip_middleware
return await handler(request)
"/usr/src/homeassistant/homeassistant/components/http/ban.py", line 72, in ban_middleware
return await handler(request)
"/usr/src/homeassistant/homeassistant/components/http/auth.py", line 127, in auth_middleware
return await handler(request)
"/usr/src/homeassistant/homeassistant/components/http/view.py", line 123, in handle
result = await result
"/usr/src/homeassistant/homeassistant/components/alexa/smart_home_http.py", line 120, in post
hass, self.smart_home_config, message, context=core.Context(user_id=user.id)
"/usr/src/homeassistant/homeassistant/components/alexa/smart_home.py", line 39, in async_handle_message
response = await funct_ref(hass, config, directive, context)
"/usr/src/homeassistant/homeassistant/components/alexa/handlers.py", line 84, in async_api_discovery
for alexa_entity in async_get_entities(hass, config)
"/usr/src/homeassistant/homeassistant/components/alexa/handlers.py", line 85, in <listcomp>
if config.should_expose(alexa_entity.entity_id)
"/usr/src/homeassistant/homeassistant/components/alexa/entities.py", line 289, in serialize_discovery
capabilities.append(i.serialize_discovery())
"/usr/src/homeassistant/homeassistant/components/alexa/capabilities.py", line 209, in serialize_discovery
configuration = self.configuration()
"/usr/src/homeassistant/homeassistant/components/alexa/capabilities.py", line 1028, in configuration
for mode in hvac_modes:
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"C:\Users\iran\Desktop\InstaPy-master - Copia\InstaPy-master\quickstart.py", line 27, in <module>
session.follow_commenters(['renderexpress'], amount=100, daysold=365, max_pic = 100, sleep_delay=600, interact=False)
TypeError: follow_commenters() got an unexpected keyword argument 'sleep_delay' | 0.551462 |
Traceback (most recent call last):
"/home/sebi06/anaconda3/envs/napari/lib/python3.8/site-packages/IPython/core/interactiveshell.py", line 3319, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-1-e580eceeb872>", line 2, in <module>
import napari
"/home/sebi06/anaconda3/envs/napari/lib/python3.8/site-packages/napari/__init__.py", line 29, in <module>
from .viewer import Viewer
"/home/sebi06/anaconda3/envs/napari/lib/python3.8/site-packages/napari/viewer.py", line 3, in <module>
from napari._qt.qt_update_ui import QtUpdateUI
"/home/sebi06/anaconda3/envs/napari/lib/python3.8/site-packages/napari/_qt/__init__.py", line 1, in <module>
from .qt_range_slider import QHRangeSlider, QVRangeSlider
"/home/sebi06/anaconda3/envs/napari/lib/python3.8/site-packages/napari/_qt/qt_range_slider.py", line 316, in <module>
class QHRangeSlider(QRangeSlider):
TypeError: 'Shiboken.ObjectType' object is not iterable
| Traceback (most recent call last):
"<string>", line 1, in <module>
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/fileExpl.py", line 701, in startExplorer
super(
ExplManager, self).startExplorer(win_pos, *args, **kwargs)
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 915, in startExplorer
self.input(content)
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 56, in deco
func(self, *args, **kwargs)
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 975, in input
for cmd in self._cli.input(partial(self.setContent, content)):
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/cli.py", line 26, in deco
for i in func(*args, **kwargs):
"/home/fred/.vim/bundle/LeaderF/autoload/leaderf/python/leaderf/cli.py", line 353, in input
if self._refine and self._pattern[1] == '': # e.g. abc;
TypeError: 'NoneType' object has no attribute '__getitem__'
| 0.614192 |
Traceback (most recent call last):
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/__init__.py", line 205, in execute
return export_godot.save(self, context, **keywords)
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/export_godot.py", line 292, in save
exp.export()
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/export_godot.py", line 249, in export
self.export_scene()
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/export_godot.py", line 205, in export_scene
self.export_object(obj, root_gd_node)
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/export_godot.py", line 153, in export_object
self.export_object(child, exported_node)
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/export_godot.py", line 125, in export_object
parent_gd_node)
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/mesh.py", line 45, in export_mesh_node
mesh_id = mesh_exporter.export_mesh(escn_file, export_settings)
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/mesh.py", line 165, in export_mesh
export_settings,
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/mesh.py", line 218, in make_arrays
mesh
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/mesh.py", line 369, in generate_surfaces
mat
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/material/material.py", line 53, in export_material
escn_file, export_settings, material
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/material/material.py", line 79, in generate_material_resource
escn_file, export_settings, material, mat
"/home/fender/.config/blender/2.80/scripts/addons/io_scene_godot/converters/material/script_shader/node_tree.py", line 322, in export_script_shader
surface_output_socket = mtl_output_node.inputs['Surface']
AttributeError: 'NoneType' object has no attribute 'inputs
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/mido/ports.py", line 81, in __del__
"/usr/lib/python3.6/site-packages/mido/ports.py", line 69, in close
AttributeError: 'SocketPort' object has no attribute '_lock'
| 0.547807 |
Traceback (most recent call last):
"./train.py", line 129, in <module>
saver = tf.train.Saver(tf.global_variables())
AttributeError: 'module' object has no attribute 'global_variables'
| Traceback (most recent call last):
"/usr/local/lib64/python3.6/site-packages/flask/app.py", line 2447, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib64/python3.6/site-packages/flask/app.py", line 1952, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib64/python3.6/site-packages/flask/app.py", line 1821, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib64/python3.6/site-packages/flask/_compat.py", line 39, in reraise
raise value
"/usr/local/lib64/python3.6/site-packages/flask/app.py", line 1950, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib64/python3.6/site-packages/flask/app.py", line 1936, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/lib/python3.6/site-packages/flask_appbuilder/security/views.py", line 515, in login
form.username.data, form.password.data
"/usr/local/lib/python3.6/site-packages/flask_appbuilder/security/manager.py", line 941, in auth_user_ldap
self.update_user_auth_stat(user)
"/usr/local/lib/python3.6/site-packages/flask_appbuilder/security/manager.py", line 735, in update_user_auth_stat
if not user.login_count:
AttributeError: 'bool' object has no attribute 'login_count'
| 0.583473 |
Traceback (most recent call last):
"/home/bjfu/anaconda3/envs/hsj-torch-gpu16/lib/python3.6/multiprocessing/process.py", line 258, in _bootstrap
self.run()
"/home/bjfu/anaconda3/envs/hsj-torch-gpu16/lib/python3.6/multiprocessing/process.py", line 93, in run
self._target(*self._args, **self._kwargs)
"train.py", line 279, in init_processes
torch.cuda.set_device(args.local_rank)
"/home/bjfu/anaconda3/envs/hsj-torch-gpu16/lib/python3.6/site-packages/torch/cuda/__init__.py", line 281, in set_device
torch._C._cuda_setDevice(device)
RuntimeError: cuda runtime error (101) : invalid device ordinal at /pytorch/torch/csrc/cuda/Module.cpp:59
| Traceback (most recent call last):
"main.py", line 16, in <module>
main(sys.argv[1:])
"/usr/home/studenti/sp193030/jiant/jiant/__main__.py", line 588, in main
phase="pretrain",
"/usr/home/studenti/sp193030/jiant/jiant/trainer.py", line 671, in train
all_val_metrics, should_save, new_best = self._validate(n_val, tasks, batch_size)
"/usr/home/studenti/sp193030/jiant/jiant/trainer.py", line 953, in _validate
task, task_infos, tasks, batch_size, all_val_metrics, n_examples_overall
"/usr/home/studenti/sp193030/jiant/jiant/trainer.py", line 843, in _calculate_validation_performance
out = self._forward(batch, task=task)
"/usr/home/studenti/sp193030/jiant/jiant/trainer.py", line 1043, in _forward
model_out = self._model.forward(task, batch)
"/usr/home/studenti/sp193030/jiant/jiant/models.py", line 855, in forward
out = self._pair_sentence_forward(batch, task, predict)
"/usr/home/studenti/sp193030/jiant/jiant/models.py", line 1010, in _pair_sentence_forward
logits = classifier(sent, mask, [batch["idx1"], batch["idx2"]])
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"/usr/home/studenti/sp193030/jiant/jiant/modules/simple_modules.py", line 149, in forward
logits = self.classifier(final_emb)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"/usr/home/studenti/sp193030/jiant/jiant/modules/simple_modules.py", line 83, in forward
logits = self.classifier(seq_emb)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/container.py", line 92, in forward
input = module(input)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/modules/linear.py", line 67, in forward
return F.linear(input, self.weight, self.bias)
"/usr/home/studenti/sp193030/.conda/envs/jiant/lib/python3.6/site-packages/torch/nn/functional.py", line 1352, in linear
ret = torch.addmm(torch.jit._unwrap_optional(bias), input, weight.t())
RuntimeError: size mismatch, m1: [8 x 2048], m2: [1536 x 32] at /opt/conda/conda-bld/pytorch_1549630534704/work/aten/src/THC/generic/THCTensorMathBlas.cu:266
| 0.61226 |
Traceback (most recent call last):
"/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/src/evaluater/predict.py", line 73, in <module>
main(**args.__dict__)
"/src/evaluater/predict.py", line 43, in main
nima.build()
"/src/handlers/model_builder.py", line 35, in build
self.base_model = BaseCnn(input_shape=(224, 224, 3), weights=self.weights, include_top=False, pooling='avg')
"/usr/local/lib/python3.6/dist-packages/keras/applications/mobilenet.py", line 248, in MobileNet
img_input = Input(shape=input_shape)
"/usr/local/lib/python3.6/dist-packages/keras/engine/topology.py", line 1457, in Input
input_tensor=tensor)
"/usr/local/lib/python3.6/dist-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/keras/engine/topology.py", line 1319, in __init__
name = prefix + '_' + str(K.get_uid(prefix))
"/usr/local/lib/python3.6/dist-packages/keras/backend/tensorflow_backend.py", line 68, in get_uid
graph = tf.get_default_graph()
AttributeError: module 'tensorflow' has no attribute 'get_default_graph'
| Traceback (most recent call last):
"quickstart.py", line 41, in <module>
model = tflearn.DNN(net)
"build/bdist.linux-x86_64/egg/tflearn/models/dnn.py", line 63, in __init__
"build/bdist.linux-x86_64/egg/tflearn/helpers/trainer.py", line 121, in __init__
"build/bdist.linux-x86_64/egg/tflearn/helpers/trainer.py", line 651, in initialize_training_ops
"build/bdist.linux-x86_64/egg/tflearn/summaries.py", line 243, in add_loss_summaries
"build/bdist.linux-x86_64/egg/tflearn/summaries.py", line 46, in get_summary
AttributeError: 'module' object has no attribute 'scalar_summary'` | 0.640825 |
Traceback (most recent call last):
"./VHostScan.py", line 8, in <module>
from .lib.core.virtual_host_scanner import virtual_host_scanner
ValueError: Attempted relative import in non-package
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/tmp/pip-req-build-oers0g5e/setup.py", line 456, in <module>
setup(
"/home/notooth/anaconda3/lib/python3.8/site-packages/setuptools/__init__.py", line 153, in setup
return distutils.core.setup(**attrs)
"/home/notooth/anaconda3/lib/python3.8/distutils/core.py", line 148, in setup
dist.run_commands()
"/home/notooth/anaconda3/lib/python3.8/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/home/notooth/anaconda3/lib/python3.8/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/notooth/anaconda3/lib/python3.8/site-packages/setuptools/command/install.py", line 61, in run
return orig.install.run(self)
"/home/notooth/anaconda3/lib/python3.8/distutils/command/install.py", line 545, in run
self.run_command('build')
"/home/notooth/anaconda3/lib/python3.8/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/home/notooth/anaconda3/lib/python3.8/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/notooth/anaconda3/lib/python3.8/distutils/command/build.py", line 135, in run
self.run_command(cmd_name)
"/home/notooth/anaconda3/lib/python3.8/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/home/notooth/anaconda3/lib/python3.8/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/notooth/anaconda3/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 79, in run
_build_ext.run(self)
"/home/notooth/anaconda3/lib/python3.8/site-packages/Cython/Distutils/old_build_ext.py", line 186, in run
_build_ext.build_ext.run(self)
"/home/notooth/anaconda3/lib/python3.8/distutils/command/build_ext.py", line 340, in run
self.build_extensions()
"/home/notooth/anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 670, in build_extensions
build_ext.build_extensions(self)
"/home/notooth/anaconda3/lib/python3.8/site-packages/Cython/Distutils/old_build_ext.py", line 195, in build_extensions
_build_ext.build_ext.build_extensions(self)
"/home/notooth/anaconda3/lib/python3.8/distutils/command/build_ext.py", line 449, in build_extensions
self._build_extensions_serial()
"/home/notooth/anaconda3/lib/python3.8/distutils/command/build_ext.py", line 474, in _build_extensions_serial
self.build_extension(ext)
"/home/notooth/anaconda3/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 196, in build_extension
_build_ext.build_extension(self, ext)
"/home/notooth/anaconda3/lib/python3.8/distutils/command/build_ext.py", line 528, in build_extension
objects = self.compiler.compile(sources,
"/home/notooth/anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 486, in unix_wrap_ninja_compile
cuda_post_cflags = unix_cuda_flags(cuda_post_cflags)
"/home/notooth/anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 395, in unix_cuda_flags
cflags + _get_cuda_arch_flags(cflags) +
"/home/notooth/anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1438, in _get_cuda_arch_flags
raise ValueError("Unknown CUDA arch ({}) or GPU not supported".format(arch))
ValueError: Unknown CUDA arch (compute) or GPU not supported
| 0.515775 |
Traceback (most recent call last):
"/home/wangkai/miniconda3/envs/MASK/lib/python3.6/site-packages/theano/tensor/type.py", line 269, in dtype_specs
}[self.dtype]
KeyError: "<dtype: 'int32'>"
| Traceback (most recent call last):
"/Applications/Develop/Armory/blender.app//armsdk//armory/blender/arm/props_ui.py", line 290, in draw
layout.prop(bpy.data.worlds['Arm'], 'arm_material_advanced')
KeyError: 'bpy_prop_collection[key]: key "Arm" not found'
| 0.481241 |
Traceback (most recent call last):
"pipes.pyx", line 640, in spacy.pipeline.pipes.Tagger.from_disk.load_model
"/data/spacy-test/lib/python3.7/site-packages/thinc/neural/_classes/model.py", line 375, in from_bytes
dest = getattr(layer, name)
AttributeError: 'FunctionLayer' object has no attribute 'vectors'
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/config_entries.py", line 217, in async_setup
hass, self
"/usr/src/homeassistant/homeassistant/components/onvif/__init__.py", line 73, in async_setup_entry
if not await device.async_setup():
"/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 98, in async_setup
self.profiles = await self.async_get_profiles()
"/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 291, in async_get_profiles
profile.ptz.presets = [preset.token for preset in presets]
"/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 291, in <listcomp>
profile.ptz.presets = [preset.token for preset in presets]
AttributeError: 'NoneType' object has no attribute 'token'
| 0.622034 |
Traceback (most recent call last):
"train_ic15.py", line 283, in <module>
main(args)
"train_ic15.py", line 251, in main
train_loss, train_te_acc, train_ke_acc, train_te_iou, train_ke_iou = train(train_loader, model, dice_loss, optimizer, epoch)
"train_ic15.py", line 112, in train
for batch_idx, (imgs, gt_texts, gt_kernels, training_masks) in enumerate(train_loader):
"/opt/conda/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 336, in __next__
return self._process_next_batch(batch)
"/opt/conda/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 357, in _process_next_batch
raise batch.exc_type(batch.exc_msg)
TypeError: function takes exactly 5 arguments (1 given)
| Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/log/setup.py", line 1133, in __global_logging_exception_handler
exc_type, exc_value, exc_traceback
"/usr/lib/python2.7/logging/__init__.py", line 1193, in error
self._log(ERROR, msg, args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/log/setup.py", line 327, in _log
self, level, msg, args, exc_info=exc_info, extra=extra
"/usr/lib/python2.7/logging/__init__.py", line 1285, in _log
record = self.makeRecord(self.name, level, fn, lno, msg, args, exc_info, func, extra)
"/usr/lib/python2.7/dist-packages/salt/log/setup.py", line 350, in makeRecord
_msg = msg.decode(salt_system_encoding, 'replace')
"/usr/lib/python2.7/encodings/utf_8.py", line 16, in decode
return codecs.utf_8_decode(input, errors, True)
TypeError: 'NoneType' object is not callable
| 0.542157 |
Traceback (most recent call last):
"examples/livecheck.py", line 210, in <module>
app.main()
"~/Library/Python/3.8/lib/python/site-packages/faust/app/base.py", line 749, in main
self.discover()
"~/Library/Python/3.8/lib/python/site-packages/faust/app/base.py", line 714, in discover
raise ModuleNotFoundError(
ModuleNotFoundError: Unknown module examples.livecheck in App.conf.autodiscover list
| Traceback (most recent call last):
"/usr/bin/onionshare-gui", line 21, in <module>
import onionshare_gui
"/usr/lib/python3/dist-packages/onionshare_gui/init.py", line 29, in <module>
from onionshare.common import Common
"/usr/lib/python3/dist-packages/onionshare/init.py", line 27, in <module>
from .onion import *
"/usr/lib/python3/dist-packages/onionshare/onion.py", line 21, in <module>
from stem.control import Controller
"/usr/lib/python3/dist-packages/stem/control.py", line 265, in <module>
import stem.descriptor.microdescriptor
"/usr/lib/python3/dist-packages/stem/descriptor/init.py", line 55, in <module>
import stem.util.system
"/usr/lib/python3/dist-packages/stem/util/system.py", line 70, in <module>
import distutils.spawn
ModuleNotFoundError: No module named 'distutils.spawn'
| 0.617797 |
Traceback (most recent call last):
"/usr/local/bin/telegram-send", line 7, in <module>
from telegram_send import main
"/usr/local/lib/python3.5/dist-packages/telegram_send.py", line 29, in <module>
from telegram.constants import MAX_MESSAGE_LENGTH
ImportError: No module named 'telegram.constants'
| Traceback (most recent call last):
"/home/pi/.local/share/letsencrypt/bin/letsencrypt", line 7, in <module>
from certbot.main import main
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/certbot/main.py", line 9, in <module>
from acme import jose
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/acme/jose/__init__.py", line 37, in <module>
from acme.jose.interfaces import JSONDeSerializable
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/acme/jose/interfaces.py", line 9, in <module>
from acme.jose import util
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/acme/jose/util.py", line 5, in <module>
import OpenSSL
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/OpenSSL/__init__.py", line 8, in <module>
from OpenSSL import rand, crypto, SSL
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/OpenSSL/rand.py", line 12, in <module>
from OpenSSL._util import (
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/OpenSSL/_util.py", line 6, in <module>
from cryptography.hazmat.bindings.openssl.binding import Binding
"/home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/cryptography/hazmat/bindings/openssl/binding.py", line 12, in <odule>
from cryptography.hazmat.bindings._openssl import ffi, lib
ImportError: /home/pi/.local/share/letsencrypt/local/lib/python2.7/site-packages/cryptography/hazmat/bindings/_openssl.so: undefined symbol OPENSSL_sk_num
| 0.654605 |
Traceback (most recent call last):
"lorenz_attractor.py", line 10, in <module>
import matplotlib.pyplot as plt
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/pyplot.py", line 32, in <module>
import matplotlib.colorbar
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/colorbar.py", line 32, in <module>
import matplotlib.contour as contour
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/contour.py", line 18, in <module>
import matplotlib.font_manager as font_manager
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 1363, in <module>
_rebuild()
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 1344, in _rebuild
fontManager = FontManager()
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 978, in __init__
ttffiles = findSystemFonts(paths) + findSystemFonts()
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 270, in findSystemFonts
fontfiles.update(OSXInstalledFonts(fontext=fontext))
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 218, in OSXInstalledFonts
for directory in directories
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 220, in <listcomp>
for path in list_fonts(directory, ext)]
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 157, in list_fonts
for path in filter(Path.is_file, Path(directory).glob("**/*.*"))
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/site-packages/matplotlib/font_manager.py", line 156, in <listcomp>
return [str(path)
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/pathlib.py", line 1360, in is_file
return S_ISREG(self.stat().st_mode)
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/pathlib.py", line 1156, in stat
return self._accessor.stat(self)
"/Users/kkeshava/Downloads/Analysis_tools/miniconda3/lib/python3.6/pathlib.py", line 387, in wrapped
return strfunc(str(pathobj), *args)
OSError: [Errno 62] Too many levels of symbolic links: 'Downloads/Analysis_tools/bin/grib2/jasper-1.900.1/jasper-1.900.1'
| Traceback (most recent call last):
"/tmp/kitchen/testing/tests/unit/test_loader.py", line 1094, in setUp
self.opts = salt.config.minion_config(None)
"/tmp/kitchen/testing/salt/config/__init__.py", line 2423, in minion_config
minion_id=minion_id)
"/tmp/kitchen/testing/salt/config/__init__.py", line 3759, in apply_minion_config
cache_minion_id=cache_minion_id)
"/tmp/kitchen/testing/salt/config/__init__.py", line 3641, in get_id
newid = salt.utils.network.generate_minion_id()
"/tmp/kitchen/testing/salt/utils/network.py", line 181, in generate_minion_id
ret = salt.utils.stringutils.to_unicode(_generate_minion_id().first())
"/tmp/kitchen/testing/salt/utils/network.py", line 170, in _generate_minion_id
return hosts.extend([addr for addr in ip_addrs()
"/tmp/kitchen/testing/salt/utils/network.py", line 1292, in ip_addrs
return _ip_addrs(interface, include_loopback, interface_data, 'inet')
"/tmp/kitchen/testing/salt/utils/network.py", line 1267, in _ip_addrs
else interfaces()
"/tmp/kitchen/testing/salt/utils/network.py", line 1057, in interfaces
return linux_interfaces()
"/tmp/kitchen/testing/salt/utils/network.py", line 854, in linux_interfaces
stderr=subprocess.STDOUT).communicate()[0]
"/usr/lib/python3.5/subprocess.py", line 947, in __init__
restore_signals, start_new_session)
"/usr/lib/python3.5/subprocess.py", line 1490, in _execute_child
restore_signals, start_new_session, preexec_fn)
OSError: [Errno 12] Cannot allocate memory
| 0.559205 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/channels/routing.py", line 71, in __call__
return await application(scope, receive, send)
"/usr/local/lib/python3.6/site-packages/channels/sessions.py", line 47, in __call__
return await self.inner(dict(scope, cookies=cookies), receive, send)
"/usr/local/lib/python3.6/site-packages/channels/sessions.py", line 254, in __call__
return await self.inner(wrapper.scope, receive, wrapper.send)
"/usr/local/lib/python3.6/site-packages/channels/auth.py", line 181, in __call__
return await super().__call__(scope, receive, send)
"/usr/local/lib/python3.6/site-packages/channels/middleware.py", line 26, in __call__
return await self.inner(scope, receive, send)
"/usr/local/lib/python3.6/site-packages/channels/routing.py", line 160, in __call__
send,
"/usr/local/lib/python3.6/site-packages/asgiref/compatibility.py", line 33, in new_application
instance = application(scope)
"/usr/local/lib/python3.6/site-packages/channels/generic/websocket.py", line 159, in __init__
super().__init__(*args, **kwargs)
TypeError: object.__init__() takes no parameters | Traceback (most recent call last):
"coreml_onehot_bad.py", line 11, in <module>
author_ohe_coreml = coremltools.converters.sklearn.convert(enc)
"/Users/caleb.madrigal/.pyenv/versions/3.6.0/lib/python3.6/site-packages/coremltools/converters/sklearn/_converter.py", line 146, in convert
sk_obj, input_features, output_feature_names, class_labels = None)
"/Users/caleb.madrigal/.pyenv/versions/3.6.0/lib/python3.6/site-packages/coremltools/converters/sklearn/_converter_internal.py", line 214, in _convert_sklearn_model
features = _fm.process_or_validate_features(input_features, num_dimensions)
"/Users/caleb.madrigal/.pyenv/versions/3.6.0/lib/python3.6/site-packages/coremltools/models/_feature_management.py", line 215, in process_or_validate_features
raise_type_error("If a single feature name is given, then "
"/Users/caleb.madrigal/.pyenv/versions/3.6.0/lib/python3.6/site-packages/coremltools/models/_feature_management.py", line 192, in raise_type_error
% (additional_msg, str(original_features)))
TypeError: Error processing feature list: If a single feature name is given, then num_dimensions must be provided.
| 0.557128 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/lib/python3.7/site-packages/plumbum/machines/ssh_machine.py", line 124, in __init__
new_session=new_session)
"/usr/lib/python3.7/site-packages/plumbum/machines/remote.py", line 172, in __init__
self._session = self.session(new_session=new_session)
"/usr/lib/python3.7/site-packages/plumbum/machines/ssh_machine.py", line 204, in session
self.connect_timeout)
"/usr/lib/python3.7/site-packages/plumbum/machines/session.py", line 189, in __init__
self.run("")
"/usr/lib/python3.7/site-packages/plumbum/machines/session.py", line 277, in run
return run_proc(self.popen(cmd), retcode)
"/usr/lib/python3.7/site-packages/plumbum/commands/processes.py", line 222, in run_proc
stdout, stderr = proc.communicate()
"/usr/lib/python3.7/site-packages/plumbum/machines/session.py", line 120, in communicate
line = pipe.readline()
"/usr/lib/python3.7/site-packages/plumbum/machines/session.py", line 62, in readline
line = self.pipe.readline()
ValueError: readline of closed file
| Traceback (most recent call last):
"/home/honey/.local/bin/dsl-compile", line 8, in <module>
sys.exit(main())
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/main.py", line 123, in main
compile_pyfile(args.py, args.function, args.output, not args.disable_type_check)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/main.py", line 112, in compile_pyfile
_compile_pipeline_function(pipeline_funcs, function_name, output_path, type_check)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/main.py", line 71, in _compile_pipeline_function
kfp.compiler.Compiler().compile(pipeline_func, output_path, type_check)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 879, in compile
package_path=package_path)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 941, in _create_and_write_workflow
pipeline_conf)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 819, in _create_workflow
pipeline_conf,
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 634, in _create_pipeline_workflow
templates = self._create_dag_templates(pipeline, op_transformers)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 593, in _create_dag_templates
op_name_to_for_loop_op,
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 254, in _get_inputs_outputs
self._get_uncommon_ancestors(op_groups, opsgroup_groups, upstream_op, op)
"/home/honey/.local/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 155, in _get_uncommon_ancestors
raise ValueError(op1.name + ' does not exist.')
ValueError: create-pvc does not exist.
| 0.542428 |
Traceback (most recent call last):
"/usr/lib/python3.7/threading.py", line 926, in _bootstrap_inner
self.run()
"/usr/lib/python3.7/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/root/Desktop/QRLJacking/QRLJacker/core/browser.py", line 132, in check_img
controller = self.browsers[module_name]["Controller"]
KeyError: 'whatsapp'
| Traceback (most recent call last):
"/Users/ruby/PycharmProjects/leetcode/weibo-crawler-master/weibo.py", line 1075, in get_pages
self.print_user_info()
"/Users/ruby/PycharmProjects/leetcode/weibo-crawler-master/weibo.py", line 586, in print_user_info
logger.info(u'用户id:%s', self.user['id'])
KeyError: 'id'
| 0.535581 |
Traceback (most recent call last):
"/usr/local/bin/harpoon", line 11, in <module>
load_entry_point('harpoon==0.1.3', 'console_scripts', 'harpoon')()
"/usr/local/lib/python3.5/dist-packages/harpoon-0.1.3-py3.5.egg/harpoon/main.py", line 61, in main
plugins[args.command].run(config, args, plugins)
"/usr/local/lib/python3.5/dist-packages/harpoon-0.1.3-py3.5.egg/harpoon/commands/domain.py", line 169, in run
'first': d['time_first_o'].astimezone(pytz.utc),
ValueError: astimezone() cannot be applied to a naive datetime
| Traceback (most recent call last):
"den_mat.py", line 8, in <module>
mycc = cc.CCSD(mf).run()
"/home/gwang18/software/pyscf/pyscf/lib/misc.py", line 299, in run
self.kernel(*args)
"/home/gwang18/software/pyscf/pyscf/cc/ccsd.py", line 561, in kernel
return self.ccsd(t1, t2, eris)
"/home/gwang18/software/pyscf/pyscf/cc/ccsd.py", line 572, in ccsd
verbose=self.verbose)
"/home/gwang18/software/pyscf/pyscf/cc/ccsd.py", line 32, in kernel
t1, t2 = mycc.init_amps(eris)[1:]
"/home/gwang18/software/pyscf/pyscf/cc/ccsd.py", line 544, in init_amps
t1 = eris.fock[:nocc,nocc:] / eia
ValueError: operands could not be broadcast together with shapes (4,0,14) (4,10,2)
| 0.581214 |
Traceback (most recent call last):
"/home/sebastianw/intelmq/intelmq/lib/bot.py", line 267, in start
self.process()
"/home/sebastianw/intelmq/intelmq/bots/collectors/mail/lib.py", line 53, in process
if self.process_message(uid, message):
"/home/sebastianw/intelmq/intelmq/bots/collectors/mail/collector_mail_attach.py", line 30, in process_message
attach_filename = attach['filename']
KeyError: 'filename'
| Traceback (most recent call last):
"/usr/local/bin/youtube-dlc/youtube_dlc/extractor/youtube.py", line 1966, in _real_extract
yt_initial_data['contents']['twoColumnWatchNextResults']['conversationBar']['liveChatRenderer']['continuations'][0]['reloadContinuationData']['continuation']
KeyError: u'conversationBar'
| 0.549522 |
[!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| Traceback (most recent call last):
"dags/dbscore/tasks.py", line 180, in <module>
dag.run()
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/models/dag.py", line 1399, in run
job.run()
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/jobs/base_job.py", line 221, in run
self._execute()
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/utils/db.py", line 74, in wrapper
return func(*args, **kwargs)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/jobs/backfill_job.py", line 788, in _execute
session=session)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/utils/db.py", line 70, in wrapper
return func(*args, **kwargs)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/jobs/backfill_job.py", line 718, in _execute_for_run_dates
session=session)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/utils/db.py", line 70, in wrapper
return func(*args, **kwargs)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/jobs/backfill_job.py", line 593, in _process_backfill_task_instances
executor.heartbeat()
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/executors/base_executor.py", line 134, in heartbeat
self.sync()
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/executors/debug_executor.py", line 71, in sync
task_succeeded = self._run_task(ti)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/executors/debug_executor.py", line 84, in _run_task
self.change_state(key, State.FAILED)
"/usr/local/airflow/.venv/lib/python3.6/site-packages/airflow/executors/debug_executor.py", line 148, in change_state
self.running.remove(key)
AttributeError: 'dict' object has no attribute 'remove'
| 0.548164 |
Traceback (most recent call last):
"PixivDownloadHandler.pyc", line 214, in download_image
AttributeError: module 'PixivException' has no attribute 'DOWNLOAD_FAILED_IO'
| Traceback (most recent call last):
"/Users/momo/.pyenv/versions/3.6.0/envs/mbtpy/bin/isort", line 11, in <module>
sys.exit(main())
"/Users/momo/.pyenv/versions/3.6.0/envs/mbtpy/lib/python3.6/site-packages/isort/main.py", line 953, in main
for sort_attempt in attempt_iterator:
"/Users/momo/.pyenv/versions/3.6.0/envs/mbtpy/lib/python3.6/site-packages/isort/main.py", line 947, in <genexpr>
for file_name in file_names
"/Users/momo/.pyenv/versions/3.6.0/envs/mbtpy/lib/python3.6/site-packages/isort/main.py", line 100, in sort_imports
**kwargs,
"/Users/momo/.pyenv/versions/3.6.0/envs/mbtpy/lib/python3.6/site-packages/isort/api.py", line 303, in sort_file
with io.
.read(filename) as source_file:
AttributeError: type object '
' has no attribute 'read'
| 0.506158 |
Traceback (most recent call last):
"/usr/bin/salt-run", line 10, in <module>
salt_run()
"/usr/lib/python2.7/dist-packages/salt/scripts.py", line 412, in salt_run
client.run()
"/usr/lib/python2.7/dist-packages/salt/cli/run.py", line 40, in run
ret = runner.run()
"/usr/lib/python2.7/dist-packages/salt/runner.py", line 271, in run
daemonize=False)
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 485, in _proc_function
return self.low(fun, low, full_return=False)
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 261, in low
return self._low(fun, low, print_event=print_event, full_return=full_return)
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 418, in _low
mminion=self.mminion,
"/usr/lib/python2.7/dist-packages/salt/utils/job.py", line 110, in store_job
mminion.returners[fstr](load)
"/usr/lib/python2.7/dist-packages/salt/returners/postgres_local_cache.py", line 235, in returner
job_ret = {'return': six.text_type(six.text_type(load['return']), 'utf-8', 'replace')}
TypeError: decoding Unicode is not supported
| Traceback (most recent call last):
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/knack/cli.py", line 206, in invoke
cmd_result = self.invocation.execute(args)
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/commands/__init__.py", line 608, in execute
raise ex
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/commands/__init__.py", line 666, in _run_jobs_serially
results.append(self._run_job(expanded_arg, cmd_copy))
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/commands/__init__.py", line 659, in _run_job
six.reraise(*sys.exc_info())
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/six.py", line 703, in reraise
raise value
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/commands/__init__.py", line 636, in _run_job
result = cmd_copy(params)
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/commands/__init__.py", line 306, in __call__
return self.handler(*args, **kwargs)
"/usr/local/Cellar/azure-cli/2.2.0_1/libexec/lib/python3.8/site-packages/azure/cli/core/__init__.py", line 493, in default_command_handler
return op(**command_args)
"/Users/kumara/.azure/cliextensions/aks-preview/azext_aks_preview/custom.py", line 2233, in aks_enable_addons
if CONST_INGRESS_APPGW_APPLICATION_GATEWAY_ID in instance.addon_profiles[CONST_INGRESS_APPGW_ADDON_NAME].config:
TypeError: argument of type 'NoneType' is not iterable
| 0.592676 |
Traceback (most recent call last):
"/usr/local/bin/youtube-dl", line 10, in <module>
sys.exit(main())
"/usr/local/lib/python2.7/dist-packages/youtube_dl/__init__.py", line 474, in main
_real_main(argv)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/__init__.py", line 464, in _real_main
retcode = ydl.download(all_urls)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/YoutubeDL.py", line 2008, in download
url, force_generic_extractor=self.params.get('force_generic_extractor', False))
"/usr/local/lib/python2.7/dist-packages/youtube_dl/YoutubeDL.py", line 807, in extract_info
return self.process_ie_result(ie_result, download, extra_info)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/YoutubeDL.py", line 1006, in process_ie_result
extra_info=extra)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/YoutubeDL.py", line 868, in process_ie_result
extra_info=extra_info)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/YoutubeDL.py", line 796, in extract_info
ie_result = ie.extract(url)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/extractor/common.py", line 529, in extract
ie_result = self._real_extract(url)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/extractor/linuxacademy.py", line 165, in _real_extract
webpage, item_id, require_title=False, m3u8_id='hls',)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/extractor/common.py", line 2644, in _extract_jwplayer_data
jwplayer_data, video_id, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/youtube_dl/extractor/common.py", line 2650, in _parse_jwplayer_data
if 'playlist' not in jwplayer_data:
TypeError: argument of type 'NoneType' is not iterable
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"c:\Users\Max\AppData\Local\Programs\Python\Python37-32\lib\site-packages\googletrans\client.py", line 222, in translate
translated_parts = list(map(lambda part: TranslatedPart(part[0], part[1] if len(part) >= 2 else []), parsed[1][0][0][5]))
TypeError: 'NoneType' object is not iterable
| 0.639671 |
Traceback (most recent call last):
"/usr/share/vulnx/vulnx.py", line 173, in <module>
print('error : '+error)
TypeError: Can't convert 'ConnectionError' object to str implicitly | Traceback (most recent call last):
"/home/kawan/anaconda3/envs/zwy/bin/onmt-main", line 10, in <module>
sys.exit(main())
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/opennmt/bin/main.py", line 197, in main
checkpoint_path=args.checkpoint_path)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/opennmt/runner.py", line 539, in score
tk = sess.run(results)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 671, in run
run_metadata=run_metadata)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 1156, in run
run_metadata=run_metadata)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 1255, in run
raise six.reraise(*original_exc_info)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/six.py", line 693, in reraise
raise value
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 1240, in run
return self._sess.run(*args, **kwargs)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 1312, in run
run_metadata=run_metadata)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/training/monitored_session.py", line 1076, in run
return self._sess.run(*args, **kwargs)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 930, in run
run_metadata_ptr)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1138, in _run
self._graph, fetches, feed_dict_tensor, feed_handles=feed_handles)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 472, in __init__
self._fetch_mapper = _FetchMapper.for_fetch(fetches)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 264, in for_fetch
return _DictFetchMapper(fetch)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 404, in __init__
_FetchMapper.for_fetch(fetch) for fetch in fetches.values()
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 404, in <listcomp>
_FetchMapper.for_fetch(fetch) for fetch in fetches.values()
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 264, in for_fetch
return _DictFetchMapper(fetch)
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 404, in __init__
_FetchMapper.for_fetch(fetch) for fetch in fetches.values()
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 404, in <listcomp>
_FetchMapper.for_fetch(fetch) for fetch in fetches.values()
"/home/kawan/anaconda3/envs/zwy/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 259, in for_fetch
type(fetch)))
TypeError: Fetch argument None has invalid type <class 'NoneType'>
| 0.508873 |
Traceback (most recent call last):
"C:\Users\i01002704\Documents\i01002704\Projects\Python\vibora\vibora\application.py", line 189, in __del__
self.clean_up()
"C:\Users\i01002704\Documents\i01002704\Projects\Python\vibora\vibora\application.py", line 163, in clean_up
for process in self.workers:
AttributeError: 'Vibora' object has no attribute 'workers'
| Traceback (most recent call last):
"/espnet/egs/cgn/asr1/../../../src/bin/asr_recog.py", line 123, in <module>
main()
"/espnet/egs/cgn/asr1/../../../src/bin/asr_recog.py", line 117, in main
recog(args)
"/espnet/src/asr/asr_pytorch.py", line 416, in recog
rnnlm.load_state_dict(torch.load(args.rnnlm, map_location=cpu_loader))
"/espnet/tools/venv/local/lib/python2.7/site-packages/torch/serialization.py", line 267, in load
return _load(f, map_location, pickle_module)
"/espnet/tools/venv/local/lib/python2.7/site-packages/torch/serialization.py", line 420, in _load
result = unpickler.load()
AttributeError: 'module' object has no attribute '_rebuild_tensor_v2'
| 0.581168 |
Traceback (most recent call last):
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\torch\utils\data\dataloader.py", line 138, in _worker_loop
samples = collate_fn([dataset[i] for i in batch_indices])
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\torch\utils\data\dataloader.py", line 138, in <listcomp>
samples = collate_fn([dataset[i] for i in batch_indices])
"D:\workspace\PyTorch-YOLOv3\utils\datasets.py", line 86, in __getitem__
img = transforms.ToTensor()(Image.open(img_path).convert('RGB'))
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\PIL\Image.py", line 2640, in open
fp = io.BytesIO(fp.read())
AttributeError: 'str' object has no attribute 'read' | Module qualimap raised an exception: Traceback (most recent call last):
"/usr/local/bin/multiqc", line 411, in multiqc
output = mod()
"/usr/local/lib/python3.6/site-packages/multiqc/modules/qualimap/qualimap.py", line 40, in __init__
n['BamQC'] = QM_BamQC.parse_reports(self)
"/usr/local/lib/python3.6/site-packages/multiqc/modules/qualimap/QM_BamQC.py", line 58, in parse_reports
report_sections(self)
"/usr/local/lib/python3.6/site-packages/multiqc/modules/qualimap/QM_BamQC.py", line 247, in report_sections
depth_range.append(int(c))
AttributeError: 'range' object has no attribute 'append'
| 0.629224 |
Traceback (most recent call last):
"/mnt/work/Qc.py375.venv/lib/python3.7/site-packages/snakemake/__init__.py", line 618, in snakemake
batch=batch,
"/mnt/work/Qc.py375.venv/lib/python3.7/site-packages/snakemake/workflow.py", line 617, in execute
auto_report(dag, report)
"/mnt/work/Qc.py375.venv/lib/python3.7/site-packages/snakemake/report/__init__.py", line 552, in auto_report
Record(f, job, report_obj.caption, env, category)
"/mnt/work/Qc.py375.venv/lib/python3.7/site-packages/snakemake/report/__init__.py", line 326, in __init__
self.params = logging.format_dict(job.params)
"/mnt/work/Qc.py375.venv/lib/python3.7/site-packages/snakemake/logging.py", line 384, in format_dict
for name, value in dict.items()
TypeError: 'str' object is not callable
| Traceback (most recent call last):
"/usr/lib64/python2.6/site-packages/tornado/ioloop.py", line 591, in _run_callback
ret = callback()
"/usr/lib64/python2.6/site-packages/tornado/stack_context.py", line 274, in null_wrapper
return fn(*args, **kwargs)
"/usr/lib64/python2.6/site-packages/tornado/ioloop.py", line 597, in <lambda>
self.add_future(ret, lambda f: f.result())
"/usr/lib64/python2.6/site-packages/tornado/concurrent.py", line 214, in result
raise_exc_info(self._exc_info)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 876, in run
yielded = self.gen.throw(*exc_info)
"/usr/lib/python2.6/site-packages/salt/crypt.py", line 467, in _authenticate
creds = yield self.sign_in(channel=channel)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 870, in run
value = future.result()
"/usr/lib64/python2.6/site-packages/tornado/concurrent.py", line 214, in result
raise_exc_info(self._exc_info)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 876, in run
yielded = self.gen.throw(*exc_info)
"/usr/lib/python2.6/site-packages/salt/crypt.py", line 540, in sign_in
timeout=timeout
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 870, in run
value = future.result()
"/usr/lib64/python2.6/site-packages/tornado/concurrent.py", line 214, in result
raise_exc_info(self._exc_info)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 876, in run
yielded = self.gen.throw(*exc_info)
"/usr/lib/python2.6/site-packages/salt/transport/tcp.py", line 248, in send
ret = yield self._uncrypted_transfer(load, tries=tries, timeout=timeout)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 870, in run
value = future.result()
"/usr/lib64/python2.6/site-packages/tornado/concurrent.py", line 214, in result
raise_exc_info(self._exc_info)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 876, in run
yielded = self.gen.throw(*exc_info)
"/usr/lib/python2.6/site-packages/salt/transport/tcp.py", line 238, in _uncrypted_transfer
ret = yield self.message_client.send(self._package_load(load), timeout=timeout)
"/usr/lib64/python2.6/site-packages/tornado/gen.py", line 870, in run
value = future.result()
"/usr/lib64/python2.6/site-packages/tornado/concurrent.py", line 214, in result
raise_exc_info(self._exc_info)
"<string>", line 3, in raise_exc_info
TypeError: 'int' object is unsubscriptable
| 0.637509 |
Traceback (most recent call last):
"setup.py", line 89, in <module>
long_description=readme.read())
"/usr/lib/python3.7/site-packages/setuptools/__init__.py", line 145, in setup
return distutils.core.setup(**attrs)
"/usr/lib/python3.7/distutils/core.py", line 148, in setup
dist.run_commands()
"/usr/lib/python3.7/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/usr/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/usr/lib/python3.7/site-packages/setuptools/command/test.py", line 229, in run
self.run_tests()
"/usr/lib/python3.7/site-packages/setuptools/command/test.py", line 251, in run_tests
exit=False,
"/usr/lib/python3.7/unittest/main.py", line 100, in __init__
self.parseArgs(argv)
"/usr/lib/python3.7/unittest/main.py", line 124, in parseArgs
self._do_discovery(argv[2:])
"/usr/lib/python3.7/unittest/main.py", line 244, in _do_discovery
self.createTests(from_discovery=True, Loader=Loader)
"/usr/lib/python3.7/unittest/main.py", line 154, in createTests
self.test = loader.discover(self.start, self.pattern, self.top)
"/usr/lib/python3.7/unittest/loader.py", line 349, in discover
tests = list(self._find_tests(start_dir, pattern))
"/usr/lib/python3.7/unittest/loader.py", line 406, in _find_tests
full_path, pattern, namespace)
"/usr/lib/python3.7/unittest/loader.py", line 483, in _find_test_path
tests = self.loadTestsFromModule(package, pattern=pattern)
"/usr/lib/python3.7/site-packages/setuptools/command/test.py", line 55, in loadTestsFromModule
tests.append(self.loadTestsFromName(submodule))
"/usr/lib/python3.7/unittest/loader.py", line 191, in loadTestsFromName
return self.loadTestsFromModule(obj)
"/usr/lib/python3.7/site-packages/setuptools/command/test.py", line 55, in loadTestsFromModule
tests.append(self.loadTestsFromName(submodule))
"/usr/lib/python3.7/unittest/loader.py", line 154, in loadTestsFromName
module = __import__(module_name)
"/root/pkgs/pyroute2/pyroute2-0.5.17/pyroute2/remote/__main__.py", line 6, in <module>
Server(Transport(sys.stdin), Transport(sys.stdout))
"/root/pkgs/pyroute2/pyroute2-0.5.17/pyroute2/remote/__init__.py", line 141, in Server
'error': None})
"/root/pkgs/pyroute2/pyroute2-0.5.17/pyroute2/remote/__init__.py", line 49, in send
self.file_obj.write(packet)
TypeError: write() argument must be str, not bytes
|
Traceback (most recent call last):
"/opt/conda/lib/python3.5/site-packages/conda/exceptions.py", line 819, in __call__
return func(*args, **kwargs)
"/opt/conda/lib/python3.5/site-packages/conda/cli/main.py", line 78, in _main
exit_code = do_call(args, p)
"/opt/conda/lib/python3.5/site-packages/conda/cli/conda_argparse.py", line 77, in do_call
exit_code = getattr(module, func_name)(args, parser)
"/opt/conda/lib/python3.5/site-packages/conda/cli/main_create.py", line 11, in execute
install(args, parser, 'create')
"/opt/conda/lib/python3.5/site-packages/conda/cli/install.py", line 235, in install
force_reinstall=context.force,
"/opt/conda/lib/python3.5/site-packages/conda/core/solve.py", line 506, in solve_for_transaction
force_remove, force_reinstall)
"/opt/conda/lib/python3.5/site-packages/conda/core/solve.py", line 439, in solve_for_diff
final_precs = self.solve_final_state(deps_modifier, prune, ignore_pinned, force_remove)
"/opt/conda/lib/python3.5/site-packages/conda/core/solve.py", line 180, in solve_final_state
index, r = self._prepare(prepared_specs)
"/opt/conda/lib/python3.5/site-packages/conda/core/solve.py", line 580, in _prepare
self.subdirs, prepared_specs)
"/opt/conda/lib/python3.5/site-packages/conda/core/index.py", line 215, in get_reduced_index
new_records = query_all(spec)
"/opt/conda/lib/python3.5/site-packages/conda/core/index.py", line 184, in query_all
return tuple(concat(future.result() for future in as_completed(futures)))
"/opt/conda/lib/python3.5/site-packages/conda/core/subdir_data.py", line 94, in query
self.load()
"/opt/conda/lib/python3.5/site-packages/conda/core/subdir_data.py", line 148, in load
_internal_state = self._load()
"/opt/conda/lib/python3.5/site-packages/conda/core/subdir_data.py", line 216, in _load
mod_etag_headers.get('_mod'))
"/opt/conda/lib/python3.5/site-packages/conda/core/subdir_data.py", line 416, in fetch_repodata_remote_request
timeout=timeout)
"/opt/conda/lib/python3.5/site-packages/pip/_vendor/requests/sessions.py", line 487, in get
return self.request('GET', url, **kwargs)
"/opt/conda/lib/python3.5/site-packages/pip/_vendor/requests/sessions.py", line 466, in request
prep.url, proxies, stream, verify, cert
"/opt/conda/lib/python3.5/site-packages/pip/_vendor/requests/sessions.py", line 626, in merge_environment_settings
env_proxies = get_environ_proxies(url) or {}
"/opt/conda/lib/python3.5/site-packages/pip/_vendor/requests/utils.py", line 568, in get_environ_proxies
if should_bypass_proxies(url):
TypeError: should_bypass_proxies_patched() missing 1 required positional argument: 'no_proxy'
| 0.592138 |
Traceback (most recent call last):
"/home/math/.local/bin/edapy", line 6, in <module>
exec(compile(open(__file__).read(), __file__, 'exec'))
"/home/math/Github/edapy/bin/edapy", line 44, in <module>
entry_point()
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 716, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 696, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 1060, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 1060, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 889, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.5/dist-packages/click/core.py", line 534, in invoke
return callback(*args, **kwargs)
"/home/math/Github/edapy/edapy/pdf.py", line 58, in find
data.append(get_pdf_info(pdf_path))
"/home/math/Github/edapy/edapy/pdf.py", line 87, in get_pdf_info
pdf_toread = Pdf
Reader(fp)
"/usr/local/lib/python3.5/dist-packages/PyPDF2/pdf.py", line 1084, in __init__
self.read(stream)
"/usr/local/lib/python3.5/dist-packages/PyPDF2/pdf.py", line 1805, in read
assert xrefstream["/Type"] == "/XRef"
"/usr/local/lib/python3.5/dist-packages/PyPDF2/generic.py", line 516, in __getitem__
return dict.__getitem__(self, key).getObject()
KeyError: '/Type'
| Traceback (most recent call last):
"examples/tacotron2/extract_duration.py", line 236, in <module>
main()
"examples/tacotron2/extract_duration.py", line 129, in main
dataset=config["tacotron2_params"]["dataset"],
KeyError: 'dataset'
| 0.515803 |
Traceback (most recent call last):
"/usr/lib/python3/dist-packages/salt/utils/parsers.py", line 196, in parse_args
process_option_func()
"/usr/lib/python3/dist-packages/salt/utils/parsers.py", line 553, in process_config_dir
self.config.update(self.setup_config())
"/usr/lib/python3/dist-packages/salt/utils/parsers.py", line 1948, in setup_config
opts = config.master_config(self.get_config_file_path())
"/usr/lib/python3/dist-packages/salt/config/__init__.py", line 3789, in master_config
apply_sdb(opts)
"/usr/lib/python3/dist-packages/salt/config/__init__.py", line 2384, in apply_sdb
sdb_opts[key] = apply_sdb(opts, value)
"/usr/lib/python3/dist-packages/salt/config/__init__.py", line 2384, in apply_sdb
sdb_opts[key] = apply_sdb(opts, value)
"/usr/lib/python3/dist-packages/salt/config/__init__.py", line 2379, in apply_sdb
return salt.utils.sdb.sdb_get(sdb_opts, opts)
"/usr/lib/python3/dist-packages/salt/utils/sdb.py", line 60, in sdb_get
return loaded_db[fun](query, profile=profile)
"/usr/lib/python3/dist-packages/salt/sdb/vault.py", line 89, in get
version2 = __utils__["vault.is_v2"](path)
"/usr/lib/python3/dist-packages/salt/utils/vault.py", line 406, in is_v2
path_metadata = _get_secret_path_metadata(path)
"/usr/lib/python3/dist-packages/salt/utils/vault.py", line 473, in _get_secret_path_metadata
cache_content = _read_cache_file()
"/usr/lib/python3/dist-packages/salt/utils/vault.py", line 244, in _read_cache_file
return salt.utils.json.load(contents)
AttributeError: module 'salt.utils' has no attribute 'json'
| Traceback (most recent call last):
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/mesonmain.py", line 129, in run
return options.run_func(options)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/msetup.py", line 245, in run
app.generate()
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/msetup.py", line 159, in generate
self._generate(env)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/msetup.py", line 192, in _generate
intr.run()
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 4165, in run
super().run()
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 412, in run
self.evaluate_codeblock(self.ast, start=1)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 436, in evaluate_codeblock
raise e
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 430, in evaluate_codeblock
self.evaluate_statement(cur)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 451, in evaluate_statement
return self.evaluate_if(cur)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 533, in evaluate_if
self.evaluate_codeblock(node.elseblock)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 436, in evaluate_codeblock
raise e
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 430, in evaluate_codeblock
self.evaluate_statement(cur)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 443, in evaluate_statement
return self.assignment(cur)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 1064, in assignment
value = self.evaluate_statement(node.value)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 441, in evaluate_statement
return self.function_call(cur)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 788, in function_call
return func(node, posargs, kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 285, in wrapped
return f(*wrapped_args, **wrapped_kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 285, in wrapped
return f(*wrapped_args, **wrapped_kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 285, in wrapped
return f(*wrapped_args, **wrapped_kwargs)
[Previous line repeated 2 more times]
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 155, in wrapped
ret = f(*wrapped_args, **wrapped_kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 174, in wrapped
return f(*wrapped_args, **wrapped_kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 3234, in func_dependency
d = self.dependency_impl(name, display_name, kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 3281, in dependency_impl
dep = dependencies.find_external_dependency(name, self.environment, kwargs)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/dependencies/base.py", line 2230, in find_external_dependency
d = c()
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/dependencies/misc.py", line 141, in __init__
self.link_args = self.clib_compiler.thread_link_flags(environment)
"/home/daemoohn/.local/lib/python3.7/site-packages/mesonbuild/compilers/mixins/clike.py", line 1071, in thread_link_flags
return self.linker.thread_flags(env)
AttributeError: 'NoneType' object has no attribute 'thread_flags'
| 0.654106 |
Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_get() missing 1 required positional argument: 'mocker'
| 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
| 0.563833 |
Traceback (most recent call last):
"<console>", line 1, in <module>
".../joblib/hashing.py", line 263, in hash
return hasher.hash(obj)
".../joblib/hashing.py", line 69, in hash
self.dump(obj)
"/usr/lib64/python3.7/pickle.py", line 437, in dump
self.save(obj)
".../joblib/hashing.py", line 243, in save
Hasher.save(self, obj)
".../joblib/hashing.py", line 95, in save
Pickler.save(self, obj)
"/usr/lib64/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/lib64/python3.7/pickle.py", line 771, in save_tuple
save(element)
".../joblib/hashing.py", line 243, in save
Hasher.save(self, obj)
".../joblib/hashing.py", line 95, in save
Pickler.save(self, obj)
"/usr/lib64/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/lib64/python3.7/pickle.py", line 786, in save_tuple
save(element)
".../joblib/hashing.py", line 242, in save
obj = (klass, ('HASHED', obj.descr))
".../numpy/core/_internal.py", line 115, in _array_descr
"dtype.descr is not defined for types with overlapping or "
ValueError: dtype.descr is not defined for types with overlapping or out-of-order fields
| Traceback (most recent call last):
"keras_to_tensorflow.py", line 182, in <module>
app.run(main)
"/usr/local/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
"/usr/local/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
"keras_to_tensorflow.py", line 128, in main
model = load_model(FLAGS.input_model, FLAGS.input_model_json, FLAGS.input_model_yaml)
"keras_to_tensorflow.py", line 80, in load_model
raise err
"keras_to_tensorflow.py", line 75, in load_model
model = model_from_json(open(str(input_json_path)).read())
"/usr/local/lib/python3.7/site-packages/keras/engine/saving.py", line 664, in model_from_json
return deserialize(config, custom_objects=custom_objects)
"/usr/local/lib/python3.7/site-packages/keras/layers/__init__.py", line 168, in deserialize
printable_module_name='layer')
"/usr/local/lib/python3.7/site-packages/keras/utils/generic_utils.py", line 129, in deserialize_keras_object
raise ValueError('Improper config format: ' + str(config))
ValueError: Improper config format: {'train_env': 'remote', 's3_bucket': 'ds-hotel-image-assessment', 'docker_image': 'idealo/nima-gpu', 'base_model_name': 'MobileNet', 'existing_weights': None, 'n_classes': 10, 'batch_size': 96, 'epochs_train_dense': 5, 'learning_rate_dense': 0.001, 'decay_dense': 0, 'epochs_train_all': 9, 'learning_rate_all': 3e-05, 'decay_all': 2.3e-05, 'l2_reg': None, 'dropout_rate': 0.75, 'multiprocessing_data_load': True, 'num_workers_data_load': 8} | 0.590279 |
Traceback (most recent call last):
"train.py", line 633, in <module>
torch.cuda.set_device(opt.local_rank)
"/opt/conda/lib/python3.7/site-packages/torch/cuda/__init__.py", line 281, in set_device
torch._C._cuda_setDevice(device)
RuntimeError: cuda runtime error (101) : invalid device ordinal at /opt/conda/conda-bld/pytorch_1595629403081/work/torch/csrc/cuda/Module.cpp:59
| Traceback (most recent call last):
".../test.py", line 48, in <module>
res = model.predict({'myinput__0': input_array})
".../lib/python3.6/site-packages/coremltools/models/model.py", line 326, in predict
return self.__proxy__.predict(data,useCPUOnly)
RuntimeError: {
| 0.575814 |
Traceback (most recent call last):
"trainval_net.py", line 330, in <module>
roi_labels = FPN(im_data, im_info, gt_boxes, num_boxes)
"/home/zhiqi.cheng/anaconda2/lib/python2.7/site-packages/torch/nn/modules/module.py", line 357, in __call__
result = self.forward(*input, **kwargs)
"/home/zhiqi.cheng/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 73, in forward
outputs = self.parallel_apply(replicas, inputs, kwargs)
"/home/zhiqi.cheng/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 83, in parallel_apply
return parallel_apply(replicas, inputs, kwargs, self.device_ids[:len(replicas)])
"/home/zhiqi.cheng/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/parallel_apply.py", line 67, in parallel_apply
raise output
RuntimeError: invalid argument 2: Input tensor must have same size as output tensor apart from the specified dimension at /opt/conda/conda-bld/pytorch_1518238409320/work/torch/lib/THC/generic/THCTensorScatterGather.cu:29
| Traceback (most recent call last):
"main.py", line 86, in <module>
main(opt)
"main.py", line 81, in main
img=denorm(img.to(device)).clamp_(0,1)
"/home/a/anaconda3/envs/bcw_env/lib/python3.6/site-packages/torchvision/transforms/transforms.py", line 163, in __call__
return F.normalize(tensor, self.mean, self.std, self.inplace)
"/home/a/anaconda3/envs/bcw_env/lib/python3.6/site-packages/torchvision/transforms/functional.py", line 208, in normalize
tensor.sub_(mean[:, None, None]).div_(std[:, None, None])
RuntimeError: expected type torch.cuda.FloatTensor but got torch.FloatTensor
| 0.63242 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/rgommers/Code/scipy/scipy/_lib/tests/test_ccallback.py", line 109, in check
assert_equal(caller(func, 1.0), 2.0)
"scipy/_lib/_ccallback_c.pyx", line 163, in scipy._lib._ccallback_c.test_call_cython (../scipy/_lib/_ccallback_c.c:2063)
ccallback_prepare(&callback, signatures, callback_obj, CCALLBACK_DEFAULTS)
ValueError: Invalid function signature in PyCapsule
| Traceback (most recent call last):
"/home/developer/celery/celery/app/trace.py", line 411, in trace_task
R = retval = fun(*args, **kwargs)
"/home/developer/celery/celery/app/trace.py", line 680, in __protected_call__
return self.run(*args, **kwargs)
"/home/developer/celery/tasks.py", line 13, in fail
raise ValueError("this is from fail!")
ValueError: this is from fail!
| 0.560856 |
Traceback (most recent call last):
"/usr/bin/salt-call", line 11, in <module>
salt_call()
"/usr/lib/python2.7/dist-packages/salt/scripts.py", line 391, in salt_call
client.run()
"/usr/lib/python2.7/dist-packages/salt/cli/call.py", line 58, in run
caller.run()
"/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 134, in run
ret = self.call()
"/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 204, in call
ret['return'] = func(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 612, in list_
return server_list(profile=profile)
"/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 625, in server_list
conn = _auth(profile)
"/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 145, in _auth
return suon.SaltNova(**kwargs)
"/usr/lib/python2.7/dist-packages/salt/utils/openstack/nova.py", line 257, in __init__
**kwargs)
"/usr/lib/python2.7/dist-packages/salt/utils/openstack/nova.py", line 330, in _old_init
novaclient.auth_plugin.discover_auth_systems()
AttributeError: 'module' object has no attribute 'auth_plugin'
| Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_arrow.py", line 192, in test_hash
result = self.arrow.__hash__()
AttributeError: 'TestTestArrowRepresentation' object has no attribute 'arrow'
| 0.593919 |
Traceback (most recent call last):
"/usr/lib/python3.6/asyncio/events.py", line 145, in _run
self._callback(*self._args)
"/home/dblewett/.virtualenvs/dragnet-0UOjSQS6/lib/python3.6/site-packages/tornado/platform/asyncio.py", line 122, in _handle_events
handler_func(fileobj, events)
"/home/dblewett/.virtualenvs/dragnet-0UOjSQS6/lib/python3.6/site-packages/tornado/stack_context.py", line 300, in null_wrapper
return fn(*args, **kwargs)
"/home/dblewett/.virtualenvs/dragnet-0UOjSQS6/lib/python3.6/site-packages/tornado/netutil.py", line 262, in accept_handler
callback(connection, address)
"/home/dblewett/.virtualenvs/dragnet-0UOjSQS6/lib/python3.6/site-packages/tornado/tcpserver.py", line 263, in _handle_connection
do_handshake_on_connect=False)
"/home/dblewett/.virtualenvs/dragnet-0UOjSQS6/lib/python3.6/site-packages/tornado/netutil.py", line 573, in ssl_wrap_socket
**kwargs)
"/usr/lib/python3.6/ssl.py", line 407, in wrap_socket
_context=self, _session=session)
"/usr/lib/python3.6/ssl.py", line 770, in __init__
raise ValueError("check_hostname requires server_hostname")
ValueError: check_hostname requires server_hostname
| 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
| 0.535783 |
Traceback (most recent call last):
"/usr/local/gcloud/google-cloud-sdk/platform/gsutil/gslib/boto_translation.py", line 704, in _PerformResumableDownload
hash_algs=hash_algs)
TypeError: get_file() got an unexpected keyword argument 'hash_algs'
| Traceback (most recent call last):
"<ipython-input-12-6b36d92c4f6e>", line 1, in <module>
hl.array([hl.struct()])
"</Users/dking/miniconda3/lib/python3.7/site-packages/decorator.py:decorator-gen-970>", line 2, in array
"/Users/dking/miniconda3/lib/python3.7/site-packages/hail/typecheck/check.py", line 613, in wrapper
args_, kwargs_ = check_all(__original_func, args, kwargs, checkers, is_method=is_method)
"/Users/dking/miniconda3/lib/python3.7/site-packages/hail/typecheck/check.py", line 567, in check_all
)) from e
TypeError: array: parameter 'collection': expected expression of type set<any> or array<any> or dict<('any', 'any')>, found list: [<StructExpression of type struct{}>]
| 0.546742 |
Traceback (most recent call last):
"train.py", line 174, in <module>
print(AsciiTable(ap_table).table)
"/home/wangliyue/.conda/envs/wangliyue/lib/python3.7/site-packages/terminaltables.py", line 223, in table
padded_table_data = self.padded_table_data
"/home/wangliyue/.conda/envs/wangliyue/lib/python3.7/site-packages/terminaltables.py", line 210, in padded_table_data
column_widths = self.column_widths
"/home/wangliyue/.conda/envs/wangliyue/lib/python3.7/site-packages/terminaltables.py", line 187, in column_widths
widths[i] = max(widths[i], len(max(row[i].splitlines(), key=len)))
AttributeError: 'numpy.int32' object has no attribute 'splitlines'
| Traceback (most recent call last):
"/home/leondaz/crime_scene/venv/lib/python3.8/site-packages/promise/promise.py", line 489, in _resolve_from_executor
executor(resolve, reject)
"/home/leondaz/crime_scene/venv/lib/python3.8/site-packages/promise/promise.py", line 756, in executor
return resolve(f(*args, **kwargs))
"/home/leondaz/crime_scene/venv/lib/python3.8/site-packages/graphql/execution/middleware.py", line 75, in make_it_promise
return next(*args, **kwargs)
"/home/leondaz/crime_scene/backend/core/saleor/graphql/core/types/money.py", line 25, in resolve_amount
return quantize_price(root.amount, root.currency)
AttributeError: 'decimal.Decimal' object has no attribute 'amount'
| 0.614452 |
> Traceback (most recent call last):
"test.py", line 6, in <module>
from pyglet.window import Window
"/usr/local/lib/python3.7/site-packages/pyglet/window/__init__.py", line 648, in __init__
self._create()
"/usr/local/lib/python3.7/site-packages/pyglet/window/cocoa/__init__.py", line 197, in _create
self.context.attach(self.canvas)
"/usr/local/lib/python3.7/site-packages/pyglet/gl/cocoa.py", line 300, in attach
self._nscontext.setView_(canvas.nsview)
AttributeError: 'NoneType' object has no attribute 'setView_'
| Traceback (most recent call last):
"/usr/local/lib/python3.8/logging/handlers.py", line 631, in emit
s = self.makePickle(record)
"/usr/local/lib/python3.8/logging/handlers.py", line 603, in makePickle
s = pickle.dumps(d, 1)
AttributeError: Can't pickle local object 'FastAPI.setup.<locals>.openapi'
| 0.551477 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/state.py", line 1744, in call
**cdata['kwargs'])
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1702, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/site-packages/salt/states/x509.py", line 442, in certificate_managed
new = __salt__['x509.create_certificate'](testrun=True, **kwargs)
"/usr/lib/python2.7/site-packages/salt/modules/x509.py", line 1324, in create_certificate
arg=str(kwargs))[ca_server]
KeyError: 'kubemaster-10.0.6.167'
Started: 18:13:46.504115
| Traceback (most recent call last):
"simple_IMSI-catcher.py", line 416, in <module>
sniff(iface=options.iface, filter="port {} and not icmp and udp".format(options.port), prn=find_imsi, store=0)
"/usr/lib/python2.7/dist-packages/scapy/sendrecv.py", line 586, in sniff
r = prn(p)
"simple_IMSI-catcher.py", line 286, in find_imsi
find_cell(x)
"simple_IMSI-catcher.py", line 273, in find_cell
operator=mcc_codes[mcc]['MNC'][mnc][1]
KeyError: '10'
| 0.544128 |
Traceback (most recent call last):
"/<<PKGBUILDDIR>>/dulwich/tests/test_diff_tree.py", line 178, in test_tree_changes_no_changes
tree, tree, want_unchanged=True)
"/<<PKGBUILDDIR>>/dulwich/tests/test_diff_tree.py", line 161, in assertChangesEqual
self.assertEqual(expected, actual)
AssertionError: Lists differ: [Tree[24 chars] old=(b'a', 33188, b'43ae31d836edd668d12fb87a4[240 chars]8'))] != [Tree[24 chars] old=TreeEntry(path=b'a', mode=33188, sha=b'43[328 chars]8'))]
| Traceback (most recent call last):
"train.py", line 9, in <module>
data_loader = CreateDataLoader(opt)
"C:\Users\xiang\Downloads\pytorch-CycleGAN-and-pix2pix-master\pytorch-CycleGAN-and-pix2pix-master\data\__init__.py", line 46, in CreateDataLoader
data_loader.initialize(opt)
"C:\Users\xiang\Downloads\pytorch-CycleGAN-and-pix2pix-master\pytorch-CycleGAN-and-pix2pix-master\data\__init__.py", line 58, in initialize
self.dataset = create_dataset(opt)
"C:\Users\xiang\Downloads\pytorch-CycleGAN-and-pix2pix-master\pytorch-CycleGAN-and-pix2pix-master\data\__init__.py", line 39, in create_dataset
instance.initialize(opt)
"C:\Users\xiang\Downloads\pytorch-CycleGAN-and-pix2pix-master\pytorch-CycleGAN-and-pix2pix-master\data\unaligned_dataset.py", line 19, in initialize
self.A_paths = make_dataset(self.dir_A)
"C:\Users\xiang\Downloads\pytorch-CycleGAN-and-pix2pix-master\pytorch-CycleGAN-and-pix2pix-master\data\image_folder.py", line 26, in make_dataset
assert os.path.isdir(dir), '%s is not a valid directory' % dir
AssertionError: ./datasets/maps\trainA is not a valid directory
| 0.511596 |
Traceback (most recent call last):
"/home/users/research/openSource/scikit-learn-fork/examples/applications/plot_stock_market.py", line 225, in <module>
symbol, start_date, end_date))
"/home/users/research/openSource/scikit-learn-fork/examples/applications/plot_stock_market.py", line 85, in wrapper
return f(*args, **kwargs)
"/home/users/research/openSource/scikit-learn-fork/examples/applications/plot_stock_market.py", line 127, in quotes_historical_google
min_date = min(data['date'], default=datetime.min.date())
TypeError: min() got an unexpected keyword argument
| Traceback (most recent call last):
"/home/gsdev/dev/ninja-ide/ninja_ide/tools/ui_tools.py", line 605, in <lambda>
item_ui.triggered.connect(lambda _, func=func: func())
"/home/gsdev/dev/ninja-ide/ninja_ide/gui/explorer/tabs/tree_projects_widget.py", line 165, in open_project_folder
self._open_project_folder(folderName)
"/home/gsdev/dev/ninja-ide/ninja_ide/gui/explorer/tabs/tree_projects_widget.py", line 171, in _open_project_folder
qfsm = ninjaide.filesystem.open_project(project)
"/home/gsdev/dev/ninja-ide/ninja_ide/core/file_handling/nfilesystem.py", line 52, in open_project
project.model = qfsm
"/home/gsdev/dev/ninja-ide/ninja_ide/gui/explorer/nproject.py", line 125, in model
self.__model.setNameFilters(self.extensions)
TypeError: setNameFilters(self, Iterable[str]): argument 1 has unexpected type 'NoneType'
| 0.545843 |
Traceback (most recent call last):
"/usr/local/bin/scrapyd-deploy", line 292, in <module>
main()
"/usr/local/bin/scrapyd-deploy", line 81, in main
projects = json.loads(f.read())['projects']
"/usr/lib/python3.4/json/__init__.py", line 312, in loads
s.__class__.__name__))
TypeError: the JSON object must be str, not 'bytes'
| Traceback (most recent call last):
"/home/T1/train.py", line 73, in <module>
main(config)
"/home/T1/train.py", line 54, in main
trainer.train()
"/home/T1/base/base_trainer.py", line 63, in train
result = self._train_epoch(epoch)
"/home/T1/trainer/trainer.py", line 72, in _train_epoch
self.lr_scheduler.step()
TypeError: step() missing 1 required positional argument: 'metrics'
| 0.509455 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/home/anders/python/isort/isort/main.py", line 647, in main
config = Config(**config_dict)
"/home/anders/python/isort/isort/settings.py", line 329, in __init__
super().__init__(sources=tuple(sources), **combined_config)
# type: ignore
TypeError: __init__() got an unexpected keyword argument 'source_paths'
| Traceback (most recent call last):
"/Users/dan/Mylar/mylar/logger.py", line 337, in new_run
old_run(*args, **kwargs)
"/usr/local/Cellar/python@2/2.7.15_1/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"/Users/dan/Mylar/mylar/PostProcessor.py", line 1314, in Process
if dupthis['action'] == 'dupe_src' or dupthis['action'] == 'dupe_file':
TypeError: 'NoneType' object has no attribute '__getitem__'
| 0.595847 |
Traceback (most recent call last):
"createPod.py", line 17, in <module>
rtn = v1.create_namespaced_pod(body = yamlVal, namespace = "default")
"/usr/local/python3/lib/python3.7/site-packages/kubernetes/client/api/core_v1_api.py", line 7320, in create_namespaced_pod
return self.create_namespaced_pod_with_http_info(namespace, body, **kwargs)
# noqa: E501
"/usr/local/python3/lib/python3.7/site-packages/kubernetes/client/api/core_v1_api.py", line 7429, in create_namespaced_pod_with_http_info
collection_formats=collection_formats)
"/usr/local/python3/lib/python3.7/site-packages/kubernetes/client/api_client.py", line 353, in call_api
_preload_content, _request_timeout, _host)
"/usr/local/python3/lib/python3.7/site-packages/kubernetes/client/api_client.py", line 170, in __call_api
body = self.sanitize_for_serialization(body)
"/usr/local/python3/lib/python3.7/site-packages/kubernetes/client/api_client.py", line 238, in sanitize_for_serialization
for attr, _ in six.iteritems(obj.openapi_types)
AttributeError: 'generator' object has no attribute 'openapi_types'
| Traceback (most recent call last):
"/root/xufangbin/YOLO_mask_detect/train.py", line 89, in <module>
model.load_state_dict(torch.load(opt.pretrained_weights))
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 803, in load_state_dict
state_dict = state_dict.copy()
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 576, in __getattr__
type(self).__name__, name))
AttributeError: 'Darknet' object has no attribute 'copy'
| 0.657506 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/ansible/executor/task_executor.py", line 126, in run
display.debug("_execute() done")
"/usr/lib/python2.7/site-packages/ansible/executor/task_executor.py", line 502, in _execute
retries = 1
"/usr/lib/python2.7/site-packages/ansible/plugins/action/normal.py", line 45, in run
results = merge_hash(results, self._execute_module(tmp=tmp, task_vars=task_vars, wrap_async=wrap_async))
TypeError: _execute_module() got an unexpected keyword argument 'wrap_async'
| >>> Traceback (most recent call last):
"/Users/ba/opt/anaconda3/envs/spyder/lib/python3.8/site-packages/spyder/plugins/editor/widgets/status.py", line 113, in process_git_data
branches, branch, files_modified = output
TypeError: cannot unpack non-iterable NoneType object
| 0.574817 |
Traceback (most recent call last):
"/usr/lib/python3.5/socketserver.py", line 440, in __init__
self.server_bind()
"/usr/lib/python3.5/http/server.py", line 138, in server_bind
socketserver.TCPServer.server_bind(self)
"/usr/lib/python3.5/socketserver.py", line 454, in server_bind
self.socket.bind(self.server_address)
OSError: [Errno 98] Address already in use
| Traceback (most recent call last):
"F:\anaconda3\envs\myenv\lib\site-packages\spyder\plugins\completion\languageserver\plugin.py", line 169, in <lambda>
timer.timeout.connect(lambda: self.restart_lsp(language))
"F:\anaconda3\envs\myenv\lib\site-packages\spyder\plugins\completion\languageserver\plugin.py", line 98, in restart_lsp
self.restart_client(language, client_config)
"F:\anaconda3\envs\myenv\lib\site-packages\spyder\plugins\completion\languageserver\plugin.py", line 462, in restart_client
self.start_client(language)
"F:\anaconda3\envs\myenv\lib\site-packages\spyder\plugins\completion\languageserver\plugin.py", line 388, in start_client
language_client['instance'].start()
"F:\anaconda3\envs\myenv\lib\site-packages\spyder\plugins\completion\languageserver\client.py", line 263, in start
env=new_env)
"F:\anaconda3\envs\myenv\lib\subprocess.py", line 800, in __init__
restore_signals, start_new_session)
"F:\anaconda3\envs\myenv\lib\subprocess.py", line 1207, in _execute_child
startupinfo)
OSError: [WinError 87] The parameter is incorrect
| 0.563999 |
Traceback (most recent call last):
"main.py", line 4, in <module>
client = get_client_from_cli_profile(StorageClient)
"<>/lib/python3.7/site-packages/azure/common/client_factory.py", line 100, in get_client_from_cli_profile
return _instantiate_client(client_class, **parameters)
"<>/lib/python3.7/site-packages/azure/common/client_factory.py", line 35, in _instantiate_client
return client_class(**kwargs)
TypeError: __init__() got an unexpected keyword argument 'credentials'
| Traceback (most recent call last):
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 2463, in __call__
return self.wsgi_app(environ, start_response)
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 2449, in wsgi_app
response = self.handle_exception(e)
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 1866, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/_compat.py", line 39, in reraise
raise value
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 2446, in wsgi_app
response = self.full_dispatch_request()
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 1951, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 1820, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/_compat.py", line 39, in reraise
raise value
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
"/home/fradeve/.pyenv/versions/3.7.3/envs/contextualise/lib/python3.7/site-packages/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/fradeve/contextualise/contextualise/topic.py", line 68, in view
resolve_attributes=RetrievalMode.RESOLVE_ATTRIBUTES,
TypeError: get_topic() got an unexpected keyword argument 'scope'
| 0.643918 |
Traceback (most recent call last):
"CellProfiler\cellprofiler\modules\__init__.py", line 321, in add_module
"c:\users\admini~1\appdata\local\temp\2\pip-build-wsqbac\pyinstaller\PyInstaller\loader\pyimod03_importers.py", line 389, in load_module
"CellProfiler\cellprofiler\modules\identifyobjectsingrid.py", line 65, in <module>
"c:\users\admini~1\appdata\local\temp\2\pip-build-wsqbac\pyinstaller\PyInstaller\loader\pyimod03_importers.py", line 389, in load_module
"CellProfiler\cellprofiler\modules\_help.py", line 235, in <module>
"CellProfiler\cellprofiler\modules\_help.py", line 223, in __image_resource
"ntpath.py", line 529, in relpath
ValueError: path is on drive E:, start on drive C:
| Traceback (most recent call last):
"pyglui/ui_elements.pxi", line 386, in pyglui.ui.Selector._on_change
ValueError: <gaze_producer.model.calibration.Calibration object at 0x13c2955d0> is not in list
| 0.498358 |
Traceback (most recent call last):
"/usr/bin/openshot-qt", line 11, in <module>
load_entry_point('openshot-qt==2.5.1.dev2', 'gui_scripts', 'openshot-qt')()
"/usr/lib/python3/dist-packages/openshot_qt/launch.py", line 97, in main
app = OpenShotApp(argv)
"/usr/lib/python3/dist-packages/openshot_qt/classes/app.py", line 220, in __init__
from windows.main_window import MainWindow
"/usr/lib/python3/dist-packages/openshot_qt/windows/main_window.py", line 45, in <module>
from windows.views.timeline_webview import TimelineWebView
"/usr/lib/python3/dist-packages/openshot_qt/windows/views/timeline_webview.py", line 42, in <module>
from PyQt5.QtWebKitWidgets import QWebView
ImportError: /lib/x86_64-linux-gnu/libQt5Network.so.5: undefined symbol: _ZN15QIPAddressUtils8toStringER7QStringPh, version Qt_5
| Traceback (most recent call last):
"/usr/lib/python2.7/SocketServer.py", line 295, in _handle_request_noblock
self.process_request(request, client_address)
"/usr/lib/python2.7/SocketServer.py", line 321, in process_request
self.finish_request(request, client_address)
"/usr/lib/python2.7/SocketServer.py", line 334, in finish_request
self.RequestHandlerClass(request, client_address, self)
"build/bdist.linux-x86_64/egg/rasa_nlu/visualize.py", line 14, in <lambda>
"build/bdist.linux-x86_64/egg/rasa_nlu/visualize.py", line 27, in __init__
"/usr/lib/python2.7/SocketServer.py", line 655, in __init__
self.handle()
"/usr/lib/python2.7/BaseHTTPServer.py", line 340, in handle
self.handle_one_request()
"/usr/lib/python2.7/BaseHTTPServer.py", line 328, in handle_one_request
method()
"build/bdist.linux-x86_64/egg/rasa_nlu/visualize.py", line 37, in do_GET
"build/bdist.linux-x86_64/egg/rasa_nlu/training_data.py", line 25, in __init__
from rasa_nlu.tokenizers.mitie_tokenizer import MITIETokenizer
"build/bdist.linux-x86_64/egg/rasa_nlu/tokenizers/mitie_tokenizer.py", line 1, in <module>
ImportError: No module named mitie
| 0.600581 |
Traceback (most recent call last):
"/home/ventaquil/Git/project/package/__main__.py", line 86, in <module>
sys.exit(main())
"/home/ventaquil/Git/project/package/__main__.py", line 67, in main
container.wire(modules=[http, manager, socketio], packages=[model])
"src/dependency_injector/containers.pyx", line 222, in dependency_injector.containers.DynamicContainer.wire
"/home/ventaquil/Git/project/cluster/venv/lib/python3.9/site-packages/dependency_injector/wiring.py", line 230, in wire
_patch_method(member, method_name, method, providers_map)
"/home/ventaquil/Git/project/venv/lib/python3.9/site-packages/dependency_injector/wiring.py", line 302, in _patch_method
reference_injections, reference_closing = _fetch_reference_injections(fn)
"/home/ventaquil/Git/project/venv/lib/python3.9/site-packages/dependency_injector/wiring.py", line 336, in _fetch_reference_injections
signature = inspect.signature(fn)
"/usr/lib/python3.9/inspect.py", line 3118, in signature
return Signature.from_callable(obj, follow_wrapped=follow_wrapped)
"/usr/lib/python3.9/inspect.py", line 2867, in from_callable
return _signature_from_callable(obj, sigcls=cls,
"/usr/lib/python3.9/inspect.py", line 2398, in _signature_from_callable
raise ValueError(
ValueError: no signature found for builtin type <class 'types.GenericAlias'>
|
Traceback (most recent call last):
"<stdin>", line 2, in <module>
"/usr/local/lib/python3.5/dist-packages/plotnine/ggplot.py", line 84, in __repr__
self.draw()
"/usr/local/lib/python3.5/dist-packages/plotnine/ggplot.py", line 141, in draw
self._build()
"/usr/local/lib/python3.5/dist-packages/plotnine/ggplot.py", line 264, in _build
layout.setup_panel_params(self.coordinates)
"/usr/local/lib/python3.5/dist-packages/plotnine/facets/layout.py", line 183, in setup_panel_params
self.panel_scales_y[j])
"/usr/local/lib/python3.5/dist-packages/plotnine/coords/coord_cartesian.py", line 68, in setup_panel_params
out.update(train(scale_y, self.limits.xlim, 'y'))
"/usr/local/lib/python3.5/dist-packages/plotnine/coords/coord_cartesian.py", line 57, in train
out = scale.break_info(rangee)
"/usr/local/lib/python3.5/dist-packages/plotnine/scales/scale.py", line 535, in break_info
labels = self.get_labels(major)
"/usr/local/lib/python3.5/dist-packages/plotnine/scales/scale.py", line 629, in get_labels
labels = self.trans.format(breaks)
"/usr/local/lib/python3.5/dist-packages/mizani/formatters.py", line 378, in _log_format
dmin = np.log(np.min(x))/np.log(base)
"/usr/lib/python3/dist-packages/numpy/core/fromnumeric.py", line 2352, in amin
out=out, **kwargs)
"/usr/lib/python3/dist-packages/numpy/core/_methods.py", line 29, in _amin
return umr_minimum(a, axis, None, out, keepdims)
ValueError: zero-size array to reduction operation minimum which has no identity
| 0.577036 |
Traceback (most recent call last):
"/data2/wangfuyu/NQ/ycl/SMRCToolkit-master/sogou_mrc/model/base_model.py", line 21, in __del__
self.session.close()
AttributeError: 'BertCoQA' object has no attribute 'session'
| Traceback (most recent call last):
"/home/phil/.local/bin/buildozer", line 8, in <module>
sys.exit(main())
"/home/phil/.local/lib/python3.8/site-packages/buildozer/scripts/client.py", line 13, in main
Buildozer().run_command(sys.argv[1:])
"/home/phil/.local/lib/python3.8/site-packages/buildozer/__init__.py", line 1053, in run_command
self.run_default()
"/home/phil/.local/lib/python3.8/site-packages/buildozer/__init__.py", line 1026, in run_default
self.run_command(cmd)
"/home/phil/.local/lib/python3.8/site-packages/buildozer/__init__.py", line 1071, in run_command
self.target.run_commands(args)
"/home/phil/.local/lib/python3.8/site-packages/buildozer/target.py", line 92, in run_commands
func(args)
"/home/phil/.local/lib/python3.8/site-packages/buildozer/target.py", line 102, in cmd_debug
self.buildozer.prepare_for_build()
"/home/phil/.local/lib/python3.8/site-packages/buildozer/__init__.py", line 178, in prepare_for_build
self.target.install_platform()
"/home/phil/.local/lib/python3.8/site-packages/buildozer/targets/android.py", line 666, in install_platform
self._install_android_ndk()
"/home/phil/.local/lib/python3.8/site-packages/buildozer/targets/android.py", line 411, in _install_android_ndk
_version = re.search('(.+?)[a-z]', self.android_ndk_version).group(1)
AttributeError: 'NoneType' object has no attribute 'group'
| 0.577368 |
Traceback (most recent call last):
"/home/noor/.config/xonsh/xonsh/xonsh/events.py", line 248, in _call
handler(**self._kwargs)
"/home/noor/.config/xonsh/user_xsh/evnt_hooks/keybindings/bindings.py", line 23, in custom_keybindings
handler = bindings.add
AttributeError: '_MergedKeyBindings' object has no attribute 'add'
| Traceback (most recent call last):
"/usr/local/bin/bandcamp-dl", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.5/dist-packages/bandcamp_dl/__main__.py", line 91, in main
album = bandcamp.parse(url, True, arguments['--embed-lyrics'], arguments['--debug'])
"/usr/local/lib/python3.5/dist-packages/bandcamp_dl/bandcamp.py", line 40, in parse
bandcamp_json = BandcampJSON(self.soup, debugging).generate()
"/usr/local/lib/python3.5/dist-packages/bandcamp_dl/bandcampjson.py", line 25, in generate
self.js_to_json()
"/usr/local/lib/python3.5/dist-packages/bandcamp_dl/bandcampjson.py", line 50, in js_to_json
self.get_js()
"/usr/local/lib/python3.5/dist-packages/bandcamp_dl/bandcampjson.py", line 37, in get_js
self.js_data = self.body.find("script", {"src": False}, text=re.compile(self.target)).string
AttributeError: 'NoneType' object has no attribute 'string' | 0.602096 |
Traceback (most recent call last):
"inference.py", line 78, in face_detect
predictions.extend(detector.get_detections_for_batch(np.array(images[i:i + batch_size])))
"/content/Wav2Lip/face_detection/api.py", line 66, in get_detections_for_batch
detected_faces = self.face_detector.detect_from_batch(images.copy())
"/content/Wav2Lip/face_detection/detection/sfd/sfd_detector.py", line 42, in detect_from_batch
bboxlists = batch_detect(self.face_detector, images, device=self.device)
"/content/Wav2Lip/face_detection/detection/sfd/detect.py", line 68, in batch_detect
imgs = torch.from_numpy(imgs).to(device, dtype=torch.float32)
RuntimeError: CUDA error: an illegal memory access was encountered
| Traceback (most recent call last):
"/home/adamjermyn/miniconda3/bin/dask-mpi", line 11, in <module>
sys.exit(go())
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/distributed/cli/dask_mpi.py", line 101, in go
main()
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/distributed/cli/dask_mpi.py", line 96, in main
loop.run_sync(close)
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/tornado/ioloop.py", line 571, in run_sync
self.start()
"/home/adamjermyn/miniconda3/lib/python3.6/site-packages/tornado/platform/asyncio.py", line 132, in start
self.asyncio_loop.run_forever()
"/home/adamjermyn/miniconda3/lib/python3.6/asyncio/base_events.py", line 412, in run_forever
self._check_closed()
"/home/adamjermyn/miniconda3/lib/python3.6/asyncio/base_events.py", line 366, in _check_closed
raise RuntimeError('Event loop is closed')
RuntimeError: Event loop is closed
| 0.52832 |
Traceback (most recent call last):
"/Users/michael/miniconda3/envs/allennlp/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/Users/michael/miniconda3/envs/allennlp/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/Users/michael/hack/allenai/allennlp/allennlp/service/server_simple.py", line 716, in <module>
main(sys.argv[1:])
"/Users/michael/hack/allenai/allennlp/allennlp/service/server_simple.py", line 140, in main
archive = load_archive(args.archive_path or 'tests/fixtures/bidaf/serialization/model.tar.gz')
"/Users/michael/hack/allenai/allennlp/allennlp/models/archival.py", line 106, in load_archive
archive_file = cached_path(archive_file)
"/Users/michael/hack/allenai/allennlp/allennlp/common/file_utils.py", line 86, in cached_path
raise
NotFoundError("file {} not found".format(url_or_filename))
NotFoundError: file tests/fixtures/bidaf/serialization/model.tar.gz not found
| Traceback (most recent call last):
"/home/daniel/.local/bin/pipenv", line 11, in <module>
sys.exit(cli())
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/cli.py", line 1865, in install
do_init(dev=dev, allow_global=system, ignore_pipfile=ignore_pipfile, system=system, skip_lock=skip_lock, verbose=verbose, concurrent=concurrent, deploy=deploy, pre=pre)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/cli.py", line 1311, in do_init
do_lock(system=system, pre=pre)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/cli.py", line 1102, in do_lock
pre=pre
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/utils.py", line 557, in resolve_deps
resolved_tree = actually_resolve_reps(deps, index_lookup, markers_lookup, project, sources, verbose, clear, pre)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/utils.py", line 507, in actually_resolve_reps
resolved_tree.update(resolver.resolve(max_rounds=PIPENV_MAX_ROUNDS))
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/piptools/resolver.py", line 102, in resolve
has_changed, best_matches = self._resolve_one_round()
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/piptools/resolver.py", line 200, in _resolve_one_round
for dep in self._iter_dependencies(best_match):
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/piptools/resolver.py", line 274, in _iter_dependencies
for dependency in self.repository.get_dependencies(ireq):
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/piptools/repositories/pypi.py", line 153, in get_dependencies
result = reqset._prepare_file(self.finder, ireq)
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/pip/req/req_set.py", line 523, in _prepare_file
abstract_dist.prep_for_dist()
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/pip/req/req_set.py", line 134, in prep_for_dist
self.req_to_install.run_egg_info()
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/pip/req/req_install.py", line 438, in run_egg_info
command_desc='python setup.py egg_info')
"/home/daniel/.local/lib/python3.6/site-packages/pipenv/patched/pip/utils/__init__.py", line 667, in call_subprocess
cwd=cwd, env=env)
"/usr/lib/python3.6/subprocess.py", line 709, in __init__
restore_signals, start_new_session)
"/usr/lib/python3.6/subprocess.py", line 1344, in _execute_child
raise child_exception_type(errno_num, err_msg, err_filename)
NotFoundError: [Errno 2] No such file or directory: '"/usr/bin/python3"': '"/usr/bin/python3"'
| 0.60284 |
Error: Traceback (most recent call last):
"/Applications/Develop/Armory/blender.app/Contents/Resources/2.78/scripts/addons/armory.py", line 246, in execute
start.register()
"/Applications/Develop/Armory/blender.app//armsdk//armory/blender/start.py", line 34, in register
arm.nodes_renderpath.register()
"/Applications/Develop/Armory/blender.app//armsdk//armory/blender/arm/nodes_renderpath.py", line 933, in register
bpy.utils.register_class(SSResolveNode)
ValueError: register_class(...): already registered as a subclass
| E 2020-01-27 17:05:10,431 yowsup.layers.network.dispatcher.dispatcher_asyncore - Traceback (most recent call last):
"/usr/lib/python2.7/asyncore.py", line 83, in read
obj.handle_read_event()
"/usr/lib/python2.7/asyncore.py", line 449, in handle_read_event
self.handle_read()
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/network/dispatcher/dispatcher_asyncore.py", line 48, in handle_read
self.connectionCallbacks.onRecvData(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/network/layer.py", line 100, in onRecvData
self.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/network/layer.py", line 103, in receive
self.toUpper(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/noise/layer_noise_segments.py", line 39, in receive
self.toUpper(bytes(data))
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/noise/layer.py", line 156, in receive
self._flush_incoming_buffer()
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/noise/layer.py", line 144, in _flush_incoming_buffer
self.toUpper(self._wa_noiseprotocol.receive())
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/layer.py", line 21, in receive
self.toUpper(node)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/logger/layer.py", line 14, in receive
self.toUpper(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/axolotl/layer_control.py", line 35, in receive
self.toUpper(protocolTreeNode)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 194, in receive
s.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 34, in receive
self.toUpper(protocolTreeNode)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 194, in receive
s.receive(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 130, in receive
recv(node)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/protocol_notifications/layer.py", line 43, in recvNotification
self.toLower(ack.toProtocolTreeNode())
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 198, in send
s.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/axolotl/layer_send.py", line 39, in send
self.toLower(node)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/axolotl/layer_control.py", line 22, in send
self.toLower(node)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/logger/layer.py", line 9, in send
self.toLower(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/layer.py", line 16, in send
self.write(self.writer.protocolTreeNodeToBytes(data))
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/encoder.py", line 8, in protocolTreeNodeToBytes
self.writeInternal(node, outBytes)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/encoder.py", line 23, in writeInternal
self.writeAttributes(node.attributes, data);
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/encoder.py", line 39, in writeAttributes
self.writeString(value, data, True);
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/encoder.py", line 122, in writeString
self.writeToken(index, data)
"/usr/local/lib/python2.7/dist-packages/yowsup/layers/coder/encoder.py", line 113, in writeToken
raise ValueError("Invalid token: %s" % token)
ValueError: Invalid token: 292
| 0.531379 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/opt/conda/envs/rapids/lib/python3.6/site-packages/mars/core.py", line 580, in execute
self._data.execute(session, **kw)
"/opt/conda/envs/rapids/lib/python3.6/site-packages/mars/core.py", line 370, in execute
session.run(self, **kw)
"/opt/conda/envs/rapids/lib/python3.6/site-packages/mars/session.py", line 461, in run
result = self._sess.run(*tileables, **kw)
"/opt/conda/envs/rapids/lib/python3.6/site-packages/mars/session.py", line 99, in run
raise RuntimeError('No GPU found for execution')
RuntimeError: No GPU found for execution
| Traceback (most recent call last):
"C:\Python36\lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"C:\Python36\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\pytorch-a2c-ppo\scripts\train.py", line 157, in <module>
logs = algo.update_parameters()
"c:\pytorch-a2c-ppo\torch_rl\torch_rl\algos\ppo.py", line 32, in update_parameters
exps, logs = self.collect_experiences()
"c:\pytorch-a2c-ppo\torch_rl\torch_rl\algos\base.py", line 131, in collect_experiences
dist, value, memory = self.acmodel(preprocessed_obs, self.memory * self.mask.unsqueeze(1))
"C:\Python36\lib\site-packages\torch\nn\modules\module.py", line 477, in __call__
result = self.forward(*input, **kwargs)
"C:\pytorch-a2c-ppo\model.py", line 94, in forward
x = self.actor(embedding)
"C:\Python36\lib\site-packages\torch\nn\modules\module.py", line 477, in __call__
result = self.forward(*input, **kwargs)
"C:\Python36\lib\site-packages\torch\nn\modules\container.py", line 91, in forward
input = module(input)
"C:\Python36\lib\site-packages\torch\nn\modules\module.py", line 477, in __call__
result = self.forward(*input, **kwargs)
"C:\Python36\lib\site-packages\torch\nn\modules\linear.py", line 55, in forward
return F.linear(input, self.weight, self.bias)
"C:\Python36\lib\site-packages\torch\nn\functional.py", line 1024, in linear
return torch.addmm(bias, input, weight.t())
RuntimeError: size mismatch, m1: [16 x 1600], m2: [64 x 64] at c:\new-builder_2\win-wheel\pytorch\aten\src\th\generic/THTensorMath.cpp:2070
| 0.566359 |
Traceback (most recent call last):
"/var/task/c7n/policy.py", line 261, in run
results = a.process(resources)
"/var/task/c7n/resources/ec2.py", line 1347, in process
raise err
"/var/lang/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/var/task/c7n/resources/ec2.py", line 1362, in process_volume_set
result = self.manager.retry(client.create_snapshots, **params)
"/var/runtime/botocore/client.py", line 563, in __getattr__
self.__class__.__name__, item)
AttributeError: 'EC2' object has no attribute 'create_snapshots'
| Traceback (most recent call last):
"/Applications/Komodo IDE 11.app/Contents/Resources/python/xpcom/server/policy.py", line 274, in _CallMethod_
ret = getattr(self._obj_, name) # Let attribute error go here!
"/Applications/Komodo IDE 11.app/Contents/Resources/components/ko
Ex.py", line 72, in __getattr__
raise AttributeError, attr
AttributeError: sccType
| 0.599002 |
Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/lutris/gui/installerwindow.py", line 401, in on_download_complete
self.interpreter.iter_game_files()
"/usr/lib/python3.7/site-packages/lutris/installer/interpreter.py", line 294, in iter_game_files
self._download_file(current_file)
"/usr/lib/python3.7/site-packages/lutris/installer/interpreter.py", line 312, in _download_file
filename = game_file[file_id]['filename']
KeyError: 'filename'
| Traceback (most recent call last):
"/usr/local/bin/instaloader", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python3.7/site-packages/instaloader/__main__.py", line 443, in main
storyitem_filter_str=args.storyitem_filter)
"/usr/local/lib/python3.7/site-packages/instaloader/__main__.py", line 151, in _main
profile_pic=download_profile_pic, posts=download_posts)
"/usr/local/lib/python3.7/site-packages/instaloader/instaloader.py", line 969, in download_hashtag
self.download_hashtag_profilepic(hashtag)
"/usr/local/lib/python3.7/site-packages/instaloader/instaloader.py", line 435, in download_hashtag_profilepic
self.download_title_pic(hashtag.profile_pic_url, '#' + hashtag.name, 'profile_pic', None)
"/usr/local/lib/python3.7/site-packages/instaloader/instaloader.py", line 79, in call
return func(instaloader, *args, **kwargs)
"/usr/local/lib/python3.7/site-packages/instaloader/instaloader.py", line 408, in download_title_pic
filename = self.format_filename_within_target_path(target, owner_profile, pic_identifier, name_suffix, 'jpg')
"/usr/local/lib/python3.7/site-packages/instaloader/instaloader.py", line 382, in format_filename_within_target_path
return os.path.join(self.dirname_pattern.format(profile=profile_str, target=target),
KeyError: 'date_utc'
| 0.580855 |
Traceback (most recent call last):
"object_detection/builders/model_builder_test.py", line 23, in <module>
from object_detection.builders import model_builder
"/usr/local/lib/python2.7/dist-packages/object_detection-0.1-py2.7.egg/object_detection/builders/model_builder.py", line 46, in <module>
from object_detection.models.ssd_mobilenet_v1_fpn_feature_extractor import SSDMobileNetV1FpnFeatureExtractor
"/usr/local/lib/python2.7/dist-packages/object_detection-0.1-py2.7.egg/object_detection/models/ssd_mobilenet_v1_fpn_feature_extractor.py", line 38, in <module>
_CONV_DEFS = _create_modified_mobilenet_config()
"/usr/local/lib/python2.7/dist-packages/object_detection-0.1-py2.7.egg/object_detection/models/ssd_mobilenet_v1_fpn_feature_extractor.py", line 34, in _create_modified_mobilenet_config
conv_defs = copy.copy(mobilenet_v1.MOBILENETV1_CONV_DEFS)
AttributeError: 'module' object has no attribute 'MOBILENETV1_CONV_DEFS'
|
Traceback (most recent call last):
"<frozen importlib._bootstrap>", line 2218, in _find_and_load_unlocked
AttributeError: 'module' object has no attribute '__path__' | 0.638594 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"test.py", line 3, in init test
@dataclasses.dataclass()
"/usr/lib/python3.8/dataclasses.py", line 1011, in wrap
return _process_class(cls, init, repr, eq, order, unsafe_hash, frozen)
"/usr/lib/python3.8/dataclasses.py", line 885, in _process_class
raise TypeError(f'{name!r} is a field but has no type annotation')
TypeError: 'bar' is a field but has no type annotation
| Traceback (most recent call last):
"/usr/lib64/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"/usr/lib64/python3.6/threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"/home/kususer/.local/pipx/venvs/virtualenv/lib64/python3.6/site-packages/virtualenv/seed/wheels/periodic_update.py", line 342, in _run_manual_upgrade
periodic=False,
"/home/kususer/.local/pipx/venvs/virtualenv/lib64/python3.6/site-packages/virtualenv/seed/wheels/periodic_update.py", line 207, in do_update
versions = _run_do_update(app_data, distribution, embed_filename, for_py_version, periodic, search_dirs)
"/home/kususer/.local/pipx/venvs/virtualenv/lib64/python3.6/site-packages/virtualenv/seed/wheels/periodic_update.py", line 237, in _run_do_update
to_folder=wheelhouse,
TypeError: download_wheel() missing 1 required positional argument: 'env'
| 0.568183 |
Traceback (most recent call last):
"/usr/share/retext/ReText/tab.py", line 156, in updatePreviewBox
html = self.getHtml()
"/usr/share/retext/ReText/tab.py", line 142, in getHtml
return self.markup.get_whole_html(text,
AttributeError: 'MarkdownMarkup' object has no attribute 'get_whole_html'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.528278 |
Traceback (most recent call last):
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"trader.py", line 327, in action
buyPrice = lastBid + option.increasing
TypeError: unsupported operand type(s) for +: 'NoneType' and 'float'
| Traceback (most recent call last):
"src/update_statistic.py", line 48, in <module>
sys.exit(main())
"src/update_statistic.py", line 38, in main
updater.update_all_stats()
"/home/fact_restricted/git/FACT_core_github/src/statistic/update.py", line 44, in update_all_stats
self.db.update_statistic('ips_and_uris', self._get_ip_stats())
"/home/fact_restricted/git/FACT_core_github/src/statistic/update.py", line 296, in _get_ip_stats
stats['ips_v4'] = self._get_objects_and_count_of_occurrence_firmware_and_file_db('$processed_analysis.ip_and_uri_finder.ips_v4', unwind=True, sumup_function=sum_up_nested_lists)
"/home/fact_restricted/git/FACT_core_github/src/statistic/update.py", line 356, in _get_objects_and_count_of_occurrence_firmware_and_file_db
combined_result = sum_up_lists(result_firmwares, result_files)
"/home/fact_restricted/git/FACT_core_github/src/helperFunctions/merge_generators.py", line 46, in sum_up_lists
_add_list_to_dict(list_a, tmp)
"/home/fact_restricted/git/FACT_core_github/src/helperFunctions/merge_generators.py", line 18, in _add_list_to_dict
if item[0] in input_dict.keys():
TypeError: unhashable type: 'list'
| 0.637401 |
Traceback (most recent call last):
"wikidata_train_entity_linker.py", line 173, in <module>
plac.call(main)
"C:\Users\Admin\Anaconda3\envs\spacy_nlu\lib\site-packages\plac_core.py", line 367, in call
cmd, result = parser.consume(arglist)
"C:\Users\Admin\Anaconda3\envs\spacy_nlu\lib\site-packages\plac_core.py", line 232, in consume
return cmd, self.func(*(args + varargs + extraopts), **kwargs)
"wikidata_train_entity_linker.py", line 117, in main
measure_performance(dev_data, kb, el_pipe, baseline=True, context=False, dev_limit=len(dev_indices))
TypeError: measure_performance() got an unexpected keyword argument 'dev_limit' | Traceback (most recent call last):
"train.py", line 32, in <module>
shuffle=True)
"/data/wangly/python3/transformer/data_load.py", line 147, in get_batch
batches = input_fn(sents1, sents2, vocab_fpath, batch_size, shuffle=shuffle)
"/data/wangly/python3/transformer/data_load.py", line 121, in input_fn
output_types=types,args=(sents1, sents2, vocab_fpath))
# <- arguments for generator_fn. converted to np string arrays
TypeError: from_generator() got an unexpected keyword argument 'args' | 0.534133 |
Traceback (most recent call last):
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/worker/__init__.py", line 206, in start
self.blueprint.start(self)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/bootsteps.py", line 123, in start
step.start(parent)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/bootsteps.py", line 374, in start
return self.obj.start()
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/worker/consumer.py", line 280, in start
blueprint.start(self)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/bootsteps.py", line 123, in start
step.start(parent)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/worker/consumer.py", line 655, in start
c.connection, on_decode_error=c.on_decode_error,
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/celery/app/amqp.py", line 385, in __init__
**kw
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/messaging.py", line 364, in __init__
self.revive(self.channel)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/messaging.py", line 376, in revive
self.declare()
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/messaging.py", line 386, in declare
queue.declare()
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/entity.py", line 522, in declare
self.queue_declare(nowait, passive=False)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/entity.py", line 548, in queue_declare
nowait=nowait)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/transport/virtual/__init__.py", line 446, in queue_declare
self._new_queue(queue, **kwargs)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/transport/django/__init__.py", line 36, in _new_queue
self.Queue.objects.get_or_create(name=queue)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/utils/__init__.py", line 325, in __get__
value = obj.__dict__[self.__name__] = self.__get(obj)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/transport/django/__init__.py", line 66, in Queue
return symbol_by_name(self.queue_model)
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/utils/__init__.py", line 96, in symbol_by_name
module = imp(module_name, package=package, **kwargs)
"/home/lujianxin/VirtualEnvs/ljx/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
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/transport/django/models.py", line 24, in <module>
class Message(models.Model):
"/home/lujianxin/VirtualEnvs/ljx/lib/python3.6/site-packages/kombu/transport/django/models.py", line 29, in Message
queue = models.ForeignKey(Queue, related_name='messages')
TypeError: __init__() missing 1 required positional argument: 'on_delete'
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/NEMbox/__main__.py", line 37, in start
nembox_menu.start_fork(version)
"/usr/local/lib/python2.7/dist-packages/NEMbox/menu.py", line 223, in start_fork
Menu().start()
"/usr/local/lib/python2.7/dist-packages/NEMbox/menu.py", line 589, in start
args=(s['song_id'], s['song_name'], s['artist'], s['mp3_url'])
TypeError: string indices must be integers
| 0.534087 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/NEMbox/__init__.py", line 26, in start
nembox_menu.start_fork(version)
"/usr/local/lib/python2.7/dist-packages/NEMbox/menu.py", line 176, in start_fork
Menu().start()
"/usr/local/lib/python2.7/dist-packages/NEMbox/menu.py", line 328, in start
self.dispatch_enter(idx)
"/usr/local/lib/python2.7/dist-packages/NEMbox/menu.py", line 685, in dispatch_enter
hotcomments = comments['hotComments']
TypeError: list indices must be integers, not unicode
| Traceback (most recent call last):
"bug.py", line 4, in <module>
dataset = loader.featurize('test.csv',shard_size=8192)
"/home/lmmd_wz/anaconda3/envs/deepchem/lib/python3.5/site-packages/deepchem/data/data_loader.py", line 222, in featurize
shard_generator(), data_dir, self.tasks, verbose=self.verbose)
"/home/lmmd_wz/anaconda3/envs/deepchem/lib/python3.5/site-packages/deepchem/data/datasets.py", line 461, in create_dataset
for shard_num, (X, y, w, ids) in enumerate(shard_generator):
"/home/lmmd_wz/anaconda3/envs/deepchem/lib/python3.5/site-packages/deepchem/data/data_loader.py", line 209, in shard_generator
assert len(X) == len(ids) == len(y) == len(w)
TypeError: len() of unsized object
| 0.542593 |
Traceback (most recent call last):
"indexClass.py", line 1, in <module>
from ask_sdk.standard import StandardSkillBuilder
"/path/to/ask_sdk/standard.py", line 18, in <module>
import typing
"/path/to/typing.py", line 1356, in <module>
class Callable(extra=collections_abc.Callable, metaclass=CallableMeta):
"/path/to/typing.py", line 1004, in __new__
self._abc_registry = extra._abc_registry
AttributeError: type object 'Callable' has no attribute '_abc_registry'
| Traceback (most recent call last):
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/IPython/core/interactiveshell.py", line 3326, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-6-a0d2faabd9e9>", line 1, in <module>
import matplotlib.pyplot as plt
"/Applications/PyCharm CE with Anaconda plugin.app/Contents/plugins/python-ce/helpers/pydev/_pydev_bundle/pydev_import_hook.py", line 21, in do_import
module = self._system_import(name, *args, **kwargs)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/pyplot.py", line 32, in <module>
import matplotlib.colorbar
"/Applications/PyCharm CE with Anaconda plugin.app/Contents/plugins/python-ce/helpers/pydev/_pydev_bundle/pydev_import_hook.py", line 21, in do_import
module = self._system_import(name, *args, **kwargs)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/colorbar.py", line 31, in <module>
import matplotlib.contour as contour
"/Applications/PyCharm CE with Anaconda plugin.app/Contents/plugins/python-ce/helpers/pydev/_pydev_bundle/pydev_import_hook.py", line 21, in do_import
module = self._system_import(name, *args, **kwargs)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/contour.py", line 16, in <module>
import matplotlib.font_manager as font_manager
"/Applications/PyCharm CE with Anaconda plugin.app/Contents/plugins/python-ce/helpers/pydev/_pydev_bundle/pydev_import_hook.py", line 21, in do_import
module = self._system_import(name, *args, **kwargs)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 1355, in <module>
_rebuild()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 1346, in _rebuild
fontManager = FontManager()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 1013, in __init__
ttffiles = findSystemFonts(paths) + findSystemFonts()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 311, in findSystemFonts
fontfiles.update(get_fontconfig_fonts(fontext))
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 287, in get_fontconfig_fonts
return [fname for fname in _call_fc_list()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/matplotlib/font_manager.py", line 275, in _call_fc_list
out = subprocess.check_output(['fc-list', '--format=%{file}\\n'])
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/subprocess.py", line 395, in check_output
**kwargs).stdout
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/run/__init__.py", line 145, in __new__
process = cls.create_process(command, stdin, cwd=cwd, env=env, shell=shell)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/site-packages/run/__init__.py", line 121, in create_process
shlex.split(command),
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/shlex.py", line 305, in split
return list(lex)
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/shlex.py", line 295, in __next__
token = self.get_token()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/shlex.py", line 105, in get_token
raw = self.read_token()
"/Users/marcoperezcaceres/opt/anaconda3/lib/python3.7/shlex.py", line 136, in read_token
nextchar = self.instream.read(1)
AttributeError: 'list' object has no attribute 'read'
| 0.651317 |
ERROR executing Lambda function: Traceback (most recent call last):
"/opt/code/localstack/localstack/mock/apis/lambda_api.py", line 180, in run_lambda
if func.func_code.co_argcount == 2:
AttributeError: 'NoneType' object has no attribute 'func_code'
| Traceback (most recent call last):
"/root/.local/lib/python3.8/site-packages/flask/app.py", line 2447, in wsgi_app
response = self.full_dispatch_request()
"/root/.local/lib/python3.8/site-packages/flask/app.py", line 1952, in full_dispatch_request
rv = self.handle_user_exception(e)
"/root/.local/lib/python3.8/site-packages/flask_cors/extension.py", line 165, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/root/.local/lib/python3.8/site-packages/flask/app.py", line 1821, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/root/.local/lib/python3.8/site-packages/flask/_compat.py", line 39, in reraise
raise value
"/root/.local/lib/python3.8/site-packages/flask/app.py", line 1950, in full_dispatch_request
rv = self.dispatch_request()
"/root/.local/lib/python3.8/site-packages/flask/app.py", line 1936, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/root/.local/lib/python3.8/site-packages/connexion/decorators/decorator.py", line 48, in wrapper
response = function(request)
"/root/.local/lib/python3.8/site-packages/connexion/decorators/security.py", line 326, in wrapper
request.context['user'] = token_info.get('sub', token_info.get('uid'))
AttributeError: 'tuple' object has no attribute 'get'
| 0.584495 |
Traceback (most recent call last):
"/home/akirkedal/software/g2p-seq2seq/tests/g2p_unittest.py", line 30, in test_evaluate
g2p_model.load_decode_model()
"/home/akirkedal/software/g2p-seq2seq/g2p_seq2seq/g2p.py", line 96, in load_decode_model
forward_only=True)
"/home/akirkedal/software/g2p-seq2seq/g2p_seq2seq/seq2seq_model.py", line 164, in __init__
softmax_loss_function=softmax_loss_function)
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/legacy_seq2seq/python/ops/seq2seq.py", line 1201, in model_with_buckets
decoder_inputs[:bucket[1]])
"/home/akirkedal/software/g2p-seq2seq/g2p_seq2seq/seq2seq_model.py", line 163, in <lambda>
self.target_weights, buckets, lambda x, y: seq2seq_f(x, y, True),
"/home/akirkedal/software/g2p-seq2seq/g2p_seq2seq/seq2seq_model.py", line 140, in seq2seq_f
dtype=dtype)
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/legacy_seq2seq/python/ops/seq2seq.py", line 855, in embedding_attention_seq2seq
encoder_cell, encoder_inputs, dtype=dtype)
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/core_rnn.py", line 197, in static_rnn
(output, state) = call_cell()
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/core_rnn.py", line 184, in <lambda>
call_cell = lambda: cell(input_, state)
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/core_rnn_cell_impl.py", line 881, in __call__
return self._cell(embedded, state)
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/core_rnn_cell_impl.py", line 146, in __call__
with _checked_scope(self, scope or "gru_cell", reuse=self._reuse):
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/contextlib.py", line 17, in __enter__
return self.gen.next()
"/home/akirkedal/software/anaconda/envs/g2p/lib/python2.7/site-packages/tensorflow/contrib/rnn/python/ops/core_rnn_cell_impl.py", line 77, in _checked_scope
type(cell).__name__))
ValueError: Attempt to reuse RNNCell <tensorflow.contrib.rnn.python.ops.core_rnn_cell_impl.GRUCell object at 0x7f18f8090d50> with a different variable scope than its first use.
First use of cell was with scope 'embedding_attention_seq2seq/embedding_attention_decoder/attention_decoder/gru_cell', this attempt is with scope 'embedding_attention_seq2seq/rnn/gru_cell'.
Please create a new instance of the cell if you would like it to use a different set of weights.
If before you were using: MultiRNNCell([GRUCell(...)] * num_layers), change to: MultiRNNCell([GRUCell(...) for _ in range(num_layers)]).
If before you were using the same cell instance as both the forward and reverse cell of a bidirectional RNN, simply create two instances (one for forward, one for reverse).
In May 2017, we will start transitioning this cell's behavior to use existing stored weights, if any, when it is called with scope=None (which can lead to silent model degradation, so this error will remain until then.)
| Traceback (most recent call last):
"h5_coreml.py", line 4, in <module>
coreml_model = coremltools.converters.keras.convert(sys.argv[1], input_names='input1', image_input_names='input1', output_names='output1', image_scale=1/255.)
"/home/xuzh/convert_yolo_to_coreml/coremltools/lib/python3.6/site-packages/coremltools/converters/keras/_keras_converter.py", line 745, in convert
custom_conversion_functions=custom_conversion_functions)
"/home/xuzh/convert_yolo_to_coreml/coremltools/lib/python3.6/site-packages/coremltools/converters/keras/_keras_converter.py", line 543, in convertToSpec
custom_objects=custom_objects)
"/home/xuzh/convert_yolo_to_coreml/coremltools/lib/python3.6/site-packages/coremltools/converters/keras/_keras2_converter.py", line 350, in _convert
image_scale = image_scale)
"/home/xuzh/convert_yolo_to_coreml/coremltools/lib/python3.6/site-packages/coremltools/models/neural_network.py", line 2542, in set_pre_processing_parameters
channels, height, width = array_shape
ValueError: not enough values to unpack (expected 3, got 1)
| 0.571598 |
Traceback (most recent call last):
"./sublime_plugin.py", line 356, in run_
"./latex_fill_all.py", line 1085, in run
TypeError: object of type 'object' has no len()
| Traceback (most recent call last):
"docker-compose", line 3, in <module>
"compose/cli/main.py", line 78, in main
TypeError: can only concatenate str (not "dict") to str
| 0.586397 |
Traceback (most recent call last):
"/home/thomas/.local/lib/python3.9/site-packages/sanic/app.py", line 914, in handle_request
response = await response
"/home/thomas/.local/lib/python3.9/site-packages/engineio/asyncio_server.py", line 308, in handle_request
return await self._make_response(r, environ)
"/home/thomas/.local/lib/python3.9/site-packages/engineio/asyncio_server.py", line 376, in _make_response
response = make_response(
"/home/thomas/.local/lib/python3.9/site-packages/engineio/async_drivers/sanic.py", line 102, in make_response
return HTTPResponse(body_bytes=payload, content_type=content_type,
TypeError: __init__() got an unexpected keyword argument 'body_bytes'
| Traceback (most recent call last):
"C:\Users\XXXX\Documents\GitHub\ScoutSuite-master\ScoutSuite-master\ScoutSuite\providers\azure\resources\virtualmachines\images.py", line 15, in fetch_all
id, image = self._parse_image(raw_image)
TypeError: cannot unpack non-iterable NoneType object
| 0.55755 |
Traceback (most recent call last):
"/tmp/pip-install-eDHffV/horovod/setup.py", line 437, in check_torch_import
import torch
ImportError: No module named torch
| Traceback (most recent call last):
"multinomian.py", line 5, in <module>
from sklearn.naive_bayes import MultinomialNB
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\sklearn\__init__.py", line 134, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\sklearn\base.py", line 13, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\sklearn\utils\__init__.py", line 10, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\sklearn\utils\validation.py", line 18, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\sklearn\utils\fixes.py", line 144, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\scipy\sparse\linalg\__init__.py", line 114, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\scipy\sparse\linalg\isolve\__init__.py", line 6, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 631, in exec_module
exec(bytecode, module.__dict__)
"site-packages\scipy\sparse\linalg\isolve\iterative.py", line 10, in <module>
"D:\Program
s (x86)\Microsoft Visual Studio\Shared\Python36_64\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 714, in load_module
module = loader.load_module(fullname)
ImportError: DLL load failed: The specified module could not be found.
| 0.554935 |
Traceback (most recent call last):
"/home/user/dev/quodlibet/quodlibet/quodlibet/ext/songsmenu/lastfmsync.py", line 91, in update_charts
resp = apicall('user.getinfo', user=self.username)
"/home/user/dev/quodlibet/quodlibet/quodlibet/ext/songsmenu/lastfmsync.py", line 50, in apicall
resp = json.load(uobj)
"/usr/lib/python3.5/json/__init__.py", line 268, in load
parse_constant=parse_constant, object_pairs_hook=object_pairs_hook, **kw)
"/usr/lib/python3.5/json/__init__.py", line 312, in loads
s.__class__.__name__))
TypeError: the JSON object must be str, not 'bytes'
| Traceback (most recent call last):
"D:/jpype-playground/test.py", line 16, in <module>
Test.testMethod(["a", "b"])
TypeError: No matching overloads found for jptest.Test.testMethod(list), options are:
| 0.51742 |
Traceback (most recent call last):
"/snap/git-cola-brlin/x2/share/git-cola/lib/cola/gitcfg.py", line 467, in color
r, g, b = struct.unpack(struct_layout, unhex(string))
"/snap/git-cola-brlin/x2/share/git-cola/lib/cola/gitcfg.py", line 90, in unhex
return unhexlify(value.lstrip('#'))
TypeError: a bytes-like object is required, not 'str'
| Traceback (most recent call last):
"/home/user/yowsuptest/run.py", line 6, in <module>
stack.start()
"/home/user/yowsuptest/stack.py", line 21, in start
self.stack.loop()
"/usr/local/lib/python3.5/dist-packages/yowsup/stacks/yowstack.py", line 196, in loop
asyncore.loop(*args, **kwargs)
"/usr/lib/python3.5/asyncore.py", line 203, in loop
poll_fun(timeout, map)
"/usr/lib/python3.5/asyncore.py", line 150, in poll
read(obj)
"/usr/lib/python3.5/asyncore.py", line 87, in read
obj.handle_error()
"/usr/lib/python3.5/asyncore.py", line 83, in read
obj.handle_read_event()
"/usr/lib/python3.5/asyncore.py", line 423, in handle_read_event
self.handle_read()
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/network/layer.py", line 102, in handle_read
self.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/network/layer.py", line 110, in receive
self.toUpper(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/stanzaregulator/layer.py", line 29, in receive
self.processReceived()
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/stanzaregulator/layer.py", line 49, in processReceived
self.toUpper(oneMessageData)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/auth/layer_crypt.py", line 65, in receive
self.toUpper(payload)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/coder/layer.py", line 35, in receive
self.toUpper(node)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/logger/layer.py", line 14, in receive
self.toUpper(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_control.py", line 44, in receive
self.toUpper(protocolTreeNode)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 194, in receive
s.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 41, in receive
self.onMessage(protocolTreeNode)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 74, in onMessage
self.handleEncMessage(protocolTreeNode)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 88, in handleEncMessage
self.handleWhisperMessage(node)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 144, in handleWhisperMessage
self.parseAndHandleMessageProto(encMessageProtocolEntity, plaintext[:-padding])
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 200, in parseAndHandleMessageProto
self.handleImageMessage(node, m.image_message)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_receive.py", line 237, in handleImageMessage
self.toUpper(messageNode)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 194, in receive
s.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 130, in receive
recv(node)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/protocol_media/layer.py", line 42, in recvMessageStanza
self.toUpper(entity)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 79, in toUpper
self.__upper.receive(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/interface/interface.py", line 80, in receive
self.entity_callbacks[entityType](entity)
"/home/user/yowsuptest/layer.py", line 13, in onMessage
self.toLower(messageProtocolEntity.forward(messageProtocolEntity.getFrom()))
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 198, in send
s.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 136, in send
send(entity)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/protocol_media/layer.py", line 35, in sendMessageEntity
self.entityToLower(entity)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 140, in entityToLower
self.toLower(entity.toProtocolTreeNode())
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 198, in send
s.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_send.py", line 61, in send
self.toLower(node)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/axolotl/layer_control.py", line 34, in send
self.toLower(node)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/__init__.py", line 84, in toLower
self.__lower.send(data)
"/usr/local/lib/python3.5/dist-packages/yowsup/layers/logger/layer.py", line 8, in send
logger.debug("tx:\n%s" % ldata)
"/usr/local/lib/python3.5/dist-packages/yowsup/structs/protocoltreenode.py", line 88, in __str__
return self.toString()
"/usr/local/lib/python3.5/dist-packages/yowsup/structs/protocoltreenode.py", line 80, in toString
out += c.toString()
"/usr/local/lib/python3.5/dist-packages/yowsup/structs/protocoltreenode.py", line 55, in toString
out+= " "+key+'="'+val+'"'
TypeError: Can't convert 'bytes' object to str implicitly
| 0.619159 |
Traceback (most recent call last):
"./mwerror.py", line 13, in <module>
for doc in nlp.pipe(TEXTS, n_process=2):
".../python3.8/site-packages/spacy/language.py", line 1479, in pipe
for doc in docs:
".../python3.8/site-packages/spacy/language.py", line 1515, in _multiprocessing_pipe
proc.start()
".../python3.8/multiprocessing/process.py", line 121, in start
self._popen = self._Popen(self)
".../python3.8/multiprocessing/context.py", line 224, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
".../python3.8/multiprocessing/context.py", line 284, in _Popen
return Popen(process_obj)
".../python3.8/multiprocessing/popen_spawn_posix.py", line 32, in __init__
super().__init__(process_obj)
".../python3.8/multiprocessing/popen_fork.py", line 19, in __init__
self._launch(process_obj)
".../python3.8/multiprocessing/popen_spawn_posix.py", line 47, in _launch
reduction.dump(process_obj, fp)
".../python3.8/multiprocessing/reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
TypeError: cannot pickle 'nmslib.dist.FloatIndex' object
| __Traceback (most recent call last):_
"c:\users\ordinateur\appdata\local\programs\python\python38-32\lib\runpy.py", line 192, in _run_module_as_main
return _run_code(code, main_globals, None,
"c:\users\ordinateur\appdata\local\programs\python\python38-32\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Users\Ordinateur\AppData\Local\Programs\Python\Python38-32\Scripts\pip.exe\__main__.py", line 9, in <module>
TypeError: 'module' object is not callable_
| 0.628676 |
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:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\IPython\core\interactiveshell.py", line 3343, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-23-e547cb7c64fb>", line 1, in <module>
from keras.preprocessing.sequence import pad_sequences
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\__init__.py", line 3, in <module>
from . import utils
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\utils\__init__.py", line 6, in <module>
from . import conv_utils
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\utils\conv_utils.py", line 9, in <module>
from .. import backend as K
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\backend\__init__.py", line 1, in <module>
from .load_backend import epsilon
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\backend\load_backend.py", line 90, in <module>
from .tensorflow_backend import *
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\keras\backend\tensorflow_backend.py", line 6, in <module>
from tensorflow.python.eager import context
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\eager\context.py", line 29, in <module>
from tensorflow.core.protobuf import config_pb2
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow\__init__.py", line 50, in __getattr__
module = self._load()
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow\__init__.py", line 44, in _load
module = _importlib.import_module(self.__name__)
"C:\Users\91901\anaconda3\envs\tf_1\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\__init__.py", line 42, in <module>
from . _api.v2 import audio
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\_api\v2\audio\__init__.py", line 10, in <module>
from tensorflow.python.ops.gen_audio_ops import decode_wav
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\ops\gen_audio_ops.py", line 9, in <module>
from tensorflow.python import pywrap_tensorflow as _pywrap_tensorflow
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow\__init__.py", line 50, in __getattr__
module = self._load()
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow\__init__.py", line 44, in _load
module = _importlib.import_module(self.__name__)
"C:\Users\91901\anaconda3\envs\tf_1\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\__init__.py", line 49, in <module>
from tensorflow.python import pywrap_tensorflow
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\pywrap_tensorflow.py", line 74, in <module>
raise ImportError(msg)
ImportError: Traceback (most recent call last):
| 0.662609 |
Traceback (most recent call last):
"C:\Users\mapf\Anaconda3\lib\weakref.py", line 58, in _cb
"C:\Users\mapf\Anaconda3\lib\site-packages\matplotlib\cbook\__init__.py", line 182, in _remove_proxy
"C:\Users\mapf\Anaconda3\lib\weakref.py", line 74, in __eq__
TypeError: isinstance() arg 2 must be a type or tuple of types
| Traceback (most recent call last):
"ec-math.py", line 48, in <module>
secret = random_secret()
"ec-math.py", line 29, in random_secret
return convert_to_int(byte_array)
"ec-math.py", line 23, in <lambda>
convert_to_int = lambda array: int("".join(array).encode("hex"), 16)
TypeError: sequence item 0: expected str instance, int found
| 0.559103 |
Traceback (most recent call last):
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/site-packages/xonsh/shell.py", line 92, in default
self.execer.exec(code, mode='single', glbs=None, locs=self.ctx)
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/site-packages/xonsh/execer.py", line 108, in exec
return exec(code, glbs, locs)
"<xonsh-code>", line 0, in <module>
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/site-packages/xonsh/built_ins.py", line 343, in subproc_uncaptured
return run_subproc(cmds, captured=False)
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/site-packages/xonsh/built_ins.py", line 313, in run_subproc
stdin=stdin, stdout=stdout)
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/subprocess.py", line 859, in __init__
restore_signals, start_new_session)
"/Users/shoyer/miniconda/envs/xonsh/lib/python3.4/subprocess.py", line 1457, in _execute_child
raise child_exception_type(errno_num, err_msg)
NotFoundError: [Errno 2] No such file or directory: 'source' | Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/urikz/anaconda/envs/mentionmemory/lib/python3.7/site-packages/datasets/load.py", line 589, in load_dataset
path, script_version=script_version, download_config=download_config, download_mode=download_mode, dataset=True
"/Users/urikz/anaconda/envs/mentionmemory/lib/python3.7/site-packages/datasets/load.py", line 282, in prepare_module
combined_path, github_file_path, file_path
NotFoundError: Couldn't find file locally at hover/hover.py, or remotely at https://raw.githubusercontent.com/huggingface/datasets/1.1.3/datasets/hover/hover.py or https://s3.amazonaws.com/datasets.huggingface.co/datasets/datasets/hover/hover.py
| 0.569214 |
Traceback (most recent call last):
"./kamene-test.py", line 13, in <module>
sniff(iface=interface, filter="ip", prn=print_packet)
"/usr/local/lib/python3.6/dist-packages/kamene/sendrecv.py", line 608, in sniff
r = prn(p)
"./kamene-test.py", line 10, in print_packet
print(ip_layer.show())
"/usr/local/lib/python3.6/dist-packages/kamene/packet.py", line 876, in show
self.payload.show(indent=indent, lvl=lvl+(" "*indent*self.show_indent), label_lvl=label_lvl)
"/usr/local/lib/python3.6/dist-packages/kamene/packet.py", line 876, in show
self.payload.show(indent=indent, lvl=lvl+(" "*indent*self.show_indent), label_lvl=label_lvl)
"/usr/local/lib/python3.6/dist-packages/kamene/packet.py", line 864, in show
fvalue.show(indent=indent, label_lvl=label_lvl+lvl+"
|")
"/usr/local/lib/python3.6/dist-packages/kamene/packet.py", line 869, in show
reprval = f.i2repr(self,fvalue)
"/usr/local/lib/python3.6/dist-packages/kamene/fields.py", line 73, in i2repr
return repr(self.i2h(pkt,x))
"/usr/local/lib/python3.6/dist-packages/kamene/layers/dns.py", line 242, in i2h
x = len(rdataf.i2m(pkt, pkt.rdata))
"/usr/local/lib/python3.6/dist-packages/kamene/layers/dns.py", line 228, in i2m
s = inet_pton(socket.AF_INET6, s.decode("utf-8"))
AttributeError: 'str' object has no attribute 'decode'
| Traceback (most recent call last):
"/home/pwaller/.local/src/github.com/dask/distributed/distributed/client.py", line 832, in _handle_report
handler(**msg)
"/home/pwaller/.local/src/github.com/dask/distributed/distributed/client.py", line 842, in _handle_key_in_memory
type = loads(type)
"/home/pwaller/.local/src/github.com/dask/distributed/distributed/protocol/pickle.py", line 59, in loads
return pickle.loads(x)
AttributeError: type object 'lock' has no attribute 'release_lock'
| 0.593003 |
Traceback (most recent call last):
"C:\Miniconda3\envs\spyder-4\lib\logging\__init__.py", line 1025, in emit
msg = self.format(record)
"C:\Miniconda3\envs\spyder-4\lib\logging\__init__.py", line 869, in format
return fmt.format(record)
"C:\Miniconda3\envs\spyder-4\lib\logging\__init__.py", line 608, in format
record.message = record.getMessage()
"C:\Miniconda3\envs\spyder-4\lib\logging\__init__.py", line 369, in getMessage
msg = msg % self.args
ValueError: incomplete format
| Traceback (most recent call last):
"/Users/MacBookPro/miniconda3/envs/python2_test/bin/salt-master", line 11, in <module>
sys.exit(salt_master())
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/scripts.py", line 95, in salt_master
import salt.cli.daemons
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/cli/daemons.py", line 48, in <module>
import salt.utils.parsers
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/utils/parsers.py", line 27, in <module>
import salt.config as config
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/config/__init__.py", line 98, in <module>
_DFLT_IPC_WBUFFER = _gather_buffer_space() * .5
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/config/__init__.py", line 91, in _gather_buffer_space
grains = salt.grains.core._memdata(os_data)
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/grains/core.py", line 511, in _memdata
grains.update(_osx_memdata())
"/Users/MacBookPro/miniconda3/envs/python2_test/lib/python2.7/site-packages/salt/grains/core.py", line 433, in _osx_memdata
swap_total = float(swap_total[:-1]) * _power
ValueError: invalid literal for float(): 1024,00
| 0.559444 |
Traceback (most recent call last):
"C:\Users\X\AppData\Local\Programs\Python\Python35\Scripts\acdcli-script.py", line 11, in <module>
load_entry_point('acdcli==0.3.2', 'console_scripts', 'acdcli')()
"C:\Users\X\AppData\Local\Programs\Python\Python35\Scripts\acd_cli.py", line 1607, in main
incl_trash=args.action not in no_autores_trash_actions)
"C:\Users\X\AppData\Local\Programs\Python\Python35\Scripts\acd_cli.py", line 1133, in resolve_remote_path_args
setattr(args, id_attr + '_path', cache.first_path(val))
"c:\users\X\appdata\local\programs\python\python35\lib\site-packages\acdcli\cache\query.py", line 274, in first_path
node = Node(r)
"c:\users\X\appdata\local\programs\python\python35\lib\site-packages\acdcli\cache\query.py", line 78, in __init__
self.id = row['id']
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 365, in _async_add_entity
await entity.async_update_ha_state()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 225, in async_update_ha_state
self._async_write_ha_state()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 255, in _async_write_ha_state
attr.update(self.state_attributes or {})
"/usr/src/homeassistant/homeassistant/components/light/__init__.py", line 460, in state_attributes
data[ATTR_COLOR_TEMP] = self.color_temp
"/usr/src/homeassistant/homeassistant/components/yeelight/light.py", line 281, in color_temp
return kelvin_to_mired(int(self._color_temp))
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
| 0.63689 |
Traceback (most recent call last):
"C:/Users/goyalvi/ChatterBot/chatbottest.py", line 2, in <module>
chatbot = ChatBot("Ron Obvious")
"C:/Users/goyalvi/ChatterBot\chatterbot\chatterbot.py", line 37, in __init__
self.storage = utils.initialize_class(storage_adapter, **kwargs)
"C:/Users/goyalvi/ChatterBot\chatterbot\utils.py", line 33, in initialize_class
return Class(**kwargs)
"C:/Users/goyalvi/ChatterBot\chatterbot\storage\jsonfile.py", line 21, in __init__
from jsondb import Database
ImportError: No module named jsondb
| Traceback (most recent call last):
"/home/ubuntu/.virtualenvs/joyrides_snake/lib/python3.5/site-packages/rest_framework/settings.py", line 180, in import_from_string
module = import_module(module_path)
"/home/ubuntu/.virtualenvs/joyrides_snake/lib/python3.5/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 986, in _gcd_import
"<frozen importlib._bootstrap>", line 969, in _find_and_load
"<frozen importlib._bootstrap>", line 958, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 673, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 665, in exec_module
"<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed
"/home/ubuntu/.virtualenvs/joyrides_snake/lib/python3.5/site-packages/rest_framework_json_api/parsers.py", line 9, in <module>
from . import exceptions, renderers, serializers, utils
"/home/ubuntu/.virtualenvs/joyrides_snake/lib/python3.5/site-packages/rest_framework_json_api/serializers.py", line 8, in <module>
from rest_framework_json_api.relations import ResourceRelatedField
"/home/ubuntu/.virtualenvs/joyrides_snake/lib/python3.5/site-packages/rest_framework_json_api/relations.py", line 6, in <module>
import six
ImportError: No module named 'six'
| 0.622825 |
```Traceback (most recent call last):
"C:/Users/User/PycharmProjects/something in pyglet/main.py", line 179, in <module>
pyglet.app.run()
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\app\__init__.py", line 142, in run
event_loop.run()
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\app\base.py", line 175, in run
self._run()
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\app\base.py", line 187, in _run
timeout = self.idle()
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\app\base.py", line 314, in idle
window.dispatch_event('on_draw')
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\window\__init__.py", line 1313, in dispatch_event
if EventDispatcher.dispatch_event(self, *args) != False:
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\pyglet\event.py", line 361, in dispatch_event
if handler(*args):
"C:/Users/User/PycharmProjects/something in pyglet/main.py", line 152, in on_draw
player.draw(player.x - camera.x, player.y - camera.y, 50)
"C:/Users/User/PycharmProjects/something in pyglet/main.py", line 100, in draw
draw_commands.draw_line(x, y, x+50, y+50, (255, 255, 255), 5)
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\arcade\draw_commands.py", line 838, in draw_line
_generic_draw_line_strip(triangle_point_list, color, gl.GL_TRIANGLE_STRIP)
"C:\Users\User\AppData\Local\Programs\Python\Python37\lib\site-packages\arcade\draw_commands.py", line 763, in _generic_draw_line_strip
program['Projection'] = get_projection().flatten()
AttributeError: 'NoneType' object has no attribute 'flatten'```
| Traceback (most recent call last):
"C:\Python\lib\threading.py", line 950, in _bootstrap_inner
self.run()
"C:\Python\lib\threading.py", line 888, in run
self._target(*self._args, **self._kwargs)
"C:\mtsutil\web2py\gluon\main.py", line 782, in start
self.server.start()
"C:\mtsutil\web2py\gluon\rocket.py", line 716, in start
while self._monitor.isAlive():
AttributeError: 'Monitor' object has no attribute 'isAlive'
| 0.65534 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_joblib_compression_formats() takes exactly 3 arguments (0 given)
| Traceback (most recent call last):
"C:\Users\Nazarko\Desktop\hikvision_tg_bot.py", line 155, in <module>
bot.polling(none_stop = True)
"C:\Python\lib\site-packages\telebot\__init__.py", line 389, in polling
self.__threaded_polling(none_stop, interval, timeout)
"C:\Python\lib\site-packages\telebot\__init__.py", line 412, in __threaded_polling
polling_thread.raise_exceptions()
"C:\Python\lib\site-packages\telebot\util.py", line 78, in raise_exceptions
six.reraise(self.exc_info[0], self.exc_info[1], self.exc_info[2])
"C:\Python\lib\site-packages\six.py", line 693, in reraise
raise value
"C:\Python\lib\site-packages\telebot\util.py", line 59, in run
task(*args, **kwargs)
"C:\Python\lib\site-packages\telebot\__init__.py", line 276, in __retrieve_updates
updates = self.get_updates(offset=(self.last_update_id + 1), timeout=timeout)
"C:\Python\lib\site-packages\telebot\__init__.py", line 246, in get_updates
json_updates = apihelper.get_updates(self.token, offset, limit, timeout, allowed_updates)
"C:\Python\lib\site-packages\telebot\apihelper.py", line 180, in get_updates
return _make_request(token, method_url, params=payload)
"C:\Python\lib\site-packages\telebot\apihelper.py", line 54, in _make_request
timeout=(connect_timeout, read_timeout), proxies=proxy)
"C:\Python\lib\site-packages\requests\sessions.py", line 252, in request
r.send(prefetch=prefetch)
"C:\Python\lib\site-packages\requests\models.py", line 620, in send
timeout=self.timeout,
"C:\Python\lib\site-packages\requests\packages\urllib3\connectionpool.py", line 423, in urlopen
body=body, headers=headers)
"C:\Python\lib\site-packages\requests\packages\urllib3\connectionpool.py", line 275, in _make_request
conn.request(method, url, **httplib_request_kw)
"C:\Python\lib\http\client.py", line 1229, in request
self._send_request(method, url, body, headers, encode_chunked)
"C:\Python\lib\http\client.py", line 1275, in _send_request
self.endheaders(body, encode_chunked=encode_chunked)
"C:\Python\lib\http\client.py", line 1224, in endheaders
self._send_output(message_body, encode_chunked=encode_chunked)
"C:\Python\lib\http\client.py", line 1016, in _send_output
self.send(msg)
"C:\Python\lib\http\client.py", line 956, in send
self.connect()
"C:\Python\lib\site-packages\requests\packages\urllib3\connectionpool.py", line 95, in connect
sock = socket.create_connection((self.host, self.port), self.timeout)
"C:\Python\lib\socket.py", line 713, in create_connection
sock.settimeout(timeout)
TypeError: an integer is required (got type tuple)
| 0.480816 |
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):
"/mnt/dietpi_userdata/homeassistant/custom_components/hacs/hacsbase/hacs.py", line 139, in startup_tasks
await self.handle_critical_repositories_startup()
"/mnt/dietpi_userdata/homeassistant/custom_components/hacs/hacsbase/hacs.py", line 177, in handle_critical_repositories_startup
if not repo["acknowledged"]:
TypeError: string indices must be integers
| 0.495718 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 222, in async_update_ha_state
attr = self.state_attributes or {}
"/usr/lib/python3.6/site-packages/homeassistant/components/light/__init__.py", line 501, in state_attributes
*data[ATTR_HS_COLOR])
TypeError: color_hs_to_RGB() takes 2 positional arguments but 3 were given
| Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 416, in check_infra
raise e
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 413, in check_infra
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 93, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/usr/local/lib/python3.7/site-packages/localstack/services/s3/s3_starter.py", line 32, in check_s3
assert isinstance(out['Buckets'], list)
TypeError: 'NoneType' object is not subscriptable
| 0.525381 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/OpenSSL/SSL.py", line 309, in wrapper
_lib.X509_up_ref(x509)
AttributeError: module 'lib' has no attribute 'X509_up_ref'
| Traceback (most recent call last):
"/home/wangh/.local/bin/cmake-format", line 10, in <module>
sys.exit(main())
"/home/wangh/.local/lib/python3.5/site-packages/cmake_format/__main__.py", line 417, in main
config_dict = get_config(infile_path, args.config_file)
"/home/wangh/.local/lib/python3.5/site-packages/cmake_format/__main__.py", line 212, in get_config
configfile_path = os.path.expanduser(configfile_path)
"/usr/lib/python3.5/posixpath.py", line 228, in expanduser
if not path.startswith(tilde):
AttributeError: 'NoneType' object has no attribute 'startswith' | 0.505853 |
Traceback (most recent call last):
"/var/www/weblate-env-dev/lib/python3.5/site-packages/django/template/base.py", line 470, in parse
compile_func = self.tags[command]
KeyError: 'static'
| 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/gdpr/views.py", line 29, in get_queryset
corporateuser_instance = get_object_or_404(CorporateUser, id=self.kwargs["corporateuser_pk"])
KeyError: 'corporateuser_pk'
| 0.550069 |
Traceback (most recent call last):
"/usr/lib64/python3.9/runpy.py", line 197, in _run_module_as_main
return _run_code(code, main_globals, None,
"/usr/lib64/python3.9/runpy.py", line 87, in _run_code
exec(code, run_globals)
"/usr/src/.local/lib/python3/site-packages/pylint/__main__.py", line 18, in <module>
pylint.run_pylint()
"/usr/src/.local/lib/python3/site-packages/pylint/__init__.py", line 22, in run_pylint
PylintRun(sys.argv[1:])
"/usr/src/.local/lib/python3/site-packages/pylint/lint/run.py", line 266, in __init__
linter.load_plugin_modules(self._plugins)
"/usr/src/.local/lib/python3/site-packages/pylint/lint/pylinter.py", line 490, in load_plugin_modules
module = modutils.load_module_from_name(modname)
"/usr/src/.local/lib/python3/site-packages/astroid/modutils.py", line 210, in load_module_from_name
return importlib.import_module(dotted_name)
"/usr/lib64/python3.9/importlib/__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 1030, in _gcd_import
"<frozen importlib._bootstrap>", line 1007, in _find_and_load
"<frozen importlib._bootstrap>", line 984, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'pylint_plugins'
| Traceback (most recent call last):
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/eralchemy/main.py", line 231, in render_er
tables, relationships = all_to_intermediary(input, schema=schema)
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/eralchemy/main.py", line 147, in all_to_intermediary
return database_to_intermediary(filename_or_input, schema=schema)
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/eralchemy/sqla.py", line 78, in database_to_intermediary
engine = create_engine(database_uri)
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/sqlalchemy/engine/__init__.py", line 424, in create_engine
return strategy.create(*args, **kwargs)
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/sqlalchemy/engine/strategies.py", line 81, in create
dbapi = dialect_cls.dbapi(**dbapi_args)
"/usr/local/Cellar/eralchemy/1.2.10_2/libexec/lib/python3.7/site-packages/sqlalchemy/dialects/postgresql/psycopg2.py", line 584, in dbapi
import psycopg2
ModuleNotFoundError: No module named 'psycopg2'
| 0.633978 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/flexget/task.py", line 486, in __run_plugin
return method(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/flexget/event.py", line 23, in __call__
return self.func(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/flexget/utils/cached_input.py", line 148, in wrapped_func
response = func(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/flexget/plugins/input/imdb_watchlist.py", line 106, in on_task_input
total_item_count = int(soup.find('div', class_='desc').get('data-size'))
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
| Traceback (most recent call last):
"src/gevent/greenlet.py", line 854, in gevent._gevent_cgreenlet.Greenlet.run
"/home/matthias/anaconda3/envs/psychopy/lib/python3.6/site-packages/gevent/baseserver.py", line 34, in _handle_and_close_when_done
return handle(*args_tuple)
"/home/matthias/anaconda3/envs/psychopy/lib/python3.6/site-packages/psychopy/iohub/server.py", line 76, in handle
request_type = unicode(request.pop(0), 'utf-8') # convert bytes to string for compatibility
TypeError: decoding str is not supported
| 0.569255 |
[WARNING] [2019-04-23 17:03:09,381:EnsembleBuilder(1):digits] Error loading /tmp/autosklearn_parallel_example_tmp/.auto-sklearn/predictions_ensemble/predictions_ensemble_2_27.npy: Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/autosklearn/ensemble_builder.py", line 316, in read_ensemble_preds
y_ensemble = self._read_np_fn(fp=fp)
"/usr/local/lib/python3.6/dist-packages/autosklearn/ensemble_builder.py", line 641, in _read_np_fn
predictions = np.load(fp).astype(dtype=np.float32)
"/usr/local/lib/python3.6/dist-packages/numpy/lib/npyio.py", line 451, in load
raise ValueError("Cannot load file containing pickled data "
ValueError: Cannot load file containing pickled data when allow_pickle=False
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/deeppavlov/core/common/params.py", line 104, in from_params
component = cls(**dict(config_params, **kwargs))
"/usr/local/lib/python3.6/dist-packages/deeppavlov/models/embedders/abstract_embedder.py", line 56, in __init__
self.load()
"/usr/local/lib/python3.6/dist-packages/deeppavlov/models/embedders/fasttext_embedder.py", line 68, in load
self.model = fastText.load_model(str(self.load_path))
"/usr/local/lib/python3.6/dist-packages/fastText/FastText.py", line 303, in load_model
return _FastText(path)
"/usr/local/lib/python3.6/dist-packages/fastText/FastText.py", line 37, in __init__
self.f.loadModel(model)
ValueError: /root/.deeppavlov/downloads/embeddings/lenta_lower_100.bin cannot be opened for loading!
| 0.534435 |
Traceback (most recent call last):
"SlackPirate.py", line 643, in <module>
scan(token=provided_token, output_info=collected_output_info)
"SlackPirate.py", line 463, in find_interesting_links
pagination[query] = (r['messages']['pagination']['page_count'])
KeyError: 'messages'
| Traceback (most recent call last):
"/usr/local/bin/instagram-scraper", line 9, in <module>
load_entry_point('instagram-scraper==0.1', 'console_scripts', 'instagram-scraper')()
"/usr/local/lib/python2.7/dist-packages/instagram_scraper-0.1-py2.7.egg/instagram_scraper/app.py", line 291, in main
scraper.scrape()
"/usr/local/lib/python2.7/dist-packages/instagram_scraper-0.1-py2.7.egg/instagram_scraper/app.py", line 102, in scrape
user = self.fetch_user(username)
"/usr/local/lib/python2.7/dist-packages/instagram_scraper-0.1-py2.7.egg/instagram_scraper/app.py", line 144, in fetch_user
return json.loads(shared_data)['entry_data']['ProfilePage'][0]['user']
KeyError: 'ProfilePage'
| 0.571006 |
Traceback (most recent call last):
"metapath2vec.py", line 69, in <module>
train(epoch)
"metapath2vec.py", line 35, in train
for i, (pos_rw, neg_rw) in enumerate(loader):
"/root/.pyenv/versions/3.6.8/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 345, in __next__
data = self._next_data()
"/root/.pyenv/versions/3.6.8/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 856, in _next_data
return self._process_data(data)
"/root/.pyenv/versions/3.6.8/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 881, in _process_data
data.reraise()
"/root/.pyenv/versions/3.6.8/lib/python3.6/site-packages/torch/_utils.py", line 394, in reraise
raise self.exc_type(msg)
AttributeError: Caught AttributeError in DataLoader worker process 0.
|
Traceback (most recent call last):
"C:\Anaconda3\lib\site-packages\conda\cli\main.py", line 167, in main
import conda.cli.activate as activate
"C:\Anaconda3\lib\site-packages\conda\cli\activate.py", line 12, in <module>
from ..utils import shells
"C:\Anaconda3\lib\site-packages\conda\utils.py", line 13, in <module>
from .gateways.disk.read import compute_md5sum
"C:\Anaconda3\lib\site-packages\conda\gateways\disk\read.py", line 22, in <module>
from ...models.channel import Channel
"C:\Anaconda3\lib\site-packages\conda\models\channel.py", line 9, in <module>
from ..base.context import context
"C:\Anaconda3\lib\site-packages\conda\base\context.py", line 18, in <module>
from .._vendor.auxlib.path import expand
"C:\Anaconda3\lib\site-packages\conda\_vendor\auxlib\path.py", line 8, in <module>
import pkg_resources
"<frozen importlib._bootstrap>", line 961, in _find_and_load
"<frozen importlib._bootstrap>", line 950, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 646, in _load_unlocked
"<frozen importlib._bootstrap>", line 616, in _load_backward_compatible
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2985, in <module>
@_call_aside
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2971, in _call_aside
f(*args, **kwargs)
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 3013, in _initialize_master_working_set
dist.activate(replace=False)
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2544, in activate
declare_namespace(pkg)
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2118, in declare_namespace
_handle_ns(packageName, path_item)
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2058, in _handle_ns
_rebuild_mod_path(path, packageName, module)
"C:\Anaconda3\lib\site-packages\setuptools-27.2.0-py3.6.egg\pkg_resources\__init__.py", line 2087, in _rebuild_mod_path
orig_path.sort(key=position_in_sys_path)
AttributeError: '_NamespacePath' object has no attribute 'sort'` | 0.584104 |
Traceback (most recent call last):
"download_photos.py", line 231, in <module>
download()
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"download_photos.py", line 55, in download
updatePhotos(icloud)
"download_photos.py", line 155, in updatePhotos
icloud.photos.update()
AttributeError: 'PhotosService' object has no attribute 'update'``` | Traceback (most recent call last):
"<string>", line 1, in <module>
"dask/array/__init__.py", line 8, in <module>
from .routines import (take, choose, argwhere, where, coarsen, insert,
"dask/array/routines.py", line 790, in <module>
def isin(element, test_elements, assume_unique=False, invert=False):
"/opt/python/python-2.7/lib64/python2.7/functools.py", line 33, in update_wrapper
setattr(wrapper, attr, getattr(wrapped, attr))
AttributeError: 'NoneType' object has no attribute '__module__'
| 0.622943 |
Traceback (most recent call last):
"/home/runner/work/urllib3/urllib3/dummyserver/testcase.py", line 141, in setup_class
cls._start_server()
"/home/runner/work/urllib3/urllib3/dummyserver/testcase.py", line 129, in _start_server
app, cls.io_loop, cls.certs, cls.scheme, cls.host
"/home/runner/work/urllib3/urllib3/dummyserver/server.py", line 182, in run_tornado_app
sockets = tornado.netutil.bind_sockets(None, address=host)
"/home/runner/work/urllib3/urllib3/.nox/test-3-7/lib/python3.7/site-packages/tornado/netutil.py", line 161, in bind_sockets
sock.bind(sockaddr)
OSError: [Errno 98] Address already in use
| Traceback (most recent call last):
"anaconda3/envs/transformers/lib/python3.7/site-packages/datasets/builder.py", line 553, in _download_and_prepare
self._prepare_split(split_generator, **prepare_split_kwargs)
"anaconda3/envs/transformers/lib/python3.7/site-packages/datasets/builder.py", line 841, in _prepare_split
generator, unit=" examples", total=split_info.num_examples, leave=False, disable=not_verbose
"anaconda3/envs/transformers/lib/python3.7/site-packages/tqdm/std.py", line 1130, in __iter__
for obj in iterable:
".cache/huggingface/modules/datasets_modules/datasets/wiki_dpr/14b973bf2a456087ff69c0fd34526684eed22e48e0dfce4338f9a22b965ce7c2/wiki_dpr.py", line 132, in _generate_examples
vecs = np.load(open(vectors_files.pop(0), "rb"), allow_pickle=True)
"anaconda3/envs/transformers/lib/python3.7/site-packages/numpy/lib/npyio.py", line 450, in load
"Failed to interpret file %s as a pickle" % repr(file))
OSError: Failed to interpret file <_io.BufferedReader name='.cache/huggingface/datasets/downloads/cd4183aaa482e0e3724cb8b2efafc6c762914aabed38c16a41f922ff7d5e90f9'> as a pickle
| 0.516625 |
Traceback (most recent call last):
"build_engine.py", line 218, in <module>
main()
"build_engine.py", line 201, in main
debug_mode=False)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/conversion_helpers.py", line 178, in from_tensorflow
debug_mode=debug_mode)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/converter.py", line 94, in convert_tf2uff_graph
uff_graph, input_replacements, debug_mode=debug_mode)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/converter.py", line 79, in convert_tf2uff_node
op, name, tf_node, inputs, uff_graph, tf_nodes=tf_nodes, debug_mode=debug_mode)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/converter.py", line 47, in convert_layer
return cls.registry_[op](name, tf_node, inputs, uff_graph, **kwargs)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/converter_functions.py", line 21, in convert_placeholder
dtype = tf2uff.convert_tf2numpy_dtype(tf_node.attr['dtype'].type)
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/uff/converters/tensorflow/converter.py", line 103, in convert_tf2numpy_dtype
return tf.as_dtype(dtype).as_numpy_dtype
"/home/kev/archiconda3/envs/trt/lib/python3.6/site-packages/tensorflow_core/python/framework/dtypes.py", line 721, in as_dtype
(type_value,))
TypeError: Cannot convert value 0 to a TensorFlow DType. |
Traceback (most recent call last):
"<string>", line 1, in <module>
"C:\Users\s1667143\AppData\Local\Temp\pip-install-rov6glk2\pyyaml\setup.py", line 339, in <module>
cmdclass=cmdclass,
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\core.py", line 148, in setup
dist.run_commands()
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\dist.py", line 955, in run_commands
self.run_command(cmd)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"z:\python\moraldissengagement\cognitivediss\bokehplot\virtual\lib\site-packages\setuptools\command\install.py", line 61, in run
return orig.install.run(self)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\command\install.py", line 545, in run
self.run_command('build')
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\command\build.py", line 135, in run
self.run_command(cmd_name)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\s1667143\AppData\Local\Temp\pip-install-rov6glk2\pyyaml\setup.py", line 164, in run
_build_ext.run(self)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\command\build_ext.py", line 308, in run
force=self.force)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\ccompiler.py", line 1031, in new_compiler
return klass(None, dry_run, force)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\cygwinccompiler.py", line 282, in __init__
CygwinCCompiler.__init__ (self, verbose, dry_run, force)
"C:\Users\s1667143\AppData\Local\Continuum\anaconda3\lib\distutils\cygwinccompiler.py", line 126, in __init__
if self.ld_version >= "2.10.90":
TypeError: '>=' not supported between instances of 'NoneType' and 'str'
| 0.585922 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.