text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/salt/utils/vmware.py", line 292, in _get_service_instance
mechanism=mechanism)
"/usr/local/lib/python3.6/site-packages/pyVim/connect.py", line 867, in SmartConnect
mechanism=mechanism)
"/usr/local/lib/python3.6/site-packages/pyVim/connect.py", line 266, in Connect
key
, cert
, thumbprint, sslContext, connectionPoolTimeout)
"/usr/local/lib/python3.6/site-packages/pyVim/connect.py", line 390, in __Login
x = content.sessionManager.Login(user, pwd, None)
"/usr/local/lib/python3.6/site-packages/pyVmomi/VmomiSupport.py", line 706, in <lambda>
self.f(*(self.args + (obj,) + args), **kwargs)
"/usr/local/lib/python3.6/site-packages/pyVmomi/VmomiSupport.py", line 511, in _InvokeMethod
list(map(CheckField, info.params, args))
"/usr/local/lib/python3.6/site-packages/pyVmomi/VmomiSupport.py", line 1098, in CheckField
% (info.name, info.type.__name__, valType.__name__))
TypeError: For "userName" expected type str, but got bytes
| Traceback (most recent call last):
"CoreMLConverter.py", line 4, in <module>
coreModel = coremltools.converters.keras.convert(('scheduler_model.json','scheduler_model.h5'))
"/Users/rohit.kumar/work/ScheduleBuilder/lib/python2.7/site-packages/coremltools/converters/keras/_keras_converter.py", line 760, in convert
custom_conversion_functions=custom_conversion_functions)
"/Users/rohit.kumar/work/ScheduleBuilder/lib/python2.7/site-packages/coremltools/converters/keras/_keras_converter.py", line 556, in convertToSpec
custom_objects=custom_objects)
"/Users/rohit.kumar/work/ScheduleBuilder/lib/python2.7/site-packages/coremltools/converters/keras/_keras2_converter.py", line 359, in _convert
converter_func(builder, layer, input_names, output_names, keras_layer)
"/Users/rohit.kumar/work/ScheduleBuilder/lib/python2.7/site-packages/coremltools/converters/keras/_layers2.py", line 251, in convert_activation
shared_axes = list(keras_layer.shared_axes)
TypeError: 'NoneType' object is not iterable
| 0.594408 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/cloud/cli.py", line 284, in run
self.config.get('names')
"/usr/lib/python2.7/dist-packages/salt/cloud/__init__.py", line 1448, in run_profile
ret[name] = self.create(vm_)
"/usr/lib/python2.7/dist-packages/salt/cloud/__init__.py", line 1278, in create
output = self.clouds[func](vm_)
"/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1215, in create
'wait_for_ip_interval_multiplier', vm_, __opts__, default=1),
"/usr/lib/python2.7/dist-packages/salt/utils/cloud.py", line 2432, in wait_for_ip
data = update_callback(*update_args, **update_kwargs)
"/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1190, in _query_ip_address
data = request_instance(kwargs=vm_)
"/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1103, in request_instance
VirtualMachineSizeTypes, vm_['size'].lower()
"/usr/local/lib/python2.7/dist-packages/enum/__init__.py", line 390, in __getattr__
raise AttributeError(name)
AttributeError: standard_b4ms
| Traceback (most recent call last):
"/home/neirbowj/src/github/rauth/tests/test_oauth.py", line 214, in test_rsasha1_badargument
self.req_kwargs)
"/usr/local/lib/python2.7/unittest/case.py", line 473, in assertRaises
callableObj(*args, **kwargs)
"/home/neirbowj/src/github/rauth/rauth/oauth.py", line 211, in sign
if not isinstance(consumer_secret, self.RSA._RSAobj):
AttributeError: 'module' object has no attribute '_RSAobj'
| 0.553212 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/homeassistant/setup.py", line 151, in _async_setup_component
hass, processed_config)
"/usr/local/lib/python3.7/site-packages/homeassistant/components/knx/__init__.py", line 86, in async_setup
hass.data[DATA_KNX] = KNXModule(hass, config)
"/usr/local/lib/python3.7/site-packages/homeassistant/components/knx/__init__.py", line 137, in __init__
self.init_xknx()
"/usr/local/lib/python3.7/site-packages/homeassistant/components/knx/__init__.py", line 145, in init_xknx
rate_limit=self.config[DOMAIN][CONF_KNX_RATE_LIMIT])
TypeError: __init__() got an unexpected keyword argument 'rate_limit'
| Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_bound_cached_methods_hash() takes exactly 1 argument (0 given)
| 0.553201 |
Traceback (most recent call last):
"C:\Users\Pranab\Anaconda3\envs\tensorflow1\lib\site-packages\IPython\core\interactiveshell.py", line 2044, in showtraceback
stb = value._render_traceback_()
AttributeError: 'TypeError' object has no attribute '_render_traceback_'
| fengyu@Y570:~/rasa_nlu_chi$ python3 -m rasa_nlu.train -c ./sample_configs/config_jieba_mitie_sklearn.json -d ./data/examples/rasa/demo-rasa_zh.jsonTraceback (most recent call last):
"/usr/lib/python3.5/runpy.py", line 184, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.5/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/home/fengyu/rasa_nlu_chi/rasa_nlu/train.py", line 174, in <module>
num_threads=cmdline_args.num_threads)
"/home/fengyu/rasa_nlu_chi/rasa_nlu/train.py", line 143, in do_train
trainer = Trainer(cfg, component_builder)
"/home/fengyu/rasa_nlu_chi/rasa_nlu/model.py", line 146, in __init__
components.validate_requirements(cfg.component_names)
"/home/fengyu/rasa_nlu_chi/rasa_nlu/config.py", line 146, in component_names
return [c.get("name") for c in self.pipeline]
"/home/fengyu/rasa_nlu_chi/rasa_nlu/config.py", line 146, in <listcomp>
return [c.get("name") for c in self.pipeline]
AttributeError: 'str' object has no attribute 'get'
| 0.590067 |
Traceback (most recent call last):
"/home/ubuntu/bitmax/hummingbot/core/utils/async_utils.py", line 9, in safe_wrapper
return await c
"/home/ubuntu/bitmax/hummingbot/connector/exchange/bitmax/bitmax_exchange.py", line 492, in _create_order
raise ValueError(f"Notional amount {notional} is not withing the range of {bitmax_trading_rule.minNotional}-{bitmax_trading_rule.maxNotional}.")
ValueError: Notional amount 1.84714 is not withing the range of 5-400000.
| Traceback (most recent call last):
"/home/user/cluster/base/FullyConvolutional.py", line 959, in <module>
gr.pretrainSBU(110)
"/home/user/cluster/base/FullyConvolutional.py", line 897, in pretrainSBU
period=10)]) # train the new layer until no improvement occurs
"/home/user/software/tensorflow/lib/python2.7/site-packages/keras/engine/training.py", line 1013, in fit
self._make_train_function()
"/home/user/software/tensorflow/lib/python2.7/site-packages/keras/engine/training.py", line 497, in _make_train_function
loss=self.total_loss)
"/home/user/software/tensorflow/lib/python2.7/site-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"/home/user/software/tensorflow/lib/python2.7/site-packages/keras/optimizers.py", line 381, in get_updates
new_a = self.rho * a + (1. - self.rho) * K.square(g)
"/home/user/software/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/math_ops.py", line 967, in binary_op_wrapper
with ops.name_scope(None, op_name, [x, y]) as name:
"/home/user/software/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 5977, in __enter__
g = _get_graph_from_inputs(self._values)
"/home/user/software/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 5637, in _get_graph_from_inputs
_assert_same_graph(original_graph_element, graph_element)
"/home/user/software/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 5573, in _assert_same_graph
original_item))
ValueError: Tensor("mul:0", shape=(3, 3, 3, 64), dtype=float32) must be from the same graph as Tensor("training/Adadelta/mul:0", shape=(3, 3, 3, 64), dtype=float32).
| 0.555544 |
"Exception while initialization: Traceback (most recent call last):
"L:\Archives\deepfake\Peri\vengance\_internal\bin\DeepFaceLab\utils\SubprocessorBase.py", line 215, in subprocess
fail_message = self.onClientInitialize(client_dict)
"L:\Archives\deepfake\Peri\vengance\_internal\bin\DeepFaceLab\mainscripts\Extractor.py", line 249, in onClientInitialize
self.dlib = gpufmkmgr.import_dlib( self.device_idx )
"L:\Archives\deepfake\Peri\vengance\_internal\bin\DeepFaceLab\gpufmkmgr\gpufmkmgr.py", line 14, in import_dlib
import dlib
ImportError: DLL load failed: The specified module could not be found."
| Traceback (most recent call last):
"main.py", line 2, in <module>
import mxnet as mx
ImportError: No module named 'mxnet'
| 0.605039 |
Traceback (most recent call last):
"/opt/conda/lib/python3.7/concurrent/futures/process.py", line 239, in _process_worker
r = call_item.fn(*call_item.args, **call_item.kwargs)
"/opt/conda/lib/python3.7/site-packages/kedro/runner/parallel_runner.py", line 145, in _run_node_synchronization
return run_node(node, catalog, is_async, run_id)
"/opt/conda/lib/python3.7/site-packages/kedro/runner/runner.py", line 212, in run_node
node = _run_node_sequential(node, catalog, run_id)
"/opt/conda/lib/python3.7/site-packages/kedro/runner/runner.py", line 297, in _run_node_sequential
outputs = _call_node_run(node, catalog, inputs, is_async, run_id=run_id)
"/opt/conda/lib/python3.7/site-packages/kedro/runner/runner.py", line 265, in _call_node_run
raise exc
"/opt/conda/lib/python3.7/site-packages/kedro/runner/runner.py", line 255, in _call_node_run
outputs = node.run(inputs)
"/opt/conda/lib/python3.7/site-packages/kedro/pipeline/node.py", line 466, in run
raise exc
"/opt/conda/lib/python3.7/site-packages/kedro/pipeline/node.py", line 459, in run
outputs = self._run_with_dict(inputs, self._inputs)
"/opt/conda/lib/python3.7/site-packages/kedro/pipeline/node.py", line 520, in _run_with_dict
return self._decorated_func(**kwargs)
"/data/kedro_proj/pi/src/pi/pipelines/data_science/nodes.py", line 88, in predict
result = _sigmoid(np.dot(X, model))
"<__array_function__ internals>", line 6, in dot
TypeError: unsupported operand type(s) for *: 'float' and 'object'
| Traceback (most recent call last):
"/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 34, in inner
response = get_response(request)
"/usr/local/lib/python3.8/site-packages/django/utils/deprecation.py", line 94, in __call__
response = response or self.get_response(request)
"/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 36, in inner
response = response_for_exception(request, exc)
"/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 90, in response_for_exception
response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info())
"/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 125, in handle_uncaught_exception
return debug.technical_500_response(request, *exc_info)
"/usr/local/lib/python3.8/site-packages/django_extensions/management/technical_response.py", line 36, in null_technical_500_response
raise(exc_type, exc_value, tb)
TypeError: exceptions must derive from BaseException
| 0.57488 |
Traceback (most recent call last):
"/tmp/easy_install-0aqxli8a/numpy-1.20.0rc2/tools/cythonize.py", line 59, in process_pyx
from Cython.Compiler.Version import version as cython_version
ModuleNotFoundError: No module named 'Cython'
| Traceback (most recent call last):
"tpunamebdorab_tpu_gcp_script2.py", line 15, in <module>
import tensorflow_addons as tfa
ModuleNotFoundError: No module named 'tensorflow_addons'
| 0.626595 |
Traceback (most recent call last):
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/home/uddeshya/Desktop/mySetup/open-event-server/app/__init__.py", line 67, in __call__
return self.app(environ, start_response)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/uddeshya/venv/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/uddeshya/venv/lib/python3.5/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/api.py", line 133, in decorated
return self.check_permissions(view, view_args, view_kwargs, *args, **kwargs)
"/home/uddeshya/Desktop/mySetup/open-event-server/app/api/helpers/permission_manager.py", line 439, in permission_manager
return permissions[args[0]](view, view_args, view_kwargs, *args, **kwargs)
"/home/uddeshya/Desktop/mySetup/open-event-server/app/api/helpers/permissions.py", line 45, in decorator
return fn(*args, **kwargs)
"/home/uddeshya/Desktop/mySetup/open-event-server/app/api/helpers/permission_manager.py", line 38, in is_admin
return view(*view_args, **view_kwargs)
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/decorators.py", line 32, in wrapper
return func(*args, **kwargs)
"/home/uddeshya/venv/lib/python3.5/site-packages/flask/views.py", line 88, in view
return self.dispatch_request(*args, **kwargs)
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/resource.py", line 68, in dispatch_request
response = method(*args, **kwargs)
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/decorators.py", line 56, in wrapper
return func(*args, **kwargs)
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/resource.py", line 161, in get
url_for(self.view, **view_kwargs))
"/home/uddeshya/venv/src/flask-rest-jsonapi/flask_rest_jsonapi/pagination.py", line 53, in add_pagination_links
data['links'] = links
TypeError: list indices must be integers or slices, not str
| Traceback (most recent call last):
"C:\Users\Shivam\Anaconda2\envs\tensor3\lib\site-packages\spyder\widgets\editor.py", line 2206, in dragEnterEvent
text = [encoding.is_text_file(url) for url in all_urls]
TypeError: 'NoneType' object is not iterable
| 0.540497 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: module 'torchvision.datasets' has no attribute 'USPS'
| Traceback (most recent call last):
"/home/xanrin/.pyenv/versions/3.8.6/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/home/xanrin/.pyenv/versions/3.8.6/lib/python3.8/site-packages/ray/autoscaler/_private/updater.py", line 129, in run
self.provider.set_node_tags(
"/home/xanrin/.pyenv/versions/3.8.6/lib/python3.8/site-packages/ray/autoscaler/_private/azure/node_provider.py", line 29, in wrapper
return f(self, *args, **kwargs)
"/home/xanrin/.pyenv/versions/3.8.6/lib/python3.8/site-packages/ray/autoscaler/_private/azure/node_provider.py", line 226, in set_node_tags
self.compute_client.virtual_machines.update(
AttributeError: 'VirtualMachinesOperations' object has no attribute 'update'
| 0.593576 |
Traceback (most recent call last):
"main_deepclusterv2.py", line 426, in <module>
main()
"main_deepclusterv2.py", line 119, in main
init_distributed_mode(args)
"/remote_projects/ImageSimilarity/swav/src/utils.py", line 56, in init_distributed_mode
args.rank = int(os.environ["RANK"])
"/root/software/anaconda3/envs/similarity/lib/python3.6/os.py", line 669, in __getitem__
raise KeyError(key) from None
KeyError: 'RANK' | Traceback (most recent call last):
"/usr/local/lib/python3.9/site-packages/sympy/core/assumptions.py", line 454, in getit
return self._assumptions[fact]
KeyError: 'finite'
| 0.574638 |
Traceback (most recent call last):
"C:\Users\pig\AppData\Local\Programs\Python\Python37-32\Scripts\ykdl-script.py", line 11, in <module>
load_entry_point('ykdl==1.7.0', 'console_scripts', 'ykdl')()
"c:\users\pig\appdata\local\programs\python\python37-32\lib\site-packages\cykdl\__main__.py", line 197, in main
info = parser(u)
"c:\users\pig\appdata\local\programs\python\python37-32\lib\site-packages\ykdl\extractor.py", line 23, in parser
info = self.prepare()
"c:\users\pig\appdata\local\programs\python\python37-32\lib\site-packages\ykdl\extractors\douyu\live.py", line 105, in prepare
error_msg = get_live_info()
"c:\users\pig\appdata\local\programs\python\python37-32\lib\site-packages\ykdl\extractors\douyu\live.py", line 83, in get_live_info
stream = self.profile_2_id[video_profile]
KeyError: '原画'
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 263, in async_update_ha_state
await self.async_device_update()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 456, in async_device_update
await self.hass.async_add_executor_job(
"/usr/local/lib/python3.8/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/homeassistant/homeassistant/components/solaredge/sensor.py", line 192, in update
self._state = self.data_service.data[self._json_key]
KeyError: 'inverters'
| 0.544664 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/ee218/pyenv_pyrobot_python3/lib/python3.6/site-packages/pyrobot/__init__.py", line 6, in <module>
from pyrobot.core import Robot
"/home/ee218/pyenv_pyrobot_python3/lib/python3.6/site-packages/pyrobot/core.py", line 18, in <module>
import tf
"/opt/ros/kinetic/lib/python2.7/dist-packages/tf/__init__.py", line 28, in <module>
from tf2_ros import TransformException as Exception, ConnectivityException, LookupException, ExtrapolationException
"/opt/ros/kinetic/lib/python2.7/dist-packages/tf2_ros/__init__.py", line 38, in <module>
from tf2_py import *
"/opt/ros/kinetic/lib/python2.7/dist-packages/tf2_py/__init__.py", line 38, in <module>
from ._tf2 import *
ImportError: dynamic module does not define module export function (PyInit__tf2)
| Traceback (most recent call last):
"C:\Program
s (x86)\Thonny\lib\site-packages\thonny\backend_launcher.py", line 30, in <module>
spec.loader.exec_module(module)
"<frozen importlib._bootstrap_external>", line 662, in exec_module
"<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed
"C:\Program
s (x86)\Thonny\lib\site-packages\thonny\__init__.py", line 4, in <module>
from typing import TYPE_CHECKING, cast, Optional
ImportError: cannot import name 'TYPE_CHECKING'
| 0.610276 |
Traceback (most recent call last):
"d:\Projects\bin\\unityextract.py", line 146, in <module>
main()
"d:\Projects\bin\\unityextract.py", line 143, in main
exit(app.run())
"d:\Projects\bin\\unityextract.py", line 56, in run
self.handle_asset(asset)
"d:\Projects\bin\\unityextract.py", line 81, in handle_asset
for id, obj in asset.objects.items():
"C:\Python36\lib\site-packages\unitypack-0.6.1-py3.6.egg\unitypack\asset.py", line 83, in objects
self.load()
"C:\Python36\lib\site-packages\unitypack-0.6.1-py3.6.egg\unitypack\asset.py", line 108, in load
self.tree.load(buf)
"C:\Python36\lib\site-packages\unitypack-0.6.1-py3.6.egg\unitypack\type.py", line 115, in load
self.target_platform = RuntimePlatform(buf.read_uint())
"C:\Python36\lib\enum.py", line 291, in __call__
return cls.__new__(cls, value)
"C:\Python36\lib\enum.py", line 533, in __new__
return cls._missing_(value)
"C:\Python36\lib\enum.py", line 546, in _missing_
raise ValueError("%r is not a valid %s" % (value, cls.__name__))
ValueError: 8404736 is not a valid RuntimePlatform
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/jumpscale/core/executors/remote.py", line 65, in run
return execute(cmd, command_ctx, self._connection_ctx)
│
│
│
└ <jumpscale.core.executors.remote.RemoteExecutor object at 0x7f8925195c40>
│
│
└ {}
│
└ 'hostname'
└ <function execute at 0x7f8921aca700>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/jumpscale/core/executors/command_builder.py", line 28, in inner
return func(cmd, *args, **kwargs)
│
│
│
└ {}
│
│
└ ({}, {'host': '165.232.120.92', 'user': 'root', 'port': 22, 'forward_agent': True, 'connect_timeout': 10, 'connect_kwargs': {'ke...
│
└ 'hostname'
└ <function execute at 0x7f8921aca5e0>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/jumpscale/core/executors/remote.py", line 33, in execute
res = c.run(cmd, **command_ctx)
│
│
└ {}
│
└ 'hostname'
└ <Connection host=165.232.120.92>
"<decorator-gen-3>", line 2, in run
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/fabric/connection.py", line 29, in opens
self.open()
└ <Connection host=165.232.120.92>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/fabric/connection.py", line 634, in open
self.client.connect(**kwargs)
│
└ {'key_filename': '/root/.ssh/id_rsa', 'username': 'root', 'hostname': '165.232.120.92', 'port': 22, 'timeout': 10}
└ <Connection host=165.232.120.92>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/client.py", line 435, in connect
self._auth(
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/client.py", line 676, in _auth
key = self._key_from_filepath(
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/client.py", line 586, in _key_from_filepath
key = klass.from_private_key_file(key_path, password)
│
│
└ None
│
└ '/root/.ssh/id_rsa'
└ <class 'paramiko.rsakey.RSAKey'>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/pkey.py", line 235, in from_private_key_file
key = cls(filename=filename, password=password)
│
│
└ None
│
└ '/root/.ssh/id_rsa'
└ <class 'paramiko.rsakey.RSAKey'>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/rsakey.py", line 55, in __init__
self._from_private_key_file(filename, password)
│
│
└ None
│
└ '/root/.ssh/id_rsa'
└ <paramiko.rsakey.RSAKey object at 0x7f892100f3d0>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/rsakey.py", line 176, in _from_private_key_file
self._decode_key(data)
│
└ (2, b'\x00\x00\x01\x81\x00\xaf\xd00\x80\x93^\xb4\xe3\xdf\xee\xfa\xb8\xf1\xd3\x93\xe75J&\xf1y2\xc1^#\xb2\xe3\x13\xcd\xf6\xc5fJ\x0...
└ <paramiko.rsakey.RSAKey object at 0x7f892100f3d0>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/paramiko/rsakey.py", line 194, in _decode_key
key = rsa.RSAPrivateNumbers(
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/cryptography/hazmat/primitives/asymmetric/rsa.py", line 311, in private_key
return backend.load_rsa_private_numbers(self)
│
└ <cryptography.hazmat.primitives.asymmetric.rsa.RSAPrivateNumbers object at 0x7f892038b910>
└ <cryptography.hazmat.backends.openssl.backend.Backend object at 0x7f8921ba0130>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/cryptography/hazmat/backends/openssl/backend.py", line 630, in load_rsa_private_numbers
return _RSAPrivateKey(self, rsa_cdata, evp_pkey)
│
│
│
└ <cdata 'EVP_PKEY *' 0x240a260>
│
│
└ <cdata 'RSA *' 0x241e4a0>
│
└ <cryptography.hazmat.backends.openssl.backend.Backend object at 0x7f8921ba0130>
└ <class 'cryptography.hazmat.backends.openssl.rsa._RSAPrivateKey'>
"/root/.cache/pypoetry/virtualenvs/js-sdk-vpmH-Z_5-py3.8/lib/python3.8/site-packages/cryptography/hazmat/backends/openssl/rsa.py", line 320, in __init__
raise ValueError("Invalid private key", errors)
└ [_OpenSSLErrorWithText(code=67764350, lib=4, func=160, reason=126, reason_text=b'error:040A007E:rsa routines:RSA_check_key_ex:iq...
ValueError: ('Invalid private key', [_OpenSSLErrorWithText(code=67764350, lib=4, func=160, reason=126, reason_text=b'error:040A007E:rsa routines:RSA_check_key_ex:iqmp not inverse of q')])
| 0.566285 |
Traceback (most recent call last):
"C:\Users\Administrator\AppData\Local\Programs\Python\Python37\lib\tkinter\__init__.py", line 1705, in __call__
return self.func(*args)
".\main.py", line 40, in <lambda>
b1 = Button(win, text = '开始', command = lambda: run_killer(txt, txt2))
".\main.py", line 14, in run_killer
ChromeDrive(seckill_time = seckill_time, password = password).sec_kill()
"D:\source\taobao_seckill\seckill\seckill_taobao.py", line 49, in __init__
self.seckill_time_obj = datetime.strptime(self.seckill_time, '%Y-%m-%d %H:%M:%S')
"C:\Users\Administrator\AppData\Local\Programs\Python\Python37\lib\_strptime.py", line 577, in _strptime_datetime
tt, fraction, gmtoff_fraction = _strptime(data_string, format)
"C:\Users\Administrator\AppData\Local\Programs\Python\Python37\lib\_strptime.py", line 362, in _strptime
data_string[found.end():])
ValueError: unconverted data remains: .679973 | Traceback (most recent call last):
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 2328, in __call__
return self.wsgi_app(environ, start_response)
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 2314, in wsgi_app
response = self.handle_exception(e)
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 1760, in handle_exception
reraise(exc_type, exc_value, tb)
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/_compat.py", line 36, in reraise
raise value
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 2311, in wsgi_app
response = self.full_dispatch_request()
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 1834, in full_dispatch_request
rv = self.handle_user_exception(e)
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 1737, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/_compat.py", line 36, in reraise
raise value
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 1832, in full_dispatch_request
rv = self.dispatch_request()
"/Users/limao/miniconda3/lib/python3.6/site-packages/flask/app.py", line 1818, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/Users/limao/Documents/gstwilio/run.py", line 40, in send_sms
resp.message(df)
"/Users/limao/miniconda3/lib/python3.6/site-packages/twilio/twiml/messaging_response.py", line 45, in message
**kwargs
"/Users/limao/miniconda3/lib/python3.6/site-packages/twilio/twiml/messaging_response.py", line 76, in __init__
if body:
"/Users/limao/miniconda3/lib/python3.6/site-packages/pandas/core/generic.py", line 1576, in __nonzero__
.format(self.__class__.__name__))
ValueError: The truth value of a DataFrame is ambiguous. Use a.empty, a.bool(), a.item(), a.any() or a.all().
| 0.584178 |
Traceback (most recent call last):
"site-packages\lbrynet\dht\protocol.py", line 432, in _handleRPC
"site-packages\lbrynet\dht\node.py", line 522, in store
ValueError: Invalid token
| WARNING: /home/docs/checkouts/readthedocs.org/user_builds/geopandas/checkouts/latest/examples/plotting_with_geoplot.py failed to execute correctly: Traceback (most recent call last):
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/checkouts/latest/examples/plotting_with_geoplot.py", line 80, in <module>
linewidth=0)
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/conda/latest/lib/python3.7/site-packages/geoplot/geoplot.py", line 2134, in voronoi
geoms = _build_voronoi_polygons(df)
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/conda/latest/lib/python3.7/site-packages/geoplot/geoplot.py", line 2636, in _build_voronoi_polygons
geom = np.array(df.geometry.map(lambda p: [p.x, p.y]).tolist())
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/conda/latest/lib/python3.7/site-packages/pandas/core/series.py", line 3384, in map
index=self.index).__finalize__(self)
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/conda/latest/lib/python3.7/site-packages/geopandas/geoseries.py", line 90, in __new__
_validate_geometry_data(s.values)
"/home/docs/checkouts/readthedocs.org/user_builds/geopandas/conda/latest/lib/python3.7/site-packages/geopandas/geoseries.py", line 29, in _validate_geometry_data
if not all(isinstance(item, BaseGeometry) or pd.isna(item) for item in data):
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
| 0.467999 |
Traceback (most recent call last):
"VideoWidget_vlc.py", line 767, in stopDanmuMessage
TypeError: 'method' object is not connected
| Traceback (most recent call last):
"visualizer_rllib.py", line 386, in <module>
visualizer_rllib(args)
"visualizer_rllib.py", line 70, in visualizer_rllib
flow_params = get_flow_params(config)
"/home/ha55/Desktop/flow/flow/flow/utils/rllib.py", line 180, in get_flow_params
net_module = __import__(net_loc, fromlist=[network])
"<frozen importlib._bootstrap>", line 1014, in _handle_fromlist
TypeError: Item in ``from list'' must be str, not dict
| 0.534336 |
Traceback (most recent call last):
"/srv/homeassistant/lib/python3.7/site-packages/pyvera/subscribe.py", line 155, in _event_device
callback(device)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/vera/__init__.py", line 162, in _update_callback
self.schedule_update_ha_state(True)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 430, in schedule_update_ha_state
self.hass.add_job(self.async_update_ha_state(force_refresh))
AttributeError: 'NoneType' object has no attribute 'add_job'
| Traceback (most recent call last):
"/home/fant/projects/python/text-detection-ctpn-master/lib/fast_rcnn/train.py", line 130, in train_model
print('Restoring from {}...'.format(ckpt.model_checkpoint_path), end=' ')
AttributeError: 'NoneType' object has no attribute 'model_checkpoint_path'
| 0.580385 |
Traceback (most recent call last):
"/home/florian/proj/qutebrowser/git/qutebrowser/browser/downloads.py", line 1057, in _on_begin_remove_row
self.beginRemoveRows(QModelIndex(), idx, idx)
RuntimeError: wrapped C/C++ object of type DownloadModel has been deleted
| Traceback (most recent call last):
"test_scripts/test_esrgan.py", line 55, in <module>
main()
"test_scripts/test_esrgan.py", line 46, in main
output = model(img)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/content/BasicSR/basicsr/models/archs/rrdbnet_arch.py", line 105, in forward
body_feat = self.conv_body(self.body(feat))
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/container.py", line 117, in forward
input = module(input)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/content/BasicSR/basicsr/models/archs/rrdbnet_arch.py", line 61, in forward
out = self.rdb1(x)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/content/BasicSR/basicsr/models/archs/rrdbnet_arch.py", line 39, in forward
x5 = self.conv5(torch.cat((x, x1, x2, x3, x4), 1))
RuntimeError: CUDA out of memory. Tried to allocate 4.77 GiB (GPU 0; 15.90 GiB total capacity; 6.50 GiB already allocated; 1.06 GiB free; 12.87 GiB reserved in total by PyTorch)
| 0.518315 |
Traceback (most recent call last):
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/wsgi.py", line 95, in error_handler
return app.common_static_handler(app, environ, start_response)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/wsgi.py", line 68, in static_handler
return dynamic_handler(app, environ, start_response)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/wsgi.py", line 31, in dynamic_handler
app.route.dispatch()
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/expose.py", line 265, in dispatch
route.f(**reqargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/expose.py", line 426, in pipe
output = next_pipe(**kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 53, in pipe
return next_pipe(**kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 53, in pipe
return next_pipe(**kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/tools/service.py", line 39, in pipe
return self.procedure(next_pipe, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/tools/service.py", line 30, in json
data = f(**kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy_rest/helpers.py", line 23, in pipe
return next_pipe(**kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/pipeline.py", line 26, in pipe_flow
output = link.pipe.pipe(link.f, **kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy_rest/helpers.py", line 35, in pipe
self.fetch_record(kwargs)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy_rest/helpers.py", line 43, in fetch_record
).select(self.mod.model.table.ALL).first()
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/weppy/orm/objects.py", line 310, in select
return super(Set, self).select(*fields, **options)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/pydal/objects.py", line 2210, in select
return adapter.select(self.query, fields, attributes)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/pydal/adapters/base.py", line 760, in select
return self._select_aux(sql, fields, attributes, colnames)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/pydal/adapters/base.py", line 716, in _select_aux
rows = self._select_aux_execute(sql)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/pydal/adapters/base.py", line 710, in _select_aux_execute
self.execute(sql)
"/home/stevens/.virtualenvs/near-field-scanner-web/lib/python3.6/site-packages/pydal/adapters/__init__.py", line 65, in wrap
raise ValueError(args[1])
ValueError: SELECT "Scans"."id", "Scans"."name", "Scans"."date", "Scans"."kind", "Scans"."min_frequency", "Scans"."max_frequency", "Scans"."min_frequency_unit", "Scans"."max_frequency_unit", "Scans"."min_x", "Scans"."min_y", "Scans"."min_z", "Scans"."max_x", "Scans"."max_y", "Scans"."max_z", "Scans"."pcb_filename", "Scans"."status", "Scans"."progress", "Scans"."analyzer", "Scans"."probe" FROM "Scans" WHERE (("Scans"."id" IS NOT NULL) AND ("Scans"."id" = 37));
| Traceback (most recent call last):
"/test.py", line 13, in <module>
pm.sample_prior_predictive(samples=samples)
"//anaconda3/lib/python3.7/site-packages/pymc3/sampling.py", line 1325, in sample_prior_predictive
values = draw_values([model[name] for name in names], size=samples)
"//anaconda3/lib/python3.7/site-packages/pymc3/distributions/distribution.py", line 369, in draw_values
size=size)
"//anaconda3/lib/python3.7/site-packages/pymc3/distributions/distribution.py", line 463, in _draw_value
return param.random(point=point, size=size)
"//anaconda3/lib/python3.7/site-packages/pymc3/model.py", line 43, in __call__
return getattr(self.obj, self.method_name)(*args, **kwargs)
"//anaconda3/lib/python3.7/site-packages/pymc3/distributions/continuous.py", line 460, in random
size=size)
"//anaconda3/lib/python3.7/site-packages/pymc3/distributions/distribution.py", line 584, in generate_samples
broadcast_shape = np.broadcast(*inputs).shape
# size of generator(size=1)
ValueError: shape mismatch: objects cannot be broadcast to a single shape
| 0.542382 |
..................................................................Traceback (most recent call last):
"train.py", line 265, in <module>
train(args)
"train.py", line 252, in train
[prediction], exe)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/fluid/io.py", line 342, in save_inference_model
prepend_feed_ops(inference_program, feeded_var_names)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/fluid/io.py", line 272, in prepend_feed_ops
out = global_block.var(name)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/fluid/framework.py", line 708, in var
raise ValueError("var %s not in this block" % name)
ValueError: var feature not in this block
| Traceback (most recent call last):
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/worker/queue_processors.py", line 120, in consume_wrapper
self.consume(data)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/worker/queue_processors.py", line 412, in consume
rcpt_to=event["rcpt_to"], pre_checked=True)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/email_mirror.py", line 349, in process_message
process_stream_message(to, subject, message, debug_info)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/email_mirror.py", line 315, in process_stream_message
send_zulip(settings.EMAIL_GATEWAY_BOT, stream, subject, body)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/email_mirror.py", line 200, in send_zulip
content[:2000])
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/actions.py", line 1502, in internal_send_message
do_send_messages([msg])
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/actions.py", line 798, in do_send_messages
Message.objects.bulk_create([message['message'] for message in messages])
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/models/manager.py", line 85, in manager_method
return getattr(self.get_queryset(), name)(*args, **kwargs)
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/models/query.py", line 443, in bulk_create
ids = self._batched_insert(objs_without_pk, fields, batch_size)
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/models/query.py", line 1093, in _batched_insert
inserted_id = self._insert(item, fields=fields, using=self.db, return_id=True)
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/models/query.py", line 1076, in _insert
return query.get_compiler(using=using).execute_sql(return_id)
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/models/sql/compiler.py", line 1107, in execute_sql
cursor.execute(sql, params)
"/home/zulip/deployments/2017-08-30-16-41-05/zulip-py3-venv/lib/python3.5/site-packages/django/db/backends/utils.py", line 65, in execute
return self.cursor.execute(sql, params)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/db.py", line 32, in execute
return wrapper_execute(self, super(TimeTrackingCursor, self).execute, query, vars)
"/home/zulip/deployments/2017-08-30-16-41-05/zerver/lib/db.py", line 19, in wrapper_execute
return action(sql, params)
ValueError: A string literal cannot contain NUL (0x00) characters.
| 0.577246 |
Traceback (most recent call last):
"/usr/local/Cellar/visidata/1.0/libexec/lib/python3.6/site-packages/visidata/vdtui.py", line 1117, in exec_command
exec(cmd.execstr, vdglobals, LazyMap(self))
"<string>", line 1, in <module>
AttributeError: 'list' object has no attribute 'toggleKeyColumn'
| Traceback (most recent call last):
"/mnt/HD/HD_a2/Sickrage/SickBeard.py", line 70, in <module>
from sickchill.views.server_settings import SRWebServer
"/mnt/HD/HD_a2/Sickrage/sickchill/views/__init__.py", line 22, in <module>
from .api import ApiCall, ApiHandler, function_mapper, KeyHandler
"/mnt/HD/HD_a2/Sickrage/sickchill/views/api/__init__.py", line 22, in <module>
from .authentication import KeyHandler
"/mnt/HD/HD_a2/Sickrage/sickchill/views/api/authentication.py", line 25, in <module>
from tornado.web import RequestHandler
"/mnt/HD/HD_a2/Sickrage/lib/tornado/web.py", line 89, in <module>
from tornado import iostream
"/mnt/HD/HD_a2/Sickrage/lib/tornado/iostream.py", line 41, in <module>
from tornado.netutil import ssl_wrap_socket, _client_ssl_defaults, _server_ssl_defaults
"/mnt/HD/HD_a2/Sickrage/lib/tornado/netutil.py", line 44, in <module>
_client_ssl_defaults = ssl.create_default_context(
AttributeError: 'module' object has no attribute 'create_default_context'
| 0.66372 |
Traceback (most recent call last):
"/home/raitaro/.local/bin/anime", line 11, in <module>
load_entry_point('anime-downloader==4.0.0.post1', 'console_scripts', 'anime')()
"/home/raitaro/.local/lib/python3.6/site-packages/anime_downloader/cli.py", line 53, in main
cli()
"/home/raitaro/.local/lib/python3.6/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/home/raitaro/.local/lib/python3.6/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/home/raitaro/.local/lib/python3.6/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/raitaro/.local/lib/python3.6/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/raitaro/.local/lib/python3.6/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/raitaro/.local/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/home/raitaro/.local/lib/python3.6/site-packages/anime_downloader/commands/dl.py", line 92, in command
animes = util.parse_ep_str(anime, episode_range)
"/home/raitaro/.local/lib/python3.6/site-packages/anime_downloader/util.py", line 133, in parse_ep_str
for episode in split_anime(anime, episode_grammar):
"/home/raitaro/.local/lib/python3.6/site-packages/anime_downloader/sites/anime.py", line 183, in __getitem__
raise RuntimeError("No episode found with index") from e
RuntimeError: No episode found with index
| Traceback (most recent call last):
"/home/msrauser/anaconda3/envs/fairseq-py36-torch14/bin/fairseq-train", line 33, in <module>
sys.exit(load_entry_point('fairseq', 'console_scripts', 'fairseq-train')())
"/home/msrauser/xiangxin/project/fairseq/fairseq_cli/train.py", line 366, in cli_main
cli_main_helper(args)
"/home/msrauser/xiangxin/project/fairseq/fairseq_cli/train.py", line 384, in cli_main_helper
distributed_main(args.device_id, args)
"/home/msrauser/xiangxin/project/fairseq/fairseq_cli/train.py", line 354, in distributed_main
args, init_distributed=True, after_distributed_init_fn=after_distributed_init_fn
"/home/msrauser/xiangxin/project/fairseq/fairseq_cli/train.py", line 63, in main
args.distributed_rank = distributed_utils.distributed_init(args)
"/home/msrauser/xiangxin/project/fairseq/fairseq/distributed_utils.py", line 99, in distributed_init
dist.all_reduce(torch.zeros(1).cuda())
"/home/msrauser/anaconda3/envs/fairseq-py36-torch14/lib/python3.6/site-packages/torch/distributed/distributed_c10d.py", line 902, in all_reduce
work = _default_pg.allreduce([tensor], opts)
RuntimeError: NCCL error in: /opt/conda/conda-bld/pytorch_1579022034529/work/torch/lib/c10d/ProcessGroupNCCL.cpp:410, unhandled system error, NCCL version 2.4.8
| 0.564775 |
Traceback (most recent call last):
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/django/core/handlers/exception.py", line 34, in inner
response = get_response(request)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/django/core/handlers/base.py", line 145, in _get_response
response = self.process_exception_by_middleware(e, request)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/django/core/handlers/base.py", line 143, in _get_response
response = response.render()
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/django/template/response.py", line 106, in render
self.content = self.rendered_content
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/response.py", line 70, in rendered_content
ret = renderer.render(self.data, accepted_media_type, context)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/renderers.py", line 724, in render
context = self.get_context(data, accepted_media_type, renderer_context)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/renderers.py", line 656, in get_context
raw_data_put_form = self.get_raw_data_form(data, view, 'PUT', request)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/renderers.py", line 563, in get_raw_data_form
data = serializer.data.copy()
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/serializers.py", line 563, in data
return ReturnDict(ret, serializer=self)
"/Users/wuqilun/opt/anaconda3/envs/agatha/lib/python3.6/site-packages/rest_framework/utils/serializer_helpers.py", line 18, in __init__
super().__init__(*args, **kwargs)
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| 0.59335 |
Traceback (most recent call last):
"build/bdist.linux-x86_64/egg/ishell/console.py", line 102, in loop
self.walk_and_run(input_)
"build/bdist.linux-x86_64/egg/ishell/console.py", line 69, in walk_and_run
self.walk(command, 0, run=True, full_line=command)
"build/bdist.linux-x86_64/egg/ishell/console.py", line 54, in walk
return cmd.complete(line_commands[1:], buf, state, run, full_line)
"build/bdist.linux-x86_64/egg/ishell/command.py", line 69, in complete
return self.run(full_line.rstrip())
"featherduster.py", line 288, in run
feathermodules.results = feathermodules.selected_attack['attack_function'](feathermodules.samples)
"/home/glenn/featherduster/feathermodules/classical/columnar_transposition.py", line 11, in break_columnar_transposition
print '\n'.join(results)
TypeError: sequence item 0: expected string, list found
|
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/state.py", line 1594, in call
**cdata['kwargs'])
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1491, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/site-packages/salt/states/pkg.py", line 1808, in uptodate
updated = __salt__['pkg.upgrade'](refresh=refresh, **kwargs)
TypeError: upgrade() got an unexpected keyword argument '__agg__'
Started: 20:18:41.390723 | 0.563569 |
Traceback (most recent call last):
"aqt/main.py", line 468, in loadCollection
"aqt/main.py", line 604, in moveToState
"aqt/main.py", line 611, in _deckBrowserState
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/699175524/__init__.py", line 44, in wrapped
orig(*args, **kwargs)
"</Applications/Anki 2.1.24beta3.app/Contents/MacOS/decorator.pyc:decorator-gen-146>", line 2, in show
"anki/hooks.py", line 640, in decorator_wrapper
"anki/hooks.py", line 631, in repl
"aqt/deckbrowser.py", line 54, in show
"aqt/deckbrowser.py", line 110, in _renderPage
"aqt/deckbrowser.py", line 117, in __renderPage
"</Applications/Anki 2.1.24beta3.app/Contents/MacOS/decorator.pyc:decorator-gen-210>", line 2, in _renderStats
"anki/hooks.py", line 640, in decorator_wrapper
"anki/hooks.py", line 637, in repl
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/review_heatmap/views.py", line 92, in deckbrowserRenderStats
html = ret + hmap.generate(view="deckbrowser")
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/review_heatmap/heatmap.py", line 88, in generate
data = self.activity.getData(limhist=limhist, limfcst=limfcst)
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/review_heatmap/activity.py", line 69, in getData
return self._getActivity(**self._reviewsData(time_limits))
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/review_heatmap/activity.py", line 168, in _reviewsData
"forecast": self._cardsDue(start=self.today,
"/Users/rachelstandifird/Library/Application Support/Anki2/addons21/review_heatmap/activity.py", line 325, in _cardsDue
return self.col.db.all(cmd, today=self.col.sched.today)
TypeError: all() got an unexpected keyword argument 'today'
| Traceback (most recent call last):
"/usr/lib/pymodules/python2.7/salt/utils/templates.py", line 99, in jinja
data = template.render(**passthrough)
"/usr/lib/python2.7/dist-packages/jinja2/environment.py", line 894, in render
return self.environment.handle_exception(exc_info, True)
"<template>", line 1, in top-level template code
TypeError: no loader for this environment specified
| 0.500698 |
Traceback (most recent call last):
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/gui/qt/util.py", line 840, in run
result = task.task()
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/wallet.py", line 1667, in sign_transaction
k.sign_transaction(tmp_tx, password)
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugins/coldcard/coldcard.py", line 305, in wrapper
return func(self, *args, **kwargs)
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugins/coldcard/coldcard.py", line 373, in sign_transaction
client = self.get_client()
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugins/coldcard/coldcard.py", line 286, in get_client
rv.verify_connection(xfp_int, self.ckcc_xpub)
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugin.py", line 362, in wrapper
return run_in_hwd_thread(partial(func, *args, **kwargs))
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugin.py", line 355, in run_in_hwd_thread
return fut.result()
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/concurrent/futures/_base.py", line 435, in result
return self.__get_result()
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/concurrent/futures/_base.py", line 384, in __get_result
raise self._exception
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/tmp/.mount_electrQ3YosC/usr/lib/python3.7/site-packages/electrum/plugins/coldcard/coldcard.py", line 105, in verify_connection
xfp2str(expected_xfp))
RuntimeError: Expecting cabe9eb7 but that's not what's connected?!
| Traceback (most recent call last):
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/site-packages/onnxsim/__main__.py", line 52, in <module>
main()
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/site-packages/onnxsim/__main__.py", line 40, in main
args.input_model, check_n=args.check_n, perform_optimization=not args.skip_optimization, skip_fuse_bn=not args.enable_fuse_bn, input_shapes=input_shapes, skipped_optimizers=args.skip_optimizer, skip_shape_inference=args.skip_shape_inference)
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/site-packages/onnxsim/onnx_simplifier.py", line 326, in simplify
input_shapes = check_and_update_input_shapes(model, input_shapes)
"/Users/thanhnguyen/miniconda3/envs/yolov5/lib/python3.7/site-packages/onnxsim/onnx_simplifier.py", line 306, in check_and_update_input_shapes
'The model has more than 1 inputs, please use the format "input_name:dim0,dim1,...,dimN" in --input-shape')
RuntimeError: The model has more than 1 inputs, please use the format "input_name:dim0,dim1,...,dimN" in --input-shape
| 0.585454 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/distributed/core.py", line 528, in handle_comm
result = await result
"/usr/local/lib/python3.6/site-packages/distributed/scheduler.py", line 2209, in remove_worker
address = self.coerce_address(address)
"/usr/local/lib/python3.6/site-packages/distributed/scheduler.py", line 4950, in coerce_address
raise TypeError("addresses should be strings or tuples, got %r" % (addr,))
TypeError: addresses should be strings or tuples, got None
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/spyder/widgets/helperwidgets.py", line 127, in paint
textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options)
TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
| 0.476195 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"C:\Users\FRAZER~1\AppData\Local\Temp\pip-build-kco3r3mt\logbook\setup.py", line 133, in <module>
run_setup(True)
"C:\Users\FRAZER~1\AppData\Local\Temp\pip-build-kco3r3mt\logbook\setup.py", line 124, in run_setup
**extra
"c:\Python34\lib\distutils\core.py", line 148, in setup
dist.run_commands()
"c:\Python34\lib\distutils\dist.py", line 955, in run_commands
self.run_command(cmd)
"c:\Python34\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"c:\Python34\lib\site-packages\setuptools\command\install.py", line 61, in run
return orig.install.run(self)
"c:\Python34\lib\distutils\command\install.py", line 539, in run
self.run_command('build')
"c:\Python34\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"c:\Python34\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"c:\Python34\lib\distutils\command\build.py", line 126, in run
self.run_command(cmd_name)
"c:\Python34\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"c:\Python34\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\FRAZER~1\AppData\Local\Temp\pip-build-kco3r3mt\logbook\setup.py", line 83, in run
build_ext.run(self)
"c:\Python34\lib\distutils\command\build_ext.py", line 339, in run
self.build_extensions()
"c:\Python34\lib\distutils\command\build_ext.py", line 448, in build_extensions
self.build_extension(ext)
"C:\Users\FRAZER~1\AppData\Local\Temp\pip-build-kco3r3mt\logbook\setup.py", line 89, in build_extension
build_ext.build_extension(self, ext)
"c:\Python34\lib\distutils\command\build_ext.py", line 503, in build_extension
depends=ext.depends)
"c:\Python34\lib\distutils\msvc9compiler.py", line 460, in compile
self.initialize()
"c:\Python34\lib\distutils\msvc9compiler.py", line 371, in initialize
vc_env = query_vcvarsall(VERSION, plat_spec)
"c:\Python34\lib\site-packages\setuptools\msvc9_support.py", line 52, in query_vcvarsall
return unpatched['query_vcvarsall'](version, *args, **kwargs)
"c:\Python34\lib\distutils\msvc9compiler.py", line 287, in query_vcvarsall
raise ValueError(str(list(result.keys())))
ValueError: ['path'] | Traceback (most recent call last):
"/config/custom_components/xiaomi_gateway3/__init__.py", line 153, in device_registry_updated
domain, mac = next(iter(hass_device.identifiers))
ValueError: too many values to unpack (expected 2)
| 0.454302 |
Traceback (most recent call last):
"/usr/lib64/python2.7/wsgiref/handlers.py", line 85, in run
self.result = application(self.environ, self.start_response)
"/usr/lib/python2.7/site-packages/django/contrib/staticfiles/handlers.py", line 63, in __call__
return self.application(environ, start_response)
"/usr/lib/python2.7/site-packages/django/core/handlers/wsgi.py", line 170, in __call__
response = self.get_response(request)
"/usr/lib/python2.7/site-packages/django/core/handlers/base.py", line 124, in get_response
response = self._middleware_chain(request)
"/usr/lib/python2.7/site-packages/django/core/handlers/exception.py", line 44, in inner
response = response_for_exception(request, exc)
"/usr/lib/python2.7/site-packages/django/core/handlers/exception.py", line 94, in response_for_exception
response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info())
"/usr/lib/python2.7/site-packages/django/core/handlers/exception.py", line 143, in handle_uncaught_exception
return callback(request, **param_dict)
"/opt/netbox/netbox/views.py", line 58, in handle_500
}, status=500)
"/usr/lib/python2.7/site-packages/django/shortcuts/__init__.py", line 49, in render
context_instance = RequestContext(request, current_app=current_app)
TypeError: __init__() got an unexpected keyword argument 'current_app'
| Traceback (most recent call last):
"./rsf.py", line 26, in <module>
routersploit()
"./rsf.py", line 22, in routersploit
rsf.start()
"/root/routersploit/routersploit/interpreter.py", line 117, in start
command_handler(args)
"/root/routersploit/routersploit/core/exploit/utils.py", line 175, in wrapper
return fn(self, *args, **kwargs)
"/root/routersploit/routersploit/interpreter.py", line 374, in command_run
print_error(traceback.format_exc(sys.exc_info()))
"/usr/lib/python3.7/traceback.py", line 167, in format_exc
return "".join(format_exception(*sys.exc_info(), limit=limit, chain=chain))
"/usr/lib/python3.7/traceback.py", line 121, in format_exception
type(value), value, tb, limit=limit).format(chain=chain))
"/usr/lib/python3.7/traceback.py", line 508, in __init__
capture_locals=capture_locals)
"/usr/lib/python3.7/traceback.py", line 337, in extract
if limit >= 0:
TypeError: '>=' not supported between instances of 'tuple' and 'int'
| 0.612897 |
Traceback (most recent call last):
"/usr/local/bin/beet", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python3.8/site-packages/beets/ui/__init__.py", line 1266, in main
_raw_main(args)
"/usr/local/lib/python3.8/site-packages/beets/ui/__init__.py", line 1249, in _raw_main
subcommands, plugins, lib = _setup(options, lib)
"/usr/local/lib/python3.8/site-packages/beets/ui/__init__.py", line 1144, in _setup
lib = _open_library(config)
"/usr/local/lib/python3.8/site-packages/beets/ui/__init__.py", line 1201, in _open_library
get_path_formats(),
"/usr/local/lib/python3.8/site-packages/beets/ui/__init__.py", line 619, in get_path_formats
path_formats.append((query, template(view.as_str())))
"/usr/local/lib/python3.8/site-packages/beets/util/functemplate.py", line 571, in template
return Template(fmt)
"/usr/local/lib/python3.8/site-packages/beets/util/functemplate.py", line 581, in __init__
self.compiled = self.translate()
"/usr/local/lib/python3.8/site-packages/beets/util/functemplate.py", line 614, in translate
func = compile_func(
"/usr/local/lib/python3.8/site-packages/beets/util/functemplate.py", line 155, in compile_func
prog = compile(mod, '<generated>', 'exec')
ValueError: Name node can't be used with 'None' constant
| Module bcftools raised an exception: Traceback (most recent call last):
"/home/user/.local/lib/python3.6/site-packages/multiqc/multiqc.py", line 579, in run
output = mod()
"/home/user/.local/lib/python3.6/site-packages/multiqc/modules/bcftools/bcftools.py", line 39, in __init__
n["stats"] = self.parse_bcftools_stats()
"/home/user/.local/lib/python3.6/site-packages/multiqc/modules/bcftools/stats.py", line 114, in parse_bcftools_stats
quality = float(s[2].strip())
ValueError: could not convert string to float: '.'
| 0.563536 |
Traceback (most recent call last):
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/app.py", line 55, in application
response = frappe.handler.handle()
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/handler.py", line 19, in handle
execute_cmd(cmd)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/handler.py", line 40, in execute_cmd
ret = frappe.call(method, **frappe.form_dict)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/__init__.py", line 901, in call
return fn(*args, **newargs)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/desk/form/save.py", line 19, in savedocs
doc.submit()
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 725, in submit
self._submit()
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 714, in _submit
self.save()
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 223, in save
return self._save(*args, **kwargs)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 269, in _save
self.run_post_save_methods()
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 773, in run_post_save_methods
self.run_method("on_submit")
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 651, in run_method
out = Document.hook(fn)(self, *args, **kwargs)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 860, in composer
return composed(self, method, *args, **kwargs)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 843, in runner
add_to_return_value(self, fn(self, *args, **kwargs))
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 645, in
fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs)
"/home/frappe/benches/bench-2017-03-30/apps/erpnext/erpnext/stock/doctype/delivery_note/delivery_note.py", line 197, in on_submit
self.make_gl_entries()
"/home/frappe/benches/bench-2017-03-30/apps/erpnext/erpnext/controllers/stock_controller.py", line 33, in make_gl_entries
warehouse_account)
"/home/frappe/benches/bench-2017-03-30/apps/erpnext/erpnext/controllers/stock_controller.py", line 337, in update_gl_entries_after
voucher_obj = frappe.get_doc(voucher_type, voucher_no)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/__init__.py", line 600, in get_doc
return frappe.model.document.get_doc(arg1, arg2)
"/home/frappe/benches/bench-2017-03-30/apps/frappe/frappe/model/document.py", line 46, in get_doc
doctype = arg1.get("doctype")
AttributeError: 'NoneType' object has no attribute 'get'` | Traceback (most recent call last):
"demo.py", line 18, in <module>
t.start()
"/myapp/venv/lib/python3.7/site-packages/sentry_sdk/integrations/threading.py", line 41, in sentry_start
self.run = _wrap_run(hub_, self.run.__func__)
AttributeError: 'function' object has no attribute '__func__'
| 0.640496 |
Traceback (most recent call last):I'm downloading and installing it for you...
"check_and_gen.py", line 102, in <module>
driverpath
= get_driverpath()
"/home/tobi437a/GHunt/lib/utils.py", line 99, in get_driverpath
path = chromedriver_autoinstaller.install(cwd=True)
"/home/tobi437a/.local/lib/python3.8/site-packages/chromedriver_autoinstaller/__init__.py", line 15, in install
chromedriver_filepath = utils.download_chromedriver(cwd)
"/home/tobi437a/.local/lib/python3.8/site-packages/chromedriver_autoinstaller/utils.py", line 166, in download_chromedriver
chrome_version = get_chrome_version()
"/home/tobi437a/.local/lib/python3.8/site-packages/chromedriver_autoinstaller/utils.py", line 107, in get_chrome_version
with subprocess.Popen([executable_name, '--version'], stdout=subprocess.PIPE) as proc:
"/usr/lib/python3.8/subprocess.py", line 854, in __init__
self._execute_child(args, executable, preexec_fn, close_fds,
"/usr/lib/python3.8/subprocess.py", line 1702, in _execute_child
raise child_exception_type(errno_num, err_msg, err_filename)
NotFoundError: [Errno 2] No such file or directory: 'google-chrome'
| ['Traceback (most recent call last):\n', '
"/usr/local/lib/python3.6/site-packages/pipenv/vendor/vistir/misc.py", line 160, in _create_subprocess\n
combine_stderr=combine_stderr)\n', '
"/usr/local/lib/python3.6/site-packages/pipenv/vendor/vistir/misc.py", line 134, in _spawn_subprocess\n
return subprocess.Popen(cmd, **options)\n', '
"/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/subprocess.py", line 709, in __init__\n
restore_signals, start_new_session)\n', '
"/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/subprocess.py", line 1344, in _execute_child\n
raise child_exception_type(errno_num, err_msg, err_filename)\n', "
NotFoundError: [Errno 2] No such file or directory: '/usr/local/bin/pythonz': '/usr/local/bin/pythonz'\n", '\nDuring handling of the above exception, another exception occurred:\n\n', 'Traceback (most recent call last):\n', '
"/usr/local/lib/python3.6/site-packages/pipenv/vendor/vistir/contextmanagers.py", line 150, in spinner\n
yield _spinner\n', '
"/usr/local/lib/python3.6/site-packages/pipenv/vendor/vistir/misc.py", line 314, in run\n
write_to_stdout=True\n', '
"/usr/local/lib/python3.6/site-packages/pipenv/vendor/vistir/misc.py", line 162, in _create_subprocess\n
sys.stderr.write("Error %s while executing command %s", exc, " ".join(cmd._parts))\n', 'TypeError: write() takes exactly one argument (3 given)\n']
Traceback (most recent call last):
| 0.571951 |
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):
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/trainer.py", line 644, in run_train
self.train_loop.run_training_epoch()
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/training_loop.py", line 564, in run_training_epoch
self.trainer.run_evaluation(on_epoch=True)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/trainer.py", line 758, in run_evaluation
self.evaluation_loop.on_evaluation_end()
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/evaluation_loop.py", line 100, in on_evaluation_end
self.trainer.call_hook('on_validation_end', *args, **kwargs)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/trainer.py", line 1101, in call_hook
trainer_hook(*args, **kwargs)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/callback_hook.py", line 183, in on_validation_end
callback.on_validation_end(self, self.lightning_module)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 212, in on_validation_end
self.save_checkpoint(trainer, pl_module)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 259, in save_checkpoint
self._save_top_k_checkpoints(trainer, pl_module, monitor_candidates)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 566, in _save_top_k_checkpoints
self._update_best_and_save(current, epoch, step, trainer, pl_module, metrics)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 608, in _update_best_and_save
self._save_model(filepath, trainer, pl_module)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 335, in _save_model
self.save_function(filepath, self.save_weights_only)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/properties.py", line 327, in save_checkpoint
self.checkpoint_connector.save_checkpoint(filepath, weights_only)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/trainer/connectors/checkpoint_connector.py", line 408, in save_checkpoint
atomic_save(checkpoint, filepath)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/pytorch_lightning/utilities/cloud_io.py", line 63, in atomic_save
torch.save(checkpoint, bytesbuffer)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/torch/serialization.py", line 372, in save
_save(obj, opened_zipfile, pickle_module, pickle_protocol)
"/opt/conda/envs/lasaft/lib/python3.8/site-packages/torch/serialization.py", line 476, in _save
pickler.dump(obj)
TypeError: cannot pickle '_csv.writer' object
| 0.511138 |
Traceback (most recent call last):
"/Users/jimmygunawan/Library/Application Support/Blender/2.83/scripts/addons/sverchok-master/core/update_system.py", line 383, in do_update_general
node.process()
"/Users/jimmygunawan/Library/Application Support/Blender/2.83/scripts/addons/sverchok-master/nodes/curve/eval_curve.py", line 76, in process
if isinstance(curve_s[0], SvCurve):
IndexError: list index out of range
| Traceback (most recent call last):
"/home/w/Mask_RCNN/mrcnn/model.py", line 1710, in data_generator
use_mini_mask=config.USE_MINI_MASK)
"/home/w/Mask_RCNN/mrcnn/model.py", line 1213, in load_image_gt
mask, class_ids = dataset.load_mask(image_id)
"train.py", line 152, in load_mask
occlusion = np.logical_not(mask[:, :, -1]).astype(np.uint8)
IndexError: index -1 is out of bounds for axis 2 with size 0image_id 54
| 0.625494 |
Traceback (most recent call last):
"object_detection/builders/model_builder_test.py", line 334, in test_create_faster_rcnn_resnet_v1_models_from_config
for extractor_type, extractor_class in FEATURE_EXTRACTOR_MAPS.iteritems():
AttributeError: 'dict' object has no attribute 'iteritems'
| Traceback (most recent call last):
"./labelImg.py", line 1153, in open
self.load
(filename)
"./labelImg.py", line 896, in load
self.lineColor = QColor(*self.label
.lineColor)
AttributeError: 'Label
' object has no attribute 'lineColor'
| 0.530381 |
Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| Traceback (most recent call last):
"/usr/lib64/python3.5/site-packages/zmq/eventloop/zmqstream.py", line 454, in _handle_events
self._handle_send()
"/usr/lib64/python3.5/site-packages/zmq/eventloop/zmqstream.py", line 493, in _handle_send
status = self.socket.send_multipart(msg, **kwargs)
"/usr/lib64/python3.5/site-packages/zmq/sugar/socket.py", line 433, in send_multipart
i, rmsg,
TypeError: Frame 0 ('Some exception handling minion ...) does not support the buffer interface.
| 0.535857 |
Traceback (most recent call last):
"/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra
check_service_health(api=name, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health
raise e
"/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 45, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager
assert isinstance(out['SecretList'], list)
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"./eval.py", line 143, in <module>
print('\rstep: %s, mIoU: %s' % (i + 1, miou2), end='\r', flush=True)
TypeError: 'flush' is an invalid keyword argument for this function
| 0.506126 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/tmp/pip-install-_dyg83k3/direct/setup.py", line 54, in <module>
classifiers =classifiers)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/core.py", line 169, in setup
return old_setup(**new_attr)
"/home/vyal/.local/lib/python3.5/site-packages/setuptools/__init__.py", line 129, in setup
return distutils.core.setup(**attrs)
"/usr/lib/python3.5/distutils/core.py", line 148, in setup
dist.run_commands()
"/usr/lib/python3.5/distutils/dist.py", line 955, in run_commands
self.run_command(cmd)
"/usr/lib/python3.5/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/command/install.py", line 62, in run
r = self.setuptools_run()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/command/install.py", line 36, in setuptools_run
return distutils_install.run(self)
"/usr/lib/python3.5/distutils/command/install.py", line 583, in run
self.run_command('build')
"/usr/lib/python3.5/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/lib/python3.5/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/command/build.py", line 47, in run
old_build.run(self)
"/usr/lib/python3.5/distutils/command/build.py", line 135, in run
self.run_command(cmd_name)
"/usr/lib/python3.5/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/lib/python3.5/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/command/build_ext.py", line 223, in run
c_compiler=self.compiler)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 873, in new_fcompiler
c_compiler=c_compiler)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 847, in get_default_fcompiler
c_compiler=c_compiler)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 794, in _find_existing_fcompiler
c.customize(dist)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 499, in customize
get_flags('opt', oflags)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 490, in get_flags
flags.extend(getattr(self.flag_vars, tag))
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/environment.py", line 39, in __getattr__
return self._get_var(name, conf_desc)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/environment.py", line 53, in _get_var
var = self._hook_handler(name, hook)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 697, in _environment_hook
return hook()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/gnu.py", line 233, in get_flags_opt
v = self.get_version()
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/__init__.py", line 428, in get_version
version = CCompiler.get_version(self, force=force, ok_status=ok_status)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/ccompiler.py", line 89, in <lambda>
m = lambda self, *args, **kw: func(self, *args, **kw)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/ccompiler.py", line 627, in CCompiler_get_version
version = matcher(output)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/gnu.py", line 270, in version_match
v = self.gnu_version_match(version_string)
"/usr/local/lib/python3.5/dist-packages/numpy/distutils/fcompiler/gnu.py", line 83, in gnu_version_match
raise ValueError(err + version_string)
ValueError: A valid Fortran version was not found in this string:
| Traceback (most recent call last):
"eval.py", line 1020, in <module>
evaluate(net, dataset)
"eval.py", line 800, in evaluate
inp, out = args.images.split(':')
ValueError: not enough values to unpack (expected 2, got 1)
| 0.573708 |
Traceback (most recent call last):
"/*/.dev/test.py", line 12, in <module>
asyncio.run(main())
"/usr/local/lib/python3.9/asyncio/runners.py", line 44, in run
return loop.run_until_complete(main)
"/usr/local/lib/python3.9/asyncio/base_events.py", line 642, in run_until_complete
return future.result()
"/*/.dev/test.py", line 9, in main
await client.download_media(message, thumb=0)
"/*/.dev/venv/lib/python3.9/site-packages/telethon/client/downloads.py", line 397, in download_media
return await self._download_document(
"/*/.dev/venv/lib/python3.9/site-packages/telethon/client/downloads.py", line 857, in _download_document
file_size=size.size if size else document.size,
AttributeError: 'PhotoPathSize' object has no attribute 'size'
| Traceback (most recent call last):
"<path>/tracing.py", line 1, in <module>
from opentelemetry import trace
"<path>/lib/python3.9/site-packages/opentelemetry/trace/__init__.py", line 79, in <module>
import typing
"<path>/.pyenv/versions/3.9.0/lib/python3.9/typing.py", line 26, in <module>
import re as stdlib_re
# Avoid confusion with the re we export.
"/<path>/.pyenv/versions/3.9.0/lib/python3.9/re.py", line 145, in <module>
class RegexFlag(enum.IntFlag):
AttributeError: module 'enum' has no attribute 'IntFlag'
| 0.569946 |
Traceback (most recent call last):
"keras_retinanet/bin/train.py", line 483, in <module>
main()
"keras_retinanet/bin/train.py", line 442, in main
weights = backbone.download_imagenet()
"keras_retinanet/bin/../../keras_retinanet/models/resnet.py", line 55, in download_imagenet
return keras.applications.imagenet_utils.get_file(
AttributeError: module 'keras.applications' has no attribute 'imagenet_utils'
| Traceback (most recent call last):
"/Volumes/projects/pyOCD-flit/pyocd/__main__.py", line 402, in run
self._COMMANDS[self._args.cmd](self)
"/Volumes/projects/pyOCD-flit/pyocd/__main__.py", line 808, in do_commander
PyOCDCommander(self._args, cmds).run()
"/Volumes/projects/pyOCD-flit/pyocd/commands/commander.py", line 65, in run
if not self.connect():
"/Volumes/projects/pyOCD-flit/pyocd/commands/commander.py", line 164, in connect
probe = ConnectHelper.choose_probe(
"/Volumes/projects/pyOCD-flit/pyocd/core/helpers.py", line 138, in choose_probe
allProbes = ConnectHelper.get_all_connected_probes(blocking=blocking, unique_id=unique_id)
"/Volumes/projects/pyOCD-flit/pyocd/core/helpers.py", line 82, in get_all_connected_probes
allProbes = DebugProbeAggregator.get_all_connected_probes(unique_id=unique_id)
"/Volumes/projects/pyOCD-flit/pyocd/probe/aggregator.py", line 58, in get_all_connected_probes
probe = cls.get_probe_with_id(unique_id, is_explicit)
"/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 339, in get_probe_with_id
probe = PicoLink.enumerate_picoprobes(unique_id)
"/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 110, in enumerate_picoprobes
return PicoLink(core.find(custom_match=FindPicoprobe(uid)))
"/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 59, in __init__
self._probe_id = dev.serial_number
AttributeError: 'NoneType' object has no attribute 'serial_number'
| 0.580353 |
Traceback (most recent call last):
"train_cosine_iterations_distributed.py", line 420, in <module>
optimizer.backward(loss)
"/home/ycg/anaconda3/lib/python3.6/site-packages/apex-0.1-py3.6-linux-x86_64.egg/apex/fp16_utils/fp16_optimizer.py", line 482, in backward
self.loss_scaler.backward(loss.float())
"/home/ycg/anaconda3/lib/python3.6/site-packages/apex-0.1-py3.6-linux-x86_64.egg/apex/fp16_utils/loss_scaler.py", line 45, in backward
scaled_loss.backward()
"/home/ycg/anaconda3/lib/python3.6/site-packages/torch/tensor.py", line 102, in backward
torch.autograd.backward(self, gradient, retain_graph, create_graph)
"/home/ycg/anaconda3/lib/python3.6/site-packages/torch/autograd/__init__.py", line 90, in backward
allow_unreachable=True)
# allow_unreachable flag
"/home/ycg/anaconda3/lib/python3.6/site-packages/apex-0.1-py3.6-linux-x86_64.egg/apex/parallel/distributed.py", line 340, in allreduce_hook
if not self.callback_queued:
"/home/ycg/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 535, in __getattr__
type(self).__name__, name))
AttributeError: 'DistributedDataParallel' object has no attribute 'callback_queued'
| Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/glue/bin.py", line 235, in main
manager.process()
"/usr/lib/python2.7/site-packages/glue/managers/base.py", line 14, in process
self.save()
"/usr/lib/python2.7/site-packages/glue/managers/base.py", line 45, in save
format.build()
"/usr/lib/python2.7/site-packages/glue/formats/base.py", line 41, in build
self.save(ratio=ratio)
"/usr/lib/python2.7/site-packages/glue/formats/img.py", line 147, in save
canvas.save(image_path, **kwargs)
"/usr/lib64/python2.7/site-packages/PIL/Image.py", line 1477, in save
save_handler(self, fp, filename)
"/usr/lib64/python2.7/site-packages/PIL/PngImagePlugin.py", line 545, in _save
b'\0')
# 12: interlace flag
"/usr/lib64/python2.7/site-packages/PIL/PngImagePlugin.py", line 471, in putchunk
hi, lo = Image.core.crc32(data, Image.core.crc32(cid))
AttributeError: 'module' object has no attribute 'crc32'
| 0.630228 |
Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/spyder/widgets/helperwidgets.py", line 127, in paint
textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options)
TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
| Traceback (most recent call last):
"printrun/gviz.py", line 404, in paint
self.repaint_everything()
"printrun/gviz.py", line 365, in repaint_everything
self._drawarcs(dc, self.arcs[self.layerindex], self.arcpens[self.layerindex])
"printrun/gviz.py", line 322, in _drawarcs
dc.SetPen(pens[i] if type(pens) == list else pens)
"/usr/local/lib/python2.7/site-packages/wx-2.8-gtk2-unicode/wx/_gdi.py", line 3662, in SetPen
return _gdi_.DC_SetPen(*args, **kwargs)
TypeError: in method 'DC_SetPen', expected argument 2 of type 'wxPen const &'
| 0.519888 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/ext/tornado/ioloop.py", line 606, in _run_callback
ret = callback()
"/usr/lib/python2.7/dist-packages/salt/ext/tornado/stack_context.py", line 278, in null_wrapper
return fn(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/zmq/eventloop/zmqstream.py", line 536, in <lambda>
self.io_loop.add_callback(lambda : self._handle_events(self.socket, 0))
"/usr/lib/python2.7/dist-packages/zmq/eventloop/zmqstream.py", line 454, in _handle_events
self._handle_send()
"/usr/lib/python2.7/dist-packages/zmq/eventloop/zmqstream.py", line 493, in _handle_send
status = self.socket.send_multipart(msg, **kwargs)
"/usr/lib/python2.7/dist-packages/zmq/sugar/socket.py", line 434, in send_multipart
i, rmsg,
TypeError: Frame 0 (u'Some exception handling minion...) does not support the buffer interface.
| Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/ray/tune/trial_runner.py", line 540, in _process_trial
result, terminate=(decision == TrialScheduler.STOP))
"/usr/local/lib/python3.7/site-packages/ray/tune/trial.py", line 386, in update_last_result
self.result_logger.on_result(self.last_result)
"/usr/local/lib/python3.7/site-packages/ray/tune/logger.py", line 333, in on_result
_logger.on_result(result)
"/usr/local/lib/python3.7/site-packages/ray/tune/logger.py", line 193, in on_result
"/".join(path + [attr]), value, step=step)
"/usr/local/lib/python3.7/site-packages/tensorboard/plugins/scalar/summary_v2.py", line 65, in scalar
metadata=summary_metadata)
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/ops/summary_ops_v2.py", line 646, in write
_should_record_summaries_v2(), record, _nothing, name="summary_cond")
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/framework/smart_cond.py", line 54, in smart_cond
return true_fn()
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/ops/summary_ops_v2.py", line 640, in record
name=scope)
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/ops/gen_summary_ops.py", line 856, in write_summary
writer, step, tensor, tag, summary_metadata, name=name, ctx=_ctx)
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/ops/gen_summary_ops.py", line 893, in write_summary_eager_fallback
attrs=_attrs, ctx=_ctx, name=name)
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/eager/execute.py", line 76, in quick_execute
raise e
"/usr/local/lib/python3.7/site-packages/tensorflow_core/python/eager/execute.py", line 61, in quick_execute
num_outputs)
TypeError: An op outside of the function building code is being passed
| 0.5709 |
Traceback (most recent call last):
"/home/users/krawczm5/.virtualenvs/scoutsuite/lib/python3.6/site-packages/ScoutSuite/providers/gcp/facade/stackdrivermonitoring.py", line 12, in get_uptime_checks
name = client.project_path(project_id)
AttributeError: 'UptimeCheckServiceClient' object has no attribute 'project_path'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/hameerabbasi/Quansight/h5py/h5py/__init__.py", line 49, in <module>
from ._hl.files import (
"/Users/hameerabbasi/Quansight/h5py/h5py/_hl/files.py", line 41, in <module>
libver_dict.update({'v108': h5f.LIBVER_V18, 'v110': h5f.LIBVER_V110})
AttributeError: module 'h5py.h5f' has no attribute 'LIBVER_V18'
| 0.560052 |
Traceback (most recent call last):
"/freqtrade/freqtrade/main.py", line 37, in main
return_code = args['func'](args)
"/freqtrade/freqtrade/commands/optimize_commands.py", line 50, in start_backtesting
backtesting.start()
"/freqtrade/freqtrade/optimize/backtesting.py", line 449, in start
min_date, max_date = self.backtest_one_strategy(strat, data, timerange)
"/freqtrade/freqtrade/optimize/backtesting.py", line 407, in backtest_one_strategy
preprocessed = self.strategy.ohlcvdata_to_dataframe(data)
"/freqtrade/freqtrade/strategy/interface.py", line 668, in ohlcvdata_to_dataframe
return {pair: self.advise_indicators(pair_data.copy(), {'pair': pair})
"/freqtrade/freqtrade/strategy/interface.py", line 668, in <dictcomp>
return {pair: self.advise_indicators(pair_data.copy(), {'pair': pair})
"/freqtrade/freqtrade/strategy/interface.py", line 685, in advise_indicators
return self.populate_indicators(dataframe, metadata)
"/freqtrade/user_data/strategies/TenderEnter.py", line 335, in populate_indicators
dataframe = merge_informative_pair(dataframe, informative, self.timeframe, inf_tf, True)
"/freqtrade/freqtrade/strategy/strategy_helper.py", line 40, in merge_informative_pair
informative["date"] + pd.to_timedelta(minutes_inf, 'm') - pd.to_timedelta(minutes, 'm')
"/root/.local/lib/python3.9/site-packages/pandas/core/ops/common.py", line 65, in new_method
return method(self, other)
"/root/.local/lib/python3.9/site-packages/pandas/core/arraylike.py", line 97, in __sub__
return self._arith_method(other, operator.sub)
"/root/.local/lib/python3.9/site-packages/pandas/core/series.py", line 4995, in _arith_method
result = ops.arithmetic_op(lvalues, rvalues, op)
"/root/.local/lib/python3.9/site-packages/pandas/core/ops/array_ops.py", line 185, in arithmetic_op
res_values = op(lvalues, rvalues)
TypeError: unsupported operand type(s) for -: 'numpy.ndarray' and 'Timedelta'
| Traceback (most recent call last):
"/home/jbernier/.local/lib/python3.6/site-packages/airflow/models/dagbag.py", line 256, in process_file
m = imp.load_source(mod_name, filepath)
"/usr/lib/python3.6/imp.py", line 172, in load_source
module = _load(spec)
"<frozen importlib._bootstrap>", line 684, in _load
"<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/jbernier/.local/lib/python3.6/site-packages/airflow/example_dags/example_http_operator.py", line 41, in <module>
dag = DAG('example_http_operator', default_args=default_args, tags=['example'])
"/home/jbernier/.local/lib/python3.6/site-packages/airflow/models/dag.py", line 250, in __init__
self.default_args = copy.deepcopy(default_args or {})
"/usr/lib/python3.6/copy.py", line 150, in deepcopy
y = copier(x, memo)
"/usr/lib/python3.6/copy.py", line 240, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python3.6/copy.py", line 180, in deepcopy
y = _reconstruct(x, memo, *rv)
"/usr/lib/python3.6/copy.py", line 274, in _reconstruct
y = func(*args)
"/usr/lib/python3.6/copy.py", line 273, in <genexpr>
args = (deepcopy(arg, memo) for arg in args)
"/usr/lib/python3.6/copy.py", line 180, in deepcopy
y = _reconstruct(x, memo, *rv)
"/usr/lib/python3.6/copy.py", line 280, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python3.6/copy.py", line 150, in deepcopy
y = copier(x, memo)
"/usr/lib/python3.6/copy.py", line 240, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python3.6/copy.py", line 150, in deepcopy
y = copier(x, memo)
"/usr/lib/python3.6/copy.py", line 220, in _deepcopy_tuple
y = [deepcopy(a, memo) for a in x]
"/usr/lib/python3.6/copy.py", line 220, in <listcomp>
y = [deepcopy(a, memo) for a in x]
"/usr/lib/python3.6/copy.py", line 180, in deepcopy
y = _reconstruct(x, memo, *rv)
"/usr/lib/python3.6/copy.py", line 274, in _reconstruct
y = func(*args)
TypeError: __init__() missing 5 required positional arguments: 'tz', 'utc_offset', 'is_dst', 'dst', and 'abbrev'
| 0.546418 |
Traceback (most recent call last):
"/data00/bcbio/v1.1.5/tools/bin/macs2", line 622, in <module>
main()
"/data00/bcbio/v1.1.5/tools/bin/macs2", line 56, in main
from MACS2.callpeak_cmd import run
"/data00/bcbio/v1.1.5/install/anaconda/envs/python2/lib/python2.7/site-packages/MACS2/callpeak_cmd.py", line 31, in <module>
from MACS2.OptValidator import opt_validate
"/data00/bcbio/v1.1.5/install/anaconda/envs/python2/lib/python2.7/site-packages/MACS2/OptValidator.py", line 27, in <module>
from MACS2.IO.Parser import BEDParser, ELANDResultParser, ELANDMultiParser, \
"__init__.pxd", line 861, in init MACS2.IO.Parser (MACS2/IO/Parser.c:22634)
ValueError: numpy.ufunc has the wrong size, try recompiling
| Traceback (most recent call last):
"visualizer.py", line 9, in <module>
visualizer.score(X, y)
"C:\Users\DezielPa\conda\yellowbrick\yellowbrick\classifier\rocauc.py", line 330, in score
self._score_micro_average(y, y_pred, classes, n_classes)
"C:\Users\DezielPa\conda\yellowbrick\yellowbrick\classifier\rocauc.py", line 486, in _score_micro_average
self.fpr[MICRO], self.tpr[MICRO], _ = roc_curve(y.ravel(), y_pred.ravel())
"C:\Users\DezielPa\Anaconda3\lib\site-packages\sklearn\utils\validation.py", line 73, in inner_f
return f(**kwargs)
"C:\Users\DezielPa\Anaconda3\lib\site-packages\sklearn\metrics\_ranking.py", line 776, in roc_curve
y_true, y_score, pos_label=pos_label, sample_weight=sample_weight)
"C:\Users\DezielPa\Anaconda3\lib\site-packages\sklearn\metrics\_ranking.py", line 541, in _binary_clf_curve
check_consistent_length(y_true, y_score, sample_weight)
"C:\Users\DezielPa\Anaconda3\lib\site-packages\sklearn\utils\validation.py", line 257, in check_consistent_length
" samples: %r" % [int(l) for l in lengths])
ValueError: Found input variables with inconsistent numbers of samples: [4, 2]
| 0.55952 |
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'
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 434, in _async_add_entity
await entity.async_update_ha_state()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 284, in async_update_ha_state
self._async_write_ha_state()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 320, in _async_write_ha_state
state = self.state
"/usr/src/homeassistant/homeassistant/components/tankerkoenig/sensor.py", line 112, in state
return self._coordinator.data[self._station_id].get(self._fuel_type)
KeyError: '7393b191-49e5-4f60-8b3e-b0a460d5ba38'
| 0.472843 |
Traceback (most recent call last):
"A:\jumpcutter-master\jumpcutter.py", line 133, in <module>
maxchunksVolume = float(getMaxVolume(audiochunks))/maxAudioVolume
"A:\jumpcutter-master\jumpcutter.py", line 22, in getMaxVolume
maxv = float(np.max(s))
"<__array_function__ internals>", line 6, in amax
"C:\Users\S\AppData\Local\Programs\Python\Python37-32\lib\site-packages\numpy\core\fromnumeric.py", line 2706, in amax
keepdims=keepdims, initial=initial, where=where)
"C:\Users\S\AppData\Local\Programs\Python\Python37-32\lib\site-packages\numpy\core\fromnumeric.py", line 87, in _wrapreduction
return ufunc.reduce(obj, axis, dtype, out, **passkwargs)
ValueError: zero-size array to reduction operation maximum which has no identity
| Traceback (most recent call last):
"/usr/local/bin/mpsyt", line 11, in <module>
load_entry_point('mps-youtube==0.2.8', 'console_scripts', 'mpsyt')()
"/usr/local/Cellar/mps-youtube/0.2.8_10/libexec/lib/python3.8/site-packages/mps_youtube/main.py", line 148, in main
if matchfunction(i.function, i.regex, userinput):
"/usr/local/Cellar/mps-youtube/0.2.8_10/libexec/lib/python3.8/site-packages/mps_youtube/main.py", line 80, in matchfunction
content.generate_songlist_display(zeromsg=g.message)
"/usr/local/Cellar/mps-youtube/0.2.8_10/libexec/lib/python3.8/site-packages/mps_youtube/content.py", line 74, in generate_songlist_display
return generate_playlist_display()
"/usr/local/Cellar/mps-youtube/0.2.8_10/libexec/lib/python3.8/site-packages/mps_youtube/content.py", line 155, in generate_playlist_display
updated = yt_datetime(x.get('updated'))[1]
"/usr/local/Cellar/mps-youtube/0.2.8_10/libexec/lib/python3.8/site-packages/mps_youtube/util.py", line 315, in yt_datetime
time_obj = time.strptime(yt_date_time, "%Y-%m-%dT%H:%M:%S.%fZ")
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/_strptime.py", line 562, in _strptime_time
tt = _strptime(data_string, format)[0]
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/_strptime.py", line 349, in _strptime
raise ValueError("time data %r does not match format %r" %
ValueError: time data '2012-02-23T02:14:42Z' does not match format '%Y-%m-%dT%H:%M:%S.%fZ'
| 0.502549 |
Traceback (most recent call last):
"/home/ven/.local/lib/python3.8/site-packages/tweepy/binder.py", line 184, in execute
resp = self.session.request(self.method,
"/usr/lib/python3/dist-packages/requests/sessions.py", line 519, in request
prep = self.prepare_request(req)
"/usr/lib/python3/dist-packages/requests/sessions.py", line 452, in prepare_request
p.prepare(
"/usr/lib/python3/dist-packages/requests/models.py", line 317, in prepare
self.prepare_auth(auth, url)
"/usr/lib/python3/dist-packages/requests/models.py", line 548, in prepare_auth
r = auth(self)
"/home/ven/.local/lib/python3.8/site-packages/requests_oauthlib/oauth1_auth.py", line 108, in __call__
r.url, headers, _ = self.client.sign(
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/__init__.py", line 313, in sign
('oauth_signature', self.get_oauth_signature(request)))
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/__init__.py", line 127, in get_oauth_signature
uri, headers, body = self._render(request)
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/__init__.py", line 209, in _render
headers = parameters.prepare_headers(
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/utils.py", line 32, in wrapper
return target(params, *args, **kwargs)
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/parameters.py", line 59, in prepare_headers
escaped_value = utils.escape(value)
"/usr/lib/python3/dist-packages/oauthlib/oauth1/rfc5849/utils.py", line 56, in escape
raise ValueError('Only unicode objects are escapable. ' +
ValueError: Only unicode objects are escapable. Got None of type <class 'NoneType'>.
| Traceback (most recent call last):
"C:\Python\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 295, in data
return to_qvariant(to_text_string(value))
"C:\Python\anaconda3\lib\site-packages\spyder\py3compat.py", line 140, in to_text_string
return str(obj)
"C:\Python\anaconda3\lib\site-packages\pandas\core\base.py", line 59, in __str__
return self.__unicode__()
"C:\Python\anaconda3\lib\site-packages\pandas\core\frame.py", line 636, in __unicode__
line_width=width, show_dimensions=show_dimensions)
"C:\Python\anaconda3\lib\site-packages\pandas\core\frame.py", line 1675, in to_string
formatter.to_string()
"C:\Python\anaconda3\lib\site-packages\pandas\io\formats\format.py", line 597, in to_string
strcols = self._to_str_columns()
"C:\Python\anaconda3\lib\site-packages\pandas\io\formats\format.py", line 537, in _to_str_columns
max_len = max(np.max([self.adj.len(x) for x in fmt_values]),
"C:\Python\anaconda3\lib\site-packages\numpy\core\fromnumeric.py", line 2320, in amax
out=out, **kwargs)
"C:\Python\anaconda3\lib\site-packages\numpy\core\_methods.py", line 26, in _amax
return umr_maximum(a, axis, None, out, keepdims)
ValueError: zero-size array to reduction operation maximum which has no identity
| 0.605948 |
Traceback (most recent call last):
"c:\users\thoma\lbry\lbrynet\peer.py", line 196, in ping
return await self._send_kademlia_rpc(RequestDatagram.make_ping(self.peer_manager.dht_protocol.node_id))
"c:\users\thoma\lbry\lbrynet\peer.py", line 184, in _send_kademlia_rpc
self.update_last_failed()
"c:\users\thoma\lbry\lbrynet\peer.py", line 162, in update_last_failed
self.peer_manager.dht_protocol.routing_table.remove_peer(self)
"c:\users\thoma\lbry\lbrynet\dht\routing\routing_table.py", line 161, in remove_peer
bucket_index = self._kbucket_index(peer.node_id)
"c:\users\thoma\lbry\lbrynet\dht\routing\routing_table.py", line 176, in _kbucket_index
if bucket.key_in_range(key):
"c:\users\thoma\lbry\lbrynet\dht\routing\kbucket.py", line 135, in key_in_range
return self.range_min <= int.from_bytes(key, 'big') < self.range_max
TypeError: cannot convert 'NoneType' object to bytes
| Traceback (most recent call last):
"/app/kuma/users/tests/test_views.py", line 958, in test_user_edit_websites
response = user_client.post(url, form, follow=True)
"/usr/local/lib/python3.8/site-packages/django/test/client.py", line 543, in post
response = super().post(path, data=data, content_type=content_type, secure=secure, **extra)
"/usr/local/lib/python3.8/site-packages/django/test/client.py", line 354, in post
post_data = self._encode_data(data, content_type)
"/usr/local/lib/python3.8/site-packages/django/test/client.py", line 313, in _encode_data
return encode_multipart(BOUNDARY, data)
"/usr/local/lib/python3.8/site-packages/django/test/client.py", line 196, in encode_multipart
raise TypeError(
TypeError: Cannot encode None as POST data. Did you mean to pass an empty string or omit the value?
| 0.631593 |
Traceback (most recent call last):
"dnsrecon.py", line 1693, in <module>
main()
"dnsrecon.py", line 1677, in main
write_json(json_file, returned_records, scan_info)
"dnsrecon.py", line 731, in write_json
json_data = json.dumps(data, sort_keys=True, indent=4, separators=(',', ': '))
"/usr/lib/python3.8/json/__init__.py", line 234, in dumps
return cls(
"/usr/lib/python3.8/json/encoder.py", line 201, in encode
chunks = list(chunks)
"/usr/lib/python3.8/json/encoder.py", line 429, in _iterencode
yield from _iterencode_list(o, _current_indent_level)
"/usr/lib/python3.8/json/encoder.py", line 325, in _iterencode_list
yield from chunks
"/usr/lib/python3.8/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/lib/python3.8/json/encoder.py", line 438, in _iterencode
o = _default(o)
"/usr/lib/python3.8/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type bytes is not JSON serializable
| Traceback (most recent call last):
"/usr/local/sma/resources/mediaprocessor.py", line 52, in fullprocess
tag.writeTags(output['output'], self.converter, self.settings.artwork, self.settings.thumbnail, output['x'], output['y'], self.converter)
TypeError: writeTags() takes from 3 to 7 positional arguments but 8 were given
| 0.511248 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_bc9c6d64f13d4fabaf2fae89537ccd34/setup.py", line 452, in <module>
set_compiler_options(package_root, ext_modules)
"C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_bc9c6d64f13d4fabaf2fae89537ccd34/compiler_opt.py", line 333, in set_compiler_options
clang = compiler_is_clang()
"C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_bc9c6d64f13d4fabaf2fae89537ccd34/compiler_opt.py", line 251, in compiler_is_clang
return test_compilation(source, msg="clang")
"C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_bc9c6d64f13d4fabaf2fae89537ccd34/compiler_opt.py", line 68, in test_compilation
compiler = ccompiler.new_compiler()
"C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/ccompiler.py", line 1034, in new_compiler
return klass(None, dry_run, force)
"C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/cygwinccompiler.py", line 310, in __init__
CygwinCCompiler.__init__ (self, verbose, dry_run, force)
"C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/cygwinccompiler.py", line 127, in __init__
if self.ld_version >= "2.10.90":
TypeError: '>=' not supported between instances of 'NoneType' and 'str'
| Traceback (most recent call last):
"slotsref.py", line 8, in <module>
weakref.ref(Foo('x'))
TypeError: cannot create weak reference to 'Foo' object
| 0.591275 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.7/site-packages/pytrends/request.py", line 120, in build_payload
self._tokens()
"/usr/local/lib/python3.7/site-packages/pytrends/request.py", line 131, in _tokens
trim_chars=4,
"/usr/local/lib/python3.7/site-packages/pytrends/request.py", line 76, in _get_data
s.proxies.update(self.proxies)
ValueError: dictionary update sequence element #0 has length 26; 2 is required
| Traceback (most recent call last):
"/usr/bin/qutebrowser", line 11, in <module>
load_entry_point('qutebrowser==1.10.1', 'gui_scripts', 'qutebrowser')()
"/usr/lib/python3/dist-packages/qutebrowser/qutebrowser.py", line 201, in main
return app.run(args)
"/usr/lib/python3/dist-packages/qutebrowser/app.py", line 123, in run
init(args=args)
"/usr/lib/python3/dist-packages/qutebrowser/app.py", line 163, in init
_process_args(args)
"/usr/lib/python3/dist-packages/qutebrowser/app.py", line 203, in _process_args
window = mainwindow.MainWindow(private=None)
"/usr/lib/python3/dist-packages/qutebrowser/mainwindow/mainwindow.py", line 230, in __init__
self.tabbed_browser = tabbedbrowser.TabbedBrowser(win_id=self.win_id,
"/usr/lib/python3/dist-packages/qutebrowser/mainwindow/tabbedbrowser.py", line 237, in __init__
self.tab_deque = TabDeque()
"/usr/lib/python3/dist-packages/qutebrowser/mainwindow/tabbedbrowser.py", line 67, in __init__
self._stack = collections.deque(
ValueError: maxlen must be non-negative
| 0.578406 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/tornado/gen.py", line 326, in wrapper
yielded = next(result)
"/usr/local/lib/python3.6/dist-packages/salt/transport/ipc.py", line 335, in _connect
io_loop=self.io_loop,
"/usr/local/lib/python3.6/dist-packages/tornado/iostream.py", line 1222, in __init__
super(IOStream, self).__init__(*args, **kwargs)
TypeError: __init__() got an unexpected keyword argument 'io_loop'
| Traceback (most recent call last):
"predict.py", line 8, in <module>
make_predictions(args)
"/home/user/Desktop/chemprop-master/chemprop/train/make_predictions.py", line 72, in make_predictions
scaler=scaler
"/home/user/Desktop/chemprop-master/chemprop/train/predict.py", line 39, in predict
batch_preds = model(batch, features_batch)
"/home/user/anaconda3/envs/chemprop/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/user/Desktop/chemprop-master/chemprop/models/model.py", line 88, in forward
output = self.ffn(self.encoder(*input))
"/home/user/anaconda3/envs/chemprop/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/user/Desktop/chemprop-master/chemprop/models/mpn.py", line 187, in forward
output = self.encoder.forward(batch, features_batch)
"/home/user/Desktop/chemprop-master/chemprop/models/mpn.py", line 73, in forward
features_batch = torch.from_numpy(np.stack(features_batch)).float()
"<__array_function__ internals>", line 6, in stack
TypeError: dispatcher for __array_function__ did not return an iterable
| 0.553299 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/spyder/widgets/ipythonconsole/client.py", line 561, in show_time
elapsed_time = time() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| Traceback (most recent call last):
"test.py", line 22, in <module>
wrapper(-1)
"test.py", line 18, in wrapper
c = 1 + '2'
TypeError: unsupported operand type(s) for +: 'int' and 'str'
| 0.653586 |
Traceback (most recent call last):
"/home/ademski/Documents/satellogic/hdlteam/cocotb/cocotb/decorators.py", line 121, in send
return self._coro.send(value)
"/home/ademski/Documents/satellogic/hdlteam/cocotb/cocotb/clock.py", line 64, in start
self.signal <= 1
TypeError: '<=' not supported between instances of 'HierarchyObject' and 'int'
| [ERROR
] An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python3/dist-packages/salt/state.py", line 1933, in call
**cdata['kwargs'])
"/usr/lib/python3/dist-packages/salt/loader.py", line 1939, in wrapper
return f(*args, **kwargs)
"/usr/lib/python3/dist-packages/salt/states/file.py", line 3932, in recurse
keep.update(_gen_keep_files(name, require))
"/usr/lib/python3/dist-packages/salt/states/file.py", line 591, in _gen_keep_files
if low['name'] == comp['file'] or low['__id__'] == comp['file']:
TypeError: string indices must be integers
| 0.551035 |
Traceback (most recent call last):
"/home/axel/src/spack/bin/spack", line 64, in <module>
sys.exit(spack.main.main())
"/home/axel/src/spack/lib/spack/spack/main.py", line 704, in main
ev.activate(env, args.use_env_repo)
"/home/axel/src/spack/lib/spack/spack/environment.py", line 163, in activate
cmds += env.add_default_view_to_shell(shell)
"/home/axel/src/spack/lib/spack/spack/environment.py", line 1107, in add_default_view_to_shell
spec, self.default_view))
"/home/axel/src/spack/lib/spack/spack/user_environment.py", line 89, in environment_modifications_for_spec
spec.package.setup_run_environment(env)
"/home/axel/src/spack/var/spack/repos/builtin/packages/python/package.py", line 742, in setup_run_environment
"/home/axel/src/spack/var/spack/repos/builtin/packages/python/package.py", line 709, in headers
"/home/axel/src/spack/var/spack/repos/builtin/packages/python/package.py", line 599, in get_config_h_filename
"/home/axel/src/spack/var/spack/repos/builtin/packages/python/package.py", line 556, in command
RuntimeError: Unable to locate python command in /home/axel/src/spack/var/spack/environments/test/.spack-env/view/bin
| Traceback (most recent call last):
"detection.py", line 156, in <module>
main(config)
"detection.py", line 128, in main
P = torch.sigmoid(model(scratch_image))
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl
result = self.forward(*input, **kwargs)
"/content/photo_restoration/Global/detection_models/networks.py", line 110, in forward
x = self.first(x)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/container.py", line 117, in forward
input = module(input)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/conv.py", line 423, in forward
return self._conv_forward(input, self.weight)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/conv.py", line 420, in _conv_forward
self.padding, self.dilation, self.groups)
RuntimeError: Input type (torch.FloatTensor) and weight type (torch.cuda.FloatTensor) should be the same
| 0.544616 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"...\venv\lib\site-packages\geojson\base.py", line 27, in __repr__
return geojson.dumps(self, sort_keys=True)
"...\venv\lib\site-packages\geojson\codec.py", line 31, in dumps
return json.dumps(to_mapping(obj),
"..\Python38\lib\json\__init__.py", line 234, in dumps
return cls(
"..\Python38\lib\json\encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"..\Python38\lib\json\encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"...\venv\lib\site-packages\geojson\codec.py", line 14, in default
return geojson.factory.GeoJSON.to_instance(obj) # NOQA
"...\venv\lib\site-packages\geojson\base.py", line 101, in to_instance
mapping = to_mapping(ob)
"...\venv\lib\site-packages\geojson\mapping.py", line 42, in to_mapping
return json.loads(json.dumps(obj))
"..\Python38\lib\json\__init__.py", line 231, in dumps
return _default_encoder.encode(obj)
"..\Python38\lib\json\encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"..\Python38\lib\json\encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"..\Python38\lib\json\encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type generator is not JSON serializable
| Traceback (most recent call last):
"xsstrike.py", line 174, in <module>
scan(target, paramData, encoding, headers, delay, timeout, skipDOM, find, skip)
"D:\Armory\vulns\XSS\tools\XSStrike\modes\scan.py", line 84, in scan
vectors = generator(occurences, response.text)
"D:\Armory\vulns\XSS\tools\XSStrike\core\generator.py", line 48, in generator
filling + r('onfocus') + '=' + quote + function
TypeError: unsupported operand type(s) for +: 'NoneType' and 'str'
| 0.58832 |
Traceback (most recent call last):
"/home/user/freqtrade/freqtrade/rpc/telegram.py", line 52, in wrapper
return command_handler(self, *args, **kwargs)
"/home/user/freqtrade/freqtrade/rpc/telegram.py", line 298, in _profit
fiat_disp_cur)
"/home/user/freqtrade/freqtrade/rpc/rpc.py", line 244, in _rpc_trade_statistics
profit_percent = trade.calc_profit_ratio()
"/home/user/freqtrade/freqtrade/persistence.py", line 408, in calc_profit_ratio
profit_percent = (close_trade_price / self.open_trade_price) - 1
TypeError: unsupported operand type(s) for /: 'float' and 'NoneType'
| Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/tornado/web.py", line 1046, in _stack_context_handle_exception
raise_exc_info((type, value, traceback))
"/usr/lib/python2.7/dist-packages/tornado/web.py", line 1164, in wrapper
return method(self, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/motioneye-0.38-py2.7.egg/motioneye/handlers.py", line 275, in get
self.list()
"/usr/local/lib/python2.7/dist-packages/motioneye-0.38-py2.7.egg/motioneye/handlers.py", line 205, in wrapper
return func(self, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/motioneye-0.38-py2.7.egg/motioneye/handlers.py", line 623, in list
callback=on_response)
"/usr/local/lib/python2.7/dist-packages/motioneye-0.38-py2.7.egg/motioneye/utils.py", line 441, in test_mjpeg_url
do_request(on_response)
"/usr/local/lib/python2.7/dist-packages/motioneye-0.38-py2.7.egg/motioneye/utils.py", line 398, in do_request
header_callback=on_header, validate_cert=settings.VALIDATE_CERTS)
TypeError: __init__() got an unexpected keyword argument 'auth_mode'
| 0.603865 |
Traceback (most recent call last):
"photon.py", line 187, in <module>
domain = topLevel(main_url)
"photon.py", line 182, in topLevel
toplevel = tld.get_fld(host, fix_protocol=True)
AttributeError: 'module' object has no attribute 'get_fld'
| Traceback (most recent call last):
"train.py", line 40, in <module>
bot.set_trainer(ChatterBotCorpusTrainer)
AttributeError: 'ChatBot' object has no attribute 'set_trainer' | 0.608397 |
Traceback (most recent call last):
"<input>", line 1, in <module>
"C:\Users\user\AppData\Roaming\kicad\scripting/InteractiveHtmlBom/generate_interactive_bom.py", line 446, in Run
main(pcbnew.GetBoard())
"C:\Users\user\AppData\Roaming\kicad\scripting/InteractiveHtmlBom/generate_interactive_bom.py", line 402, in main
"silkscreen": parse_silkscreen(pcb),
"C:\Users\user\AppData\Roaming\kicad\scripting/InteractiveHtmlBom/generate_interactive_bom.py", line 236, in parse_silkscreen
drawing = parse_drawing(d)
"C:\Users\user\AppData\Roaming\kicad\scripting/InteractiveHtmlBom/generate_interactive_bom.py", line 206, in parse_drawing
return parse_draw_segment(d)
"C:\Users\user\AppData\Roaming\kicad\scripting/InteractiveHtmlBom/generate_interactive_bom.py", line 154, in parse_draw_segment
"angle": d.GetParentModule().GetOrientation() * 0.1,
AttributeError: 'NoneType' object has no attribute 'GetOrientation''```
| Traceback (most recent call last):
"clock.pyx", line 119, in hummingbot.core.clock.Clock.run_til
"pure_market_making_v2.pyx", line 270, in hummingbot.strategy.pure_market_making.pure_market_making_v2.PureMarketMakingStrategyV2.c_tick
"pure_market_making_v2.pyx", line 375, in hummingbot.strategy.pure_market_making.pure_market_making_v2.PureMarketMakingStrategyV2.c_execute_orders_proposal
AttributeError: 'NoneType' object has no attribute 'actions'
| 0.638895 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"pandas/core/frame.py", line 7760, in quantile
transposed=is_transposed)
"pandas/core/internals/managers.py", line 500, in quantile
return self.reduction('quantile', **kwargs)
"pandas/core/internals/managers.py", line 473, in reduction
values = _concat._concat_compat([b.values for b in blocks])
"pandas/core/dtypes/concat.py", line 174, in _concat_compat
return np.concatenate(to_concat, axis=axis)
ValueError: need at least one array to concatenate
| Traceback (most recent call last):
"F:/PythonProject/Alphapose/AlphaPose-pytorch/AlphaPose-pytorch/demo.py", line 26, in <module>
torch.multiprocessing.set_start_method('forkserver', force=True)
"D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 246, in set_start_method
self._actual_context = self.get_context(method)
"D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 238, in get_context
return super().get_context(method)
"D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 192, in get_context
raise ValueError('cannot find context for %r' % method)
ValueError: cannot find context for 'forkserver'
| 0.505168 |
Traceback (most recent call last):
"/hummingbot/strategy/discovery/start.py", line 118, in start
self._initialize_markets(market_names)
"/hummingbot/client/hummingbot_application.py", line 364, in _initialize_markets
raise ValueError(f"Market name {market_name} is invalid.")
ValueError: Market name bamboo_relay is invalid.
| Traceback (most recent call last):
"/usr/local/Cellar/python@2/2.7.15/Frameworks/Python.framework/Versions/2.7/lib/python2.7/hashlib.py", line 147, in <module>
globals()[__func_name] = __get_hash(__func_name)
"/usr/local/Cellar/python@2/2.7.15/Frameworks/Python.framework/Versions/2.7/lib/python2.7/hashlib.py", line 97, in __get_builtin_constructor
raise ValueError('unsupported hash type ' + name)
ValueError: unsupported hash type sha256
| 0.5902 |
mythril.interfaces.cli [ERROR]: Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/mythril/interfaces/cli.py", line 842, in parse_args_and_execute
enable_online_lookup=query_signature,
"/usr/local/lib/python3.6/dist-packages/mythril/mythril/mythril_disassembler.py", line 38, in __init__
self.solc_binary = self._init_solc_binary(solc_version)
"/usr/local/lib/python3.6/dist-packages/mythril/mythril/mythril_disassembler.py", line 95, in _init_solc_binary
raise solc.exceptions.SolcError()
TypeError: __init__() missing 5 required positional arguments: 'command', 'return_code', 'stdin_data', 'stdout_data', and 'stderr_data'
| Traceback (most recent call last):
"hummingbot\core\utils\async_utils.py", line 9, in safe_wrapper
"hummingbot\client\command\create_command.py", line 63, in prompt_for_configuration
"hummingbot\client\command\create_command.py", line 108, in prompt_a_config
"hummingbot\client\config\config_var.py", line 55, in validate
"hummingbot\strategy\cross_exchange_market_making\cross_exchange_market_making_config_map.py", line 48, in validate_taker_market_trading_pair
"hummingbot\client\config\config_validators.py", line 50, in validate_market_trading_pair
TypeError: object of type 'TimeoutError' has no len()
| 0.568598 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/Users/user/.virtualenvs/salt/lib/python3.6/site-packages/salt/state.py", line 1913, in call
**cdata['kwargs'])
"/Users/user/.virtualenvs/salt/lib/python3.6/site-packages/salt/loader.py", line 1898, in wrapper
return f(*args, **kwargs)
"/Users/user/.virtualenvs/salt/lib/python3.6/site-packages/salt/states/libcloud_dns.py", line 152, in record_present
type, data, profile)
"/Users/user/.virtualenvs/salt/lib/python3.6/site-packages/salt/modules/libcloud_dns.py", line 278, in create_record
return _simple_record(conn.create_record(name, zone, record_type, data))
"/Users/user/.virtualenvs/salt/lib/python3.6/site-packages/libcloud/dns/drivers/gandi.py", line 221, in create_record
if 'ttl' in extra:
TypeError: argument of type 'NoneType' is not iterable
Started: 00:16:42.041820
| Traceback (most recent call last):
"testplot.py", line 21, in <module>
df.plot.bar()
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/plotting/_core.py", line 1113, in bar
return self(kind="bar", x=x, y=y, **kwargs)
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/plotting/_core.py", line 955, in __call__
return plot_backend.plot(data, kind=kind, **kwargs)
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/plotting/_matplotlib/__init__.py", line 61, in plot
plot_obj.generate()
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/plotting/_matplotlib/core.py", line 280, in generate
self._make_plot()
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/plotting/_matplotlib/core.py", line 1434, in _make_plot
self.tick_pos = ax.convert_xunits(self.ax_index).astype(np.int)
"/home/raillard/WFH/LISA/.lisa-venv-3.8/lib/python3.8/site-packages/pandas/core/indexes/base.py", line 708, in astype
raise TypeError(
TypeError: Cannot cast Index to dtype int64
| 0.590123 |
Traceback (most recent call last):
"train.py", line 184, in <module>
tf.app.run()
"C:\ProgramData\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\python\platform\app.py", line 124, in run
_sys.exit(main(argv))
"C:\ProgramData\Anaconda3\envs\tensorflow1\lib\site-packages\tensorflow\python\util\deprecation.py", line 136, in new_func
return func(*args, **kwargs)
"train.py", line 180, in main
graph_hook_fn=graph_rewriter_fn)
"C:\TensorFlow\models\research\object_detection\legacy\trainer.py", line 248, in train
detection_model = create_model_fn()
"C:\TensorFlow\models\research\object_detection\builders\model_builder.py", line 113, in build
raise ValueError('model_config not of type model_pb2.DetectionModel.')
ValueError: model_config not of type model_pb2.DetectionModel. | Traceback (most recent call last):
"object_detection_demo_yolov3_async.py", line 490, in <module>
sys.exit(main() or 0)
"object_detection_demo_yolov3_async.py", line 380, in main
args.keep_aspect_ratio)
"object_detection_demo_yolov3_async.py", line 231, in get_objects
prob_threshold, is_proportional)
"object_detection_demo_yolov3_async.py", line 143, in parse_yolo_region
_, _, out_blob_h, out_blob_w = predictions.shape
ValueError: too many values to unpack (expected 4)
| 0.565671 |
Traceback (most recent call last):
"E:\XX-Net3.3.0\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"E:\XX-Net3.3.0\code\default\python27\1.0\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"E:\XX-Net3.3.0\code\default\gae_proxy\local\google_ip.py", line 642, in scan_ip_worker
xlog.exception("google_ip.runJob fail:%r", e)
AttributeError: 'NoneType' object has no attribute 'exception'
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/schemainspect/misc.py", line 9, in connection_from_s_or_c
s_or_c.engine
AttributeError: 'Session' object has no attribute 'engine'
| 0.618797 |
Traceback (most recent call last):
"<input>", line 1, in <module>
"C:\Python27\lib\site-packages\lackey\RegionMatching.py", line 955, in mouseDown
return PlatformManager.mouseButtonDown(button)
AttributeError: 'PlatformManagerWindows' object has no attribute 'mouseButtonDown'
| Traceback (most recent call last):
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/__init__.py", line 502, in execute
return gltf2_blender_export.save(context, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_export.py", line 42, in save
json, buffer = __export(export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_export.py", line 55, in __export
__gather_gltf(exporter, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_export.py", line 64, in __gather_gltf
active_scene_idx, scenes, animations = gltf2_blender_gather.gather_gltf2(export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather.py", line 37, in gather_gltf2
scenes.append(__gather_scene(blender_scene, export_settings))
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather.py", line 60, in __gather_scene
blender_scene, None, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_nodes.py", line 47, in gather_node
node = __gather_node(blender_object, library, blender_scene, dupli_object_parent, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_nodes.py", line 65, in __gather_node
mesh=__gather_mesh(blender_object, library, export_settings),
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_nodes.py", line 333, in __gather_mesh
export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_mesh.py", line 44, in gather_mesh
primitives=__gather_primitives(blender_mesh, library, blender_object, vertex_groups, modifiers, material_names, export_settings),
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_mesh.py", line 136, in __gather_primitives
export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_primitives.py", line 62, in gather_primitives
export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_materials.py", line 56, in gather_material
pbr_metallic_roughness=__gather_pbr_metallic_roughness(blender_material, orm_texture, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_materials.py", line 219, in __gather_pbr_metallic_roughness
export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_materials_pbr_metallic_roughness.py", line 37, in gather_material_pbr_metallic_roughness
metallic_roughness_texture=__gather_metallic_roughness_texture(blender_material, orm_texture, export_settings),
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_materials_pbr_metallic_roughness.py", line 158, in __gather_metallic_roughness_texture
return gltf2_blender_gather_texture_info.gather_texture_info(texture_input, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_texture_info.py", line 37, in gather_texture_info
index=__gather_index(blender_shader_sockets_or_texture_slots, export_settings),
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_texture_info.py", line 97, in __gather_index
return gltf2_blender_gather_texture.gather_texture(blender_shader_sockets_or_texture_slots, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_texture.py", line 48, in gather_texture
source=__gather_source(blender_shader_sockets_or_texture_slots, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_texture.py", line 97, in __gather_source
return gltf2_blender_gather_image.gather_image(blender_shader_sockets_or_texture_slots, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_image.py", line 49, in gather_image
buffer_view = __gather_buffer_view(image_data, mime_type, name, export_settings)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_cache.py", line 65, in wrapper_cached
result = func(*args)
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_gather_image.py", line 86, in __gather_buffer_view
return gltf2_io_binary_data.BinaryData(data=image_data.encode(mime_type))
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_image.py", line 118, in encode
return self.__encode_unhappy()
"/Applications/Blender.app/Contents/Resources/2.82/scripts/addons/io_scene_gltf2/blender/exp/gltf2_blender_image.py", line 147, in __encode_unhappy
image.pixels.foreach_get(tmp_buf)
AttributeError: 'bpy_prop_array' object has no attribute 'foreach_get'
| 0.558567 |
Traceback (most recent call last):
"/opt/venvs/bot/lib/python3.4/site-packages/errbot/backends/slack.py", line 687, in _slack_upload
'file': stream
"/opt/venvs/bot/lib/python3.4/site-packages/errbot/backends/slack.py", line 328, in api_call
response = self.sc.api_call(method, **data)
"/opt/venvs/bot/lib/python3.4/site-packages/slackclient/client.py", line 88, in api_call
response_body = self.server.api_call(method, timeout=timeout, **kwargs)
"/opt/venvs/bot/lib/python3.4/site-packages/slackclient/server.py", line 260, in api_call
response = self.api_requester.do(self.token, method, kwargs, timeout=timeout)
"/opt/venvs/bot/lib/python3.4/site-packages/slackclient/slackrequest.py", line 104, in do
proxies=self.proxies
"/opt/venvs/bot/lib/python3.4/site-packages/requests/api.py", line 112, in post
return request('post', url, data=data, json=json, **kwargs)
"/opt/venvs/bot/lib/python3.4/site-packages/requests/api.py", line 58, in request
return session.request(method=method, url=url, **kwargs)
"/opt/venvs/bot/lib/python3.4/site-packages/requests/sessions.py", line 494, in request
prep = self.prepare_request(req)
"/opt/venvs/bot/lib/python3.4/site-packages/requests/sessions.py", line 437, in prepare_request
hooks=merge_hooks(request.hooks, self.hooks),
"/opt/venvs/bot/lib/python3.4/site-packages/requests/models.py", line 308, in prepare
self.prepare_body(data, files, json)
"/opt/venvs/bot/lib/python3.4/site-packages/requests/models.py", line 496, in prepare_body
(body, content_type) = self._encode_files(files, data)
"/opt/venvs/bot/lib/python3.4/site-packages/requests/models.py", line 159, in _encode_files
fdata = fp.read()
TypeError: read() should return bytes
| Traceback (most recent call last):
"/usr/local/lib/python3.5/site-packages/IPython/core/interactiveshell.py", line 2881, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-3-c289bccc81e5>", line 1, in <module>
editor.TextClip.list('color')
"/usr/local/lib/python3.5/site-packages/moviepy/video/VideoClip.py", line 1179, in list
return [l.split(" ")[1] for l in lines[2:]]
"/usr/local/lib/python3.5/site-packages/moviepy/video/VideoClip.py", line 1179, in <listcomp>
return [l.split(" ")[1] for l in lines[2:]]
TypeError: a bytes-like object is required, not 'str'
| 0.647945 |
Traceback (most recent call last):
"/home/nathan/miniconda3/envs/time-linux/lib/python3.7/multiprocessing/pool.py", line 121, in worker
result = (True, func(*args, **kwds))
"/home/nathan/miniconda3/envs/time-linux/lib/python3.7/multiprocessing/pool.py", line 47, in starmapstar
return list(itertools.starmap(args[0], args[1]))
"<ipython-input-172-b53f12fd70dd>", line 3, in sarima_simple
train = series.iloc[:-ylen,idx[series.name]]
AttributeError: 'str' object has no attribute 'iloc'
| Traceback (most recent call last):
"/home/ly/.envs/xq/lib/python3.5/site-packages/jpeg4py/_py.py", line 215, in __del__
if self.decompressor is not None:
AttributeError: 'JPEG' object has no attribute 'decompressor'
| 0.569166 |
Traceback (most recent call last):
"/usr/lib/python3.5/runpy.py", line 184, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.5/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/train.py", line 159, in <module>
additional_arguments)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/train.py", line 129, in train_dialogue_model
**kwargs)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/agent.py", line 305, in train_online
input_channel)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/policies/online_trainer.py", line 76, in run_online_training
input_channel if input_channel else ConsoleInputChannel())
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/agent.py", line 165, in handle_channel
processor.handle_channel(input_channel)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/processor.py", line 72, in handle_channel
input_channel.start_sync_listening(self.handle_message)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/channels/console.py", line 60, in start_sync_listening
self._record_messages(message_handler)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/channels/console.py", line 53, in _record_messages
self.sender_id))
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/processor.py", line 95, in handle_message
self._predict_and_execute_next_action(message, tracker)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/processor.py", line 273, in _predict_and_execute_next_action
dispatcher)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/processor.py", line 320, in _run_action
self._log_action_on_tracker(tracker, action.name(), events)
"/home/zensar/.local/lib/python3.5/site-packages/rasa_core/processor.py", line 383, in _log_action_on_tracker
e.timestamp = time.time()
AttributeError: 'dict' object has no attribute 'timestamp'
| Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_parser.py", line 359, in test_parse_subsecond
self.parser.parse("2013-01-01 12:30:45.9", "YYYY-MM-DD HH:mm:ss.S")
AttributeError: 'TestDateTimeParserParse' object has no attribute 'parser'
| 0.649467 |
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_locales.py", line 519, in test_define
assert self.locale.describe("minute", only_distance=True) == "eine Minute"
AttributeError: 'TestGermanLocale' object has no attribute 'locale'
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/lutris/gui/application.py", line 173, in do_activate
self.window = LutrisWindow(application=self)
"/usr/lib/python3/dist-packages/lutris/gui/lutriswindow.py", line 102, in __init__
self.game_store = self.get_store()
"/usr/lib/python3/dist-packages/lutris/gui/lutriswindow.py", line 315, in get_store
game_store = GameStore(
"/usr/lib/python3/dist-packages/lutris/gui/views/store.py", line 133, in __init__
self.modelsort = Gtk.TreeModelSort.sort_new_with_model(self.modelfilter)
AttributeError: type object 'TreeModelSort' has no attribute 'sort_new_with_model'
| 0.586506 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/utils/process.py", line 765, in _run
return self._original_run()
"/usr/lib/python2.7/site-packages/salt/utils/reactor.py", line 271, in run
self.call_reactions(chunks)
"/usr/lib/python2.7/site-packages/salt/utils/reactor.py", line 228, in call_reactions
self.wrap.run(chunk)
"/usr/lib/python2.7/site-packages/salt/utils/reactor.py", line 330, in run
self.populate_client_cache(low)
"/usr/lib/python2.7/site-packages/salt/utils/reactor.py", line 324, in populate_client_cache
self.reaction_class[reaction_type](self.opts['conf_file'])
KeyError: u'file'
| Traceback (most recent call last):
"/srv/hass/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 164, in _async_setup_platform
SLOW_SETUP_MAX_WAIT, loop=self.hass.loop)
"/usr/local/lib/python3.6/asyncio/tasks.py", line 352, in wait_for
return fut.result()
"/usr/local/lib/python3.6/asyncio/futures.py", line 244, in result
raise self._exception
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/hass/lib/python3.6/site-packages/homeassistant/components/media_player/directv.py", line 62, in setup_platform
dtvs.append(DirecTvDevice(*host))
"/srv/hass/lib/python3.6/site-packages/homeassistant/components/media_player/directv.py", line 76, in __init__
self.dtv = DIRECTV(host, port, device)
"/srv/hass/lib/python3.6/site-packages/DirectPy.py", line 32, in __init__
self.get_standby()
"/srv/hass/lib/python3.6/site-packages/DirectPy.py", line 57, in get_standby
self.standby = (jResp['mode'] == 1)
KeyError: 'mode'
| 0.613917 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/private/var/folders/gw/w0clrs515zx9x_55zgtpv4mm0000gp/T/pip-build-wyUgjq/unittest2/setup.py", line 87, in <module>
setup(**params)
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/core.py", line 151, in setup
dist.run_commands()
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 953, in run_commands
self.run_command(cmd)
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 971, in run_command
cmd_obj.ensure_finalized()
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/cmd.py", line 109, in ensure_finalized
self.finalize_options()
"/Users/marca/python/virtualenvs/unittest2-wheel-test/lib/python2.7/site-packages/wheel/bdist_wheel.py", line 106, in finalize_options
self.data_dir = self.wheel_dist_name + '.data'
"/Users/marca/python/virtualenvs/unittest2-wheel-test/lib/python2.7/site-packages/wheel/bdist_wheel.py", line 127, in wheel_dist_name
safer_version(self.distribution.get_version())))
"/Users/marca/python/virtualenvs/unittest2-wheel-test/lib/python2.7/site-packages/wheel/bdist_wheel.py", line 47, in safer_version
return safe_version(version).replace('-', '_')
"/Users/marca/python/virtualenvs/unittest2-wheel-test/lib/python2.7/site-packages/pkg_resources/__init__.py", line 1369, in safe_version
return str(packaging.version.Version(version))
"/Users/marca/python/virtualenvs/unittest2-wheel-test/lib/python2.7/site-packages/pkg_resources/_vendor/packaging/version.py", line 210, in __init__
match = self._regex.search(version)
TypeError: expected string or buffer | Traceback (most recent call last):
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\app\mainwindow.py", line 3208, in main
mainwindow = run_spyder(app, options, args)
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\app\mainwindow.py", line 3082, in run_spyder
main = MainWindow(options)
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\app\mainwindow.py", line 373, in __init__
from spyder.plugins.shortcuts import ShortcutsConfigPage
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\plugins\shortcuts.py", line 835, in <module>
class ShortcutsConfigPage(GeneralConfigPage):
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\plugins\shortcuts.py", line 839, in ShortcutsConfigPage
ICON = ima.icon('keyboard')
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\spyder\utils\icon_manager.py", line 267, in icon
directory=_resource['directory'])
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\qtawesome\__init__.py", line 178, in load_font
return _instance().load_font(prefix, ttf_filename, charmap_filename, directory)
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\qtawesome\__init__.py", line 54, in _instance
'materialdesignicons-webfont-charmap.json')
"C:\Users\micha\anaconda3\envs\py2_7\lib\site-packages\qtawesome\iconic_font.py", line 206, in __init__
super().__init__()
TypeError: super() takes at least 1 argument (0 given)
| 0.614566 |
Traceback (most recent call last):
"setup.py", line 192, in <module>
setup_package()
...
"numpy/core/setup_common.py", line 305, in long_double_representation
raise ValueError("Unrecognized format (%s)" % saw)
ValueError: Unrecognized format (['001', '043', '105', '147', '211', '253', '315', '357', '000', '000', '000', '124', '064', '157', '235', '301', '000', '000', '000', '000', '000', '000', '000', '0 === | Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/cfscrape/__init__.py", line 173, in get_tokens
raise ValueError("Unable to find Cloudflare cookies. Does the site actually have Cloudflare IUAM (\"I'm Under Attack Mode\") enabled?")
ValueError: Unable to find Cloudflare cookies. Does the site actually have Cloudflare IUAM ("I'm Under Attack Mode") enabled?
| 0.600635 |
Traceback (most recent call last):
"/usr/local/bin/protonvpn", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/dist-packages/protonvpn_cli/cli.py", line 72, in main
cli()
"/usr/local/lib/python3.6/dist-packages/protonvpn_cli/cli.py", line 108, in cli
connection.direct(args.get("<servername>"), protocol)
"/usr/local/lib/python3.6/dist-packages/protonvpn_cli/connection.py", line 273, in direct
.format(servername),
KeyError: 'servername'
| Traceback (most recent call last):
"/usr/local/lib/python3.5/site-packages/botocore/httpsession.py", line 246, in send
conn = manager.connection_from_url(request.url)
"/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 283, in connection_from_url
pool_kwargs=pool_kwargs)
"/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 231, in connection_from_host
return self.connection_from_context(request_context)
"/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 241, in connection_from_context
pool_key_constructor = self.key_fn_by_scheme[scheme]
KeyError: 's3'
| 0.50981 |
Aug 06 21:25:51.406 - [ERROR] Except stack:Traceback (most recent call last):
"D:\XXNet\code\default\launcher\module_init.py", line 74, in stop
_start = proc_handler[module]["imp"].start
KeyError: 'imp'
| Traceback (most recent call last):
"/work/src/experiment/reporter.py", line 43, in output_report
in_progress=in_progress)
"/work/src/experiment/generate_report.py", line 123, in generate_report
in_progress)
"/work/src/analysis/rendering.py", line 41, in render_report
in_progress=in_progress)
"/work/.venv/lib/python3.7/site-packages/jinja2/environment.py", line 1090, in render
self.environment.handle_exception()
"/work/.venv/lib/python3.7/site-packages/jinja2/environment.py", line 832, in handle_exception
reraise(*rewrite_traceback_stack(source=source))
"/work/.venv/lib/python3.7/site-packages/jinja2/_compat.py", line 28, in reraise
raise value.with_traceback(tb)
"/work/src/analysis/report_templates/default.html", line 81, in top-level template code
src="{{ experiment.critical_difference_plot }}">
"/work/.venv/lib/python3.7/site-packages/jinja2/environment.py", line 471, in getattr
return getattr(obj, attribute)
"/work/src/analysis/experiment_results.py", line 169, in critical_difference_plot
average_ranks = self.rank_by_median
"/work/src/analysis/experiment_results.py", line 109, in rank_by_median
self._experiment_snapshots_df, data_utils.rank_by_median)
"/work/src/analysis/data_utils.py", line 189, in experiment_pivot_table
benchmark_blocks = experiment_snapshots_df.groupby('benchmark')
"/work/.venv/lib/python3.7/site-packages/pandas/core/frame.py", line 5810, in groupby
observed=observed,
"/work/.venv/lib/python3.7/site-packages/pandas/core/groupby/groupby.py", line 409, in __init__
mutated=self.mutated,
"/work/.venv/lib/python3.7/site-packages/pandas/core/groupby/grouper.py", line 598, in get_grouper
raise KeyError(gpr)
KeyError: 'benchmark'
| 0.488617 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 549, in download
return _map_promise(self._download, url_or_urls)
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 778, in _map_promise
res = tf.nest.map_structure(lambda p: p.get(), all_promises)
# Wait promises
"F:\python\lib\site-packages\tensorflow\python\util\nest.py", line 659, in map_structure
structure[0], [func(*x) for x in entries],
"F:\python\lib\site-packages\tensorflow\python\util\nest.py", line 659, in <listcomp>
structure[0], [func(*x) for x in entries],
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 778, in <lambda>
res = tf.nest.map_structure(lambda p: p.get(), all_promises)
# Wait promises
"F:\python\lib\site-packages\promise\promise.py", line 512, in get
return self._target_settled_value(_raise=True)
"F:\python\lib\site-packages\promise\promise.py", line 516, in _target_settled_value
return self._target()._settled_value(_raise)
"F:\python\lib\site-packages\promise\promise.py", line 226, in _settled_value
reraise(type(raise_val), raise_val, self._traceback)
"F:\python\lib\site-packages\six.py", line 703, in reraise
raise value
"F:\python\lib\site-packages\promise\promise.py", line 87, in try_catch
return (handler(*args, **kwargs), None)
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 360, in <lambda>
return future.then(lambda dl_result: self._register_or_validate_checksums(
# pylint: disable=g-long-lambda
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 424, in _register_or_validate_checksums
return self._rename_and_get_final_dl_path(
"f:\tfds\datasets\tensorflow_datasets\core\download\download_manager.py", line 448, in _rename_and_get_final_dl_path
if path.is_relative_to(self._manual_dir):
# Manually downloaded data
"f:\tfds\datasets\tensorflow_datasets\core\utils\type_utils.py", line 103, in is_relative_to
self.relative_to(*other)
"F:\python\lib\pathlib.py", line 898, in relative_to
to_drv, to_root, to_parts = self._parse_args(other)
"F:\python\lib\pathlib.py", line 666, in _parse_args
a = os.fspath(a)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| Traceback (most recent call last):
"/home/git_proj/ot/venv/lib/python3.7/site-packages/telegram/ext/dispatcher.py", line 279, in process_update
handler.handle_update(update, self)
"/home/git_proj/ot/venv/lib/python3.7/site-packages/telegram/ext/messagehandler.py", line 169, in handle_update
return self.callback(dispatcher.bot, update, **optional_args)
TypeError: __call__() takes 2 positional arguments but 3 were given
| 0.476827 |
Traceback (most recent call last):
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/externals/loky/process_executor.py", line 431, in _process_worker
r = call_item()
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/externals/loky/process_executor.py", line 285, in __call__
return self.fn(*self.args, **self.kwargs)
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/_parallel_backends.py", line 595, in __call__
return self.func(*args, **kwargs)
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/parallel.py", line 262, in __call__
return [func(*args, **kwargs)
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/parallel.py", line 262, in <listcomp>
return [func(*args, **kwargs)
"/home/black/freqtrade/.env/lib/python3.8/site-packages/joblib/externals/loky/cloudpickle_wrapper.py", line 38, in __call__
return self._obj(*args, **kwargs)
"/home/black/freqtrade/freqtrade/optimize/hyperopt.py", line 538, in generate_optimizer
backtesting_results = self.backtesting.backtest(
"/home/black/freqtrade/freqtrade/optimize/backtesting.py", line 348, in backtest
data: Dict = self._get_ohlcv_as_lists(processed)
"/home/black/freqtrade/freqtrade/optimize/backtesting.py", line 204, in _get_ohlcv_as_lists
df_analyzed = self.strategy.advise_sell(
"/home/black/freqtrade/user_data/hyperopts/sample_hyperopt.py", line 124, in populate_sell_trend
conditions.append(dataframe['mfi'] > params['sell-mfi-value'])
"/home/black/freqtrade/.env/lib/python3.8/site-packages/pandas/core/frame.py", line 3024, in __getitem__
indexer = self.columns.get_loc(key)
"/home/black/freqtrade/.env/lib/python3.8/site-packages/pandas/core/indexes/base.py", line 3082, in get_loc
raise KeyError(key) from err
KeyError: 'mfi'
| Traceback (most recent call last):
"./visualize_results.py", line 74, in <module>
main('results/SynthText.h5')
"./visualize_results.py", line 55, in main
dsets = sorted(db['data'].keys())
"/usr/lib/python2.7/dist-packages/h5py/_hl/group.py", line 153, in __getitem__
oid = h5o.open(self.id, self._e(name), lapl=self._lapl)
"h5o.pyx", line 173, in h5py.h5o.open (h5py/h5o.c:3403)
KeyError: "unable to open object (Symbol table: Can't open object)"`
| 0.58744 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 193, in _async_setup_platform
await asyncio.shield(task)
"/config/custom_components/alexa_media/sensor.py", line 120, in async_setup_entry
return await async_setup_platform(
"/config/custom_components/alexa_media/sensor.py", line 79, in async_setup_platform
alexa_client = class_(
"/config/custom_components/alexa_media/sensor.py", line 433, in __init__
if semver.compare(HA_VERSION, "0.113.0") >= 0
"/usr/local/lib/python3.8/site-packages/semver.py", line 108, in wrapper
return func(*args, **kwargs)
"/usr/local/lib/python3.8/site-packages/semver.py", line 786, in compare
v1 = VersionInfo.parse(ver1)
"/usr/local/lib/python3.8/site-packages/semver.py", line 656, in parse
raise ValueError("%s is not valid SemVer string" % version)
ValueError: 0.115.0b0 is not valid SemVer string
| 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)
"/home/minion/Git-Auto-Deploy/gitautodeploy/__main__.py", line 14, in <module>
main()
"/home/minion/Git-Auto-Deploy/gitautodeploy/gitautodeploy.py", line 676, in main
init_config(config)
"/home/minion/Git-Auto-Deploy/gitautodeploy/cli/config.py", line 355, in init_config
from ..models import Project
ValueError: attempted relative import beyond top-level package
| 0.590083 |
Traceback (most recent call last):
"/Users/nchan/programs/git-ws/seq2seq/bin/tools/generate_vocab.py", line 53, in <module>
for line in fileinput.input():
"/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/fileinput.py", line 248, in __next__
line = self._readline()
"/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/fileinput.py", line 360, in _readline
self._file = open(self._filename, self._mode)
NotFoundError: [Errno 2] No such file or directory: '--max_vocab_size'
| Traceback (most recent call last):
"rdiff-backup", line 32, in <module>
"rdiff_backup\Main.py", line 390, in error_check_Main
"rdiff_backup\Main.py", line 412, in Main
"rdiff_backup\Main.py", line 348, in take_action
"rdiff_backup\Main.py", line 437, in Backup
"rdiff_backup\backup.py", line 39, in Mirror
"rdiff_backup\backup.py", line 269, in patch
"rdiff_backup\rorpiter.py", line 313, in __call__
"rdiff_backup\backup.py", line 584, in fast_process
"rdiff_backup\longname.py", line 235, in get_mirror_inc_rps
"rdiff_backup\longname.py", line 221, in find_inc_pair
"rdiff_backup\longname.py", line 143, in check_new_index
"rdiff_backup\longname.py", line 125, in wrap_call
"rdiff_backup\longname.py", line 136, in make_parent
"rdiff_backup\rpath.py", line 1185, in makedirs
"os.py", line 221, in makedirs
NotFoundError: [WinError 206] The filename or extension is too long:
| 0.574285 |
Traceback (most recent call last):
"carlos.py", line 78, in <module>
session.like_by_tags(my_hashtags, amount=60, media=None)
"/home/carlos/.local/lib/python2.7/site-packages/instapy/instapy.py", line 1745, in like_by_tags
self.logger)
"/home/carlos/.local/lib/python2.7/site-packages/instapy/like_util.py", line 609, in check_link
if not check_character_set(image_text):
"/home/carlos/.local/lib/python2.7/site-packages/instapy/instapy.py", line 5163, in check_character_set
for uchr in unistr
"/home/carlos/.local/lib/python2.7/site-packages/instapy/instapy.py", line 5164, in <genexpr>
if uchr.isalpha())
"/home/carlos/.local/lib/python2.7/site-packages/instapy/instapy.py", line 5147, in is_mandatory_character
unicodedata.name(uchr))
TypeError: name() argument 1 must be unicode, not str
| Traceback (most recent call last):
"/anaconda3/bin/tensorboard", line 6, in <module>
from tensorboard.main import run_main
"/anaconda3/lib/python3.6/site-packages/tensorboard/__init__.py", line 4, in <module>
from .writer import
Writer, SummaryWriter
"/anaconda3/lib/python3.6/site-packages/tensorboard/writer.py", line 28, in <module>
from .summary import scalar, histogram, image, audio, text
"/anaconda3/lib/python3.6/site-packages/tensorboard/summary/__init__.py", line 25, in <module>
from tensorboard.summary import v1
"/anaconda3/lib/python3.6/site-packages/tensorboard/summary/v1.py", line 24, in <module>
from tensorboard.plugins.audio import summary as _audio_summary
"/anaconda3/lib/python3.6/site-packages/tensorboard/plugins/audio/summary.py", line 36, in <module>
from tensorboard.plugins.audio import metadata
"/anaconda3/lib/python3.6/site-packages/tensorboard/plugins/audio/metadata.py", line 21, in <module>
from tensorboard.compat.proto import summary_pb2
"/anaconda3/lib/python3.6/site-packages/tensorboard/compat/proto/summary_pb2.py", line 15, in <module>
from tensorboard.compat.proto import tensor_pb2 as tensorboard_dot_compat_dot_proto_dot_tensor__pb2
"/anaconda3/lib/python3.6/site-packages/tensorboard/compat/proto/tensor_pb2.py", line 15, in <module>
from tensorboard.compat.proto import resource_handle_pb2 as tensorboard_dot_compat_dot_proto_dot_resource__handle__pb2
"/anaconda3/lib/python3.6/site-packages/tensorboard/compat/proto/resource_handle_pb2.py", line 22, in <module>
serialized_pb=_b('\n.tensorboard/compat/proto/resource_handle.proto\x12\x0btensorboard\"r\n\x13ResourceHandleProto\x12\x0e\n\x06\x64\x65vice\x18\x01 \x01(\t\x12\x11\n\tcontainer\x18\x02 \x01(\t\x12\x0c\n\x04name\x18\x03 \x01(\t\x12\x11\n\thash_code\x18\x04 \x01(\x04\x12\x17\n\x0fmaybe_type_name\x18\x05 \x01(\tBn\n\x18org.tensorflow.frameworkB\x0eResourceHandleP\x01Z=github.com/tensorflow/tensorflow/tensorflow/go/core/framework\xf8\x01\x01\x62\x06proto3')
"/anaconda3/lib/python3.6/site-packages/google/protobuf/descriptor.py", line 878, in __new__
return _message.default_pool.AddSerialized
(serialized_pb)
TypeError: Couldn't build proto file into descriptor pool!
| 0.622983 |
`Traceback (most recent call last):
"./app.py", line 5, in <module>
from schema import schema
"/home/examples/flask_sqlalchemy/schema.py", line 28, in <module>
class Query(graphene.ObjectType):
"/home/examples/flask_sqlalchemy/schema.py", line 32, in Query
Employee, sort=Employee.sort_argument())
AttributeError: type object 'Employee' has no attribute 'sort_argument'`
| Traceback (most recent call last):
"app.py", line 46, in <module>
main()
"app.py", line 41, in main
behaviour.run(settings['market_pairs'], settings['output_mode'])
"/app/behaviour.py", line 56, in run
self.__test_strategies(market_data, output_mode)
"/app/behaviour.py", line 85, in __test_strategies
candle_period
"/usr/local/lib/python3.6/site-packages/tenacity/__init__.py", line 214, in wrapped_f
return self.call(f, *args, **kw)
"/usr/local/lib/python3.6/site-packages/tenacity/__init__.py", line 295, in call
start_time=start_time)
"/usr/local/lib/python3.6/site-packages/tenacity/__init__.py", line 252, in iter
return fut.result()
"/usr/local/lib/python3.6/concurrent/futures/_base.py", line 425, in result
return self.__get_result()
"/usr/local/lib/python3.6/concurrent/futures/_base.py", line 384, in __get_result
raise self._exception
"/usr/local/lib/python3.6/site-packages/tenacity/__init__.py", line 298, in call
result = fn(*args, **kwargs)
"/app/exchange.py", line 59, in get_historical_data
if time_unit not in self.exchanges[exchange].timeframes:
AttributeError: 'cryptopia' object has no attribute 'timeframes' | 0.555106 |
Traceback (most recent call last):
"/root/.local/share/virtualenvs/CrackMapExec-TyYiRZur/bin/cme", line 11, in <module>
load_entry_point('crackmapexec==4.0.1.dev0', 'console_scripts', 'cme')()
"/root/.local/share/virtualenvs/CrackMapExec-TyYiRZur/lib/python2.7/site-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/crackmapexec.py", line 162, in main
module = loader.init_module(props['path'])
"/root/.local/share/virtualenvs/CrackMapExec-TyYiRZur/lib/python2.7/site-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/loaders/module_loader.py", line 93, in init_module
key, value = option.split('=', 1)
ValueError: need more than 1 value to unpack
| Traceback (most recent call last):
"C:\Medusa\Medusa\medusa\helper\common.py", line 331, in try_int
return int(candidate)
ValueError: invalid literal for int() with base 10: '372.63 MB'
| 0.486691 |
Traceback (most recent call last):
"/bin/fail2ban-regex", line 34, in <module>
exec_command_line()
"/usr/lib/python3.5/site-packages/fail2ban/client/fail2banregex.py", line 599, in exec_command_line
if not fail2banRegex.start(opts, args):
"/usr/lib/python3.5/site-packages/fail2ban/client/fail2banregex.py", line 538, in start
self.process(test_lines)
"/usr/lib/python3.5/site-packages/fail2ban/client/fail2banregex.py", line 370, in process
for line_no, line in enumerate(test_lines):
"/usr/lib/python3.5/site-packages/fail2ban/client/fail2banregex.py", line 93, in journal_lines_gen
yield FilterSystemd.formatJournalEntry(entry)
TypeError: formatJournalEntry() missing 1 required positional argument: 'logentry'
| Traceback (most recent call last):
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-76yvurxi\knack\knack\cli.py", line 212, in invoke
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-76yvurxi\knack\knack\output.py", line 132, in out
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-76yvurxi\knack\knack\output.py", line 38, in format_json
TypeError: 'CommandResultItem' object is not iterable
| 0.605251 |
Traceback (most recent call last):
"<ipython-input-236-fffc1e7d092d>", line 1, in <module>
df = next(fridge.load(cols=[('power', 'active'), ('voltage', '')]))
"C:\Users\nekovolta\Anaconda3\envs\nilmtk-env\lib\site-packages\nilmtk\elecmeter.py", line 443, in load
last_node = self.get_source_node(**kwargs)
"C:\Users\nekovolta\Anaconda3\envs\nilmtk-env\lib\site-packages\nilmtk\elecmeter.py", line 569, in get_source_node
generator = self.store.load(key=self.key, **loader_kwargs)
"C:\Users\nekovolta\Anaconda3\envs\nilmtk-env\lib\site-packages\nilmtk\docinherit.py", line 46, in f
return self.mthd(obj, *args, **kwargs)
TypeError: load() got an unexpected keyword argument 'cols'
| Traceback (most recent call last):
"x.py", line 19, in <module>
y = [[x.name, x.type, x.docstring(), x.module_path, x.line] for x in ret]
"x.py", line 19, in <listcomp>
y = [[x.name, x.type, x.docstring(), x.module_path, x.line] for x in ret]
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 588, in docstring
return super(Completion, self).docstring(raw=raw, fast=fast)
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 249, in docstring
signature_text = self._get_docstring_signature()
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 606, in _get_docstring_signature
return super(Completion, self)._get_docstring_signature()
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 261, in _get_docstring_signature
for signature in self._get_signatures(for_docstring=True)
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 501, in _get_signatures
return [sig for name in names for sig in name.infer().get_signatures()]
"/home/USER/.local/lib/python3.8/site-packages/jedi/api/classes.py", line 501, in <listcomp>
return [sig for name in names for sig in name.infer().get_signatures()]
"/home/USER/.local/lib/python3.8/site-packages/jedi/inference/base_value.py", line 411, in get_signatures
return [sig for c in self._set for sig in c.get_signatures()]
"/home/USER/.local/lib/python3.8/site-packages/jedi/inference/base_value.py", line 411, in <listcomp>
return [sig for c in self._set for sig in c.get_signatures()]
"/home/USER/.local/lib/python3.8/site-packages/jedi/inference/value/klass.py", line 218, in get_signatures
init_funcs = self.py__call__().py__getattribute__('__init__')
TypeError: py__call__() missing 1 required positional argument: 'arguments'
| 0.565043 |
Traceback (most recent call last):
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpfdfxmx88\build\youtube_dl\extractor\common.py", line 676, in _parse_json
"C:\Python\Python34\lib\json\__init__.py", line 318, in loads
"C:\Python\Python34\lib\json\decoder.py", line 343, in decode
"C:\Python\Python34\lib\json\decoder.py", line 361, in raw_decode
ValueError: Expecting value: line 1 column 1 (char 0)
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Users\MachineSense\Anaconda3\lib\site-packages\nltk\tag\sequential.py", line 345, in __init__
backoff, cutoff, verbose)
"C:\Users\MachineSense\Anaconda3\lib\site-packages\nltk\tag\sequential.py", line 292, in __init__
self._train(train, cutoff, verbose)
"C:\Users\MachineSense\Anaconda3\lib\site-packages\nltk\tag\sequential.py", line 181, in _train
tokens, tags = zip(*sentence)
ValueError: not enough values to unpack (expected 2, got 1)
| 0.574769 |
Traceback (most recent call last):
"test.py", line 16, in <module>
B()
"<string>", line 2, in __init__
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/instrumentation.py", line 388, in _new_state_if_none
state = self._state_constructor(instance, self)
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/util/langhelpers.py", line 893, in __get__
obj.__dict__[self.__name__] = result = self.fget(obj)
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/instrumentation.py", line 214, in _state_constructor
self.dispatch.first_init(self, self.class_)
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/event/attr.py", line 322, in __call__
fn(*args, **kw)
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/mapper.py", line 3411, in _event_on_first_init
configure_mappers()
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/mapper.py", line 3299, in configure_mappers
mapper._post_configure_properties()
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/mapper.py", line 1965, in _post_configure_properties
prop.init()
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/interfaces.py", line 197, in init
self.do_init()
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/relationships.py", line 2077, in do_init
self._process_dependent_arguments()
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/orm/relationships.py", line 2148, in _process_dependent_arguments
self.target = self.entity.persist_selectable
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/util/langhelpers.py", line 987, in __getattr__
return self._fallback_getattr(key)
"/Users/quantumdark/PycharmProjects/horizon-server/.venv/lib/python3.7/site-packages/sqlalchemy/util/langhelpers.py", line 961, in _fallback_getattr
raise AttributeError(key)
AttributeError: entity
| Traceback (most recent call last):
"train.py", line 111, in <module>
train()
"train.py", line 66, in train
is_infer=False)
"/home/workspace/models/ctr/network_conf.py", line 34, in __init__
self._declare_input_layers()
"/home/workspace/models/ctr/network_conf.py", line 53, in _declare_input_layers
type=paddle.data_type.sparse_vector(self.lr_input_dim))
AttributeError: 'module' object has no attribute 'sparse_vector' | 0.544284 |
Traceback (most recent call last):
"C:\Python27\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"C:\Python27\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"C:\Python27\lib\multiprocessing\pool.py", line 389, in _handle_results
task = get()
TypeError: ('__init__() takes at least 3 arguments (1 given)', <class 'subprocess.CalledProcessError'>, ())
| Traceback (most recent call last):
"shared_modules\file_methods.py", line 58, in load_object
"msgpack/_unpacker.pyx", line 164, in msgpack._unpacker.unpack (msgpack/_unpacker.cpp:2622)
"msgpack/_unpacker.pyx", line 139, in msgpack._unpacker.unpackb (msgpack/_unpacker.cpp:2068)
TypeError: unhashable type: 'dict'
| 0.5468 |
Traceback (most recent call last):
"/usr/local/custodian/site-packages/c7n/policy.py", line 305, in run
resources = self.policy.resource_manager.resources()
"/usr/local/custodian/site-packages/c7n/query.py", line 395, in resources
resources = self.augment(self.source.resources(query))
"/usr/local/custodian/site-packages/c7n/query.py", line 305, in resources
results.extend(f.result())
"/usr/local/custodian/site-packages/concurrent/futures/_base.py", line 422, in result
return self.__get_result()
"/usr/local/custodian/site-packages/concurrent/futures/thread.py", line 62, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/custodian/site-packages/c7n/query.py", line 271, in get_resources
results.append(self.load_resource(revisions[0]))
"/usr/local/custodian/site-packages/c7n/resources/s3.py", line 152, in load_resource
method(resource, v)
"/usr/local/custodian/site-packages/c7n/resources/s3.py", line 257, in handle_BucketLifecycleConfiguration
rr['Filter'] = self.convertLifePredicate(r['filter']['predicate'])
"/usr/local/custodian/site-packages/c7n/resources/s3.py", line 262, in convertLifePredicate
if p['type'] == 'LifecyclePrefixPredicate':
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"/usr/local/bin/beet", line 10, in <module>
sys.exit(main())
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/ui/__init__.py", line 1256, in main
_raw_main(args)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/ui/__init__.py", line 1243, in _raw_main
subcommand.func(lib, suboptions, subargs)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/ui/commands.py", line 943, in import_func
import_files(lib, paths, query)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/ui/commands.py", line 913, in import_files
session.run()
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/importer.py", line 329, in run
pl.run_parallel(QUEUE_SIZE)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/util/pipeline.py", line 445, in run_parallel
six.reraise(exc_info[0], exc_info[1], exc_info[2])
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/util/pipeline.py", line 312, in run
out = self.coro.send(msg)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/util/pipeline.py", line 194, in coro
func(*(args + (task,)))
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/importer.py", line 1511, in plugin_stage
func(session, task)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beets/plugins.py", line 140, in wrapper
return func(*args, **kwargs)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beetsplug/fetchart.py", line 807, in fetch_art
candidate = self.art_for_album(task.album, task.paths, local)
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beetsplug/fetchart.py", line 873, in art_for_album
for candidate in source.get(album, self, paths):
"/volume1/@appstore/beets/env/lib/python2.7/site-packages/beetsplug/fetchart.py", line 416, in get
self.API_ALBUMS + album.mb_releasegroupid,
TypeError: cannot concatenate 'str' and 'int' objects
| 0.644458 |
Traceback (most recent call last):
"/usr/lib/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"/usr/lib/python3.6/threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"/bb/tools/dirsearch/lib/core/fuzzer.py", line 172, in thread_proc
status, response = self.scan(path)
"/bb/tools/dirsearch/lib/core/fuzzer.py", line 142, in scan
response = self.requester.request(path)
"/bb/tools/dirsearch/lib/connection/requester.py", line 173, in request
timeout=self.timeout,
"/bb/tools/dirsearch/thirdparty/requests/sessions.py", line 542, in request
resp = self.send(prep, **send_kwargs)
"/bb/tools/dirsearch/thirdparty/requests/sessions.py", line 655, in send
r = adapter.send(request, **kwargs)
"/bb/tools/dirsearch/thirdparty/requests/adapters.py", line 412, in send
conn = self.get_connection(request.url, proxies)
"/bb/tools/dirsearch/thirdparty/requests/adapters.py", line 304, in get_connection
proxy = prepend_scheme_if_needed(proxy, 'http')
"/bb/tools/dirsearch/thirdparty/requests/utils.py", line 900, in prepend_scheme_if_needed
scheme, netloc, path, params, query, fragment = urlparse(url, new_scheme)
"/usr/lib/python3.6/urllib/parse.py", line 367, in urlparse
url, scheme, _coerce_result = _coerce_args(url, scheme)
"/usr/lib/python3.6/urllib/parse.py", line 120, in _coerce_args
raise TypeError("Cannot mix str and non-str arguments")
TypeError: Cannot mix str and non-str arguments
| Traceback (most recent call last):
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/greenlet.py", line 536, in run
result = self._run(*self.args, **self.kwargs)
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/baseserver.py", line 26, in _handle_and_close_when_done
return handle(*args_tuple)
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/pywsgi.py", line 1482, in handle
handler.handle()
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/pywsgi.py", line 454, in handle
result = self.handle_one_request()
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/pywsgi.py", line 671, in handle_one_request
self.handle_one_response()
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gevent/pywsgi.py", line 964, in handle_one_response
self.log_request()
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gunicorn/workers/ggevent.py", line 217, in log_request
self.server.log.access(resp, req_headers, self.environ, response_time)
"/Users/me/.venvs/hydra/lib/python3.6/site-packages/gunicorn/instrument/statsd.py", line 100, in access
self.increment("gunicorn.request.status.%d" % status, 1)
TypeError: %d format: a number is required, not bytes
| 0.628612 |
Traceback (most recent call last):
".\gui\builtinViews\fittingView.py", line 104, in OnData
self.dropFn(x, y, data)
".\gui\builtinViews\fittingView.py", line 190, in handleListDrag
self.swapItems(x, y, int(data[1]))
".\gui\builtinViews\fittingView.py", line 400, in swapItems
sFit.cloneModule(self.mainFrame.getActiveFit(), mod1.position, mod2.position)
".\service\fit.py", line 616, in cloneModule
if new.fits(fit):
".\eos\saveddata\module.py", line 401, in fits
for attr in self.itemModifiedAttributes.keys():
"C:\Python27\lib\_abcoll.py", line 410, in keys
return list(self)
".\eos\modifiedAttributeDict.py", line 131, in __iter__
all = dict(self.__original, **self.__modified)
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/data/users/yonatab/transformers_pip/QA/run_qa_val_more_valueable.py", line 557, in <module>
main()
"/data/users/yonatab/transformers_pip/QA/run_qa_val_more_valueable.py", line 538, in main
results = trainer.evaluate()
"/data/users/yonatab/transformers_pip/QA/trainer_qa.py", line 63, in evaluate
metrics = self.compute_metrics(eval_preds)
"/data/users/yonatab/transformers_pip/QA/run_qa_val_more_valueable.py", line 499, in compute_metrics
return metric.compute(predictions=p.predictions, references=p.label_ids)
"/data/users/yonatab/transformers_pip/trans_pip/lib/python3.6/site-packages/datasets/metric.py", line 398, in compute
output = self._compute(predictions=predictions, references=references, **kwargs)
"/home/ec2-user/.cache/huggingface/modules/datasets_modules/metrics/squad_v2/7529efd518b03f775290694e7b797412cb2253e90b4f843af83cf7434cccb3a8/squad_v2.py", line 108, in _compute
exact_raw, f1_raw = get_raw_scores(dataset, predictions)
"/home/ec2-user/.cache/huggingface/modules/datasets_modules/metrics/squad_v2/7529efd518b03f775290694e7b797412cb2253e90b4f843af83cf7434cccb3a8/evaluate.py", line 111, in get_raw_scores
gold_answers = [a["text"] for a in qa["answers"] if normalize_answer(a["text"])]
"/home/ec2-user/.cache/huggingface/modules/datasets_modules/metrics/squad_v2/7529efd518b03f775290694e7b797412cb2253e90b4f843af83cf7434cccb3a8/evaluate.py", line 111, in <listcomp>
gold_answers = [a["text"] for a in qa["answers"] if normalize_answer(a["text"])]
TypeError: string indices must be integers
| 0.553839 |
Traceback (most recent call last):
"<ipython-input-2-78c718c47677>", line 1, in <module>
keras.backend.image_dim_ordering()
AttributeError: module 'keras.backend' has no attribute 'image_dim_ordering'
| Traceback (most recent call last):
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/werkzeug/serving.py", line 306, in run_wsgi
execute(self.server.app)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/werkzeug/serving.py", line 294, in execute
application_iter = app(environ, start_response)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/server.py", line 135, in __call__
return backend_app(environ, start_response)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/core/utils.py", line 146, in __call__
result = self.callback(request, request.url, {})
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/core/responses.py", line 197, in dispatch
return cls()._dispatch(*args, **kwargs)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/core/responses.py", line 295, in _dispatch
return self.call_action()
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/core/responses.py", line 380, in call_action
response = method()
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/cloudformation/responses.py", line 230, in list_stack_resources
resources = self.cloudformation_backend.list_stack_resources(stack_name_or_id)
"/Users/brandon/Library/Python/2.7/lib/python/site-packages/moto/cloudformation/models.py", line 681, in list_stack_resources
return stack.stack_resources
AttributeError: 'NoneType' object has no attribute 'stack_resources'
| 0.538727 |
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'
| Traceback (most recent call last):
"<string>", line 4, in <module>
"/home/user/.vim/bundle/jedi-vim/jedi/jedi/api.py", line 219, in get_definition
d = set([api_classes.Definition(s) for s in scopes])
"/home/user/.vim/bundle/jedi-vim/jedi/jedi/api_classes.py", line 173, in __init__
super(Definition, self).__init__(definition, definition.start_pos)
AttributeError: '_GlobalNamespace' object has no attribute 'start_pos' | 0.622157 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\keras\models.py", line 664, in fit
sample_weight=sample_weight)
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\keras\engine\training.py", line 1115
, in fit
self._make_train_function()
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\keras\engine\training.py", line 720,
in _make_train_function
**self._function_kwargs)
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\keras\backend\theano_backend.py", li
ne 929, in function
return Function(inputs, outputs, updates=updates, **kwargs)
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\keras\backend\theano_backend.py", li
ne 908, in __init__
for v, nv in updates:
"C:\Other\Python27\python-2.7.10.amd64\lib\site-packages\theano\tensor\var.py", line 584, in
__iter__
raise TypeError(('TensorType does not support iteration. '
TypeError: TensorType does not support iteration. Maybe you are using builtin.sum instead of theano.
tensor.sum? (Maybe .max?)
| Traceback (most recent call last):
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/peapods/pea.py", line 292, in msg_callback
self.zmqlet.send_message(self._callback(msg))
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/peapods/pea.py", line 266, in _callback
self.pre_hook(msg).handle(msg).post_hook(msg)
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/peapods/pea.py", line 160, in handle
self.executor(self.request_type)
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/executors/__init__.py", line 570, in __call__
d()
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/drivers/__init__.py", line 251, in __call__
self._traverse_apply(self.req.docs, *args, **kwargs)
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/drivers/__init__.py", line 268, in _traverse_apply
**kwargs,
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/drivers/__init__.py", line 281, in _traverse_rec
doc.chunks, doc, 'chunks', path[1:], *args, **kwargs
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/drivers/__init__.py", line 284, in _traverse_rec
self._apply_all(docs, parent_doc, parent_edge_type, *args, **kwargs)
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/drivers/search.py", line 124, in _apply_all
idx, dist = self.exec_fn(embed_vecs, top_k=int(self.top_k))
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/executors/indexers/vector.py", line 279, in query
dist = self._euclidean(_keys, self.query_handler)
"/home/cristian/envs/lyrics/lib/python3.7/site-packages/jina/executors/decorators.py", line 241, in arg_wrapper
for b in batch_iterator(data[:total_size], b_size, split_over_axis, yield_slice=yield_slice):
TypeError: 'NoneType' object is not subscriptable
| 0.530171 |
Traceback (most recent call last):
"/Users/sanromag/CODE_local/multimodal_corr/test_error_gridcv.py", line 33, in <module>
gs.fit(np.random.rand(10))
"/Users/sanromag/anaconda2/envs/base/lib/python2.7/site-packages/sklearn/model_selection/_search.py", line 742, in fit
self.best_estimator_.fit(X, **fit_params)
AttributeError: 'NoneType' object has no attribute 'fit'
| Traceback (most recent call last):
"path/ParlAI/parlai/core/worlds.py", line 1116, in _create_task_agents
task_agents = my_module.create_agents(opt, task)
AttributeError: module 'parlai.tasks.moviedialog.agents' has no attribute 'create_agents'
| 0.499443 |
Traceback (most recent call last):
"/usr/lib/python2.7/runpy.py", line 174, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/usr/lib/python2.7/runpy.py", line 72, in _run_code
exec code in run_globals
"/opt/youtube-dl/bin/youtube-dl/__main__.py", line 19, in <module>
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/__init__.py", line 474, in main
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/__init__.py", line 464, in _real_main
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 2008, in download
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 796, in extract_info
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/extractor/common.py", line 529, in extract
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/extractor/shared.py", line 26, in _real_extract
"/opt/youtube-dl/bin/youtube-dl/youtube_dl/compat.py", line 2947, in compat_b64decode
"/usr/lib/python2.7/base64.py", line 75, in b64decode
return binascii.a2b_base64(s)
TypeError: a2b_base64() argument 1 must be string or buffer, not None
| Traceback (most recent call last):
"C:\Program
s (x86)\Microsoft SDKs\Azure\CLI2\lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"C:\Program
s (x86)\Microsoft SDKs\Azure\CLI2\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-umfcm_n2\azure-cli\azure\cli\__main__.py", line 41, in <module>
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-umfcm_n2\azure-cli\azure\cli\__main__.py", line 30, in cli_main
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-umfcm_n2\knack\knack\cli.py", line 218, in invoke
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-umfcm_n2\azure-cli-core\azure\cli\core\__init__.py", line 99, in exception_handler
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-umfcm_n2\azure-cli-core\azure\cli\core\util.py", line 50, in handle_exception
TypeError: string indices must be integers
| 0.551562 |
Traceback (most recent call last):
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/core/handlers/exception.py", line 47, in inner
response = get_response(request)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/sentry_sdk/integrations/django/middleware.py", line 129, in __call__
return f(*args, **kwargs)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/sentry_sdk/integrations/django/middleware.py", line 90, in sentry_wrapped_method
return old_method(*args, **kwargs)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/weblate/middleware.py", line 72, in __call__
return self.get_response(request)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/core/handlers/exception.py", line 49, in inner
response = response_for_exception(request, exc)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/core/handlers/exception.py", line 103, in response_for_exception
response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info())
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/core/handlers/exception.py", line 142, in handle_uncaught_exception
return callback(request, **param_dict)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/weblate/trans/views/error.py", line 85, in server_error
return django.views.defaults.server_error(request)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/utils/decorators.py", line 130, in _wrapped_view
response = view_func(request, *args, **kwargs)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/views/defaults.py", line 97, in server_error
return HttpResponseServerError(template.render())
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/backends/django.py", line 61, in render
return self.template.render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 170, in render
return self._render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 162, in _render
return self.nodelist.render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 938, in render
bit = node.render_annotated(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 905, in render_annotated
return self.render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/loader_tags.py", line 150, in render
return compiled_parent._render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 162, in _render
return self.nodelist.render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 938, in render
bit = node.render_annotated(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/base.py", line 905, in render_annotated
return self.render(context)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/library.py", line 192, in render
output = self.func(*resolved_args, **resolved_kwargs)
"/opt/webdata/weblate-env/lib/python3.6/site-packages/weblate/trans/templatetags/translations.py", line 276, in documentation
return get_doc_url(page, anchor, user=context["user"])
"/opt/webdata/weblate-env/lib/python3.6/site-packages/django/template/context.py", line 83, in __getitem__
raise KeyError(key)
KeyError: 'user'
| Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/home/mmr/QRLJacking/QRLJacker/core/browser.py", line 127, in website_qr
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/home/mmr/QRLJacking/QRLJacker/core/browser.py", line 143, in check_img
controller = self.browsers[module_name]["Controller"]
KeyError: 'whatsapp'
| 0.603991 |
Traceback (most recent call last):
"/Users/davidanton/develop/issue_vmap/issueVMAP.py", line 18, in <module>
second_derivatives = vmap(vmap_second_derivatives)(variable_positions)
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/_src/traceback_util.py", line 139, in reraise_with_filtered_traceback
return fun(*args, **kwargs)
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/api.py", line 1237, in batched_fun
out_flat = batching.batch(
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/linear_util.py", line 166, in call_wrapped
ans = self.f(*args, **dict(self.params, **kwargs))
"/Users/davidanton/develop/issue_vmap/issueVMAP.py", line 13, in <lambda>
lambda variable_position: grad(grad(target_function, variable_position), variable_position)(*single_input)
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/api.py", line 748, in grad
value_and_grad_f = value_and_grad(fun, argnums, has_aux=has_aux,
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/api.py", line 808, in value_and_grad
argnums = _ensure_index(argnums)
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/api_util.py", line 38, in _ensure_index
return tuple(map(operator.index, x))
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/_src/util.py", line 37, in safe_map
args = list(map(list, args))
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/core.py", line 497, in __iter__
return iter(self.aval._iter(self))
"/Users/davidanton/develop/issue_vmap/venv/lib/python3.9/site-packages/jax/_src/lax/lax.py", line 1943, in _iter
raise TypeError("iteration over a 0-d array")
# same as numpy error
TypeError: iteration over a 0-d array
| Traceback (most recent call last):
"/home/allen/.local/share/virtualenvs/scraper-etbRBiK9/lib/python3.6/site-packages/ruia/spider.py", line 383, in handle_request
callback_result, response = await request.fetch_callback(self.sem)
"/home/allen/.local/share/virtualenvs/scraper-etbRBiK9/lib/python3.6/site-packages/ruia/request.py", line 159, in fetch_callback
callback_result = await self.callback(response)
"/mnt/f/workspace/git/scraper/scraper/cnu.py", line 92, in save_image
await f.write(response.html)
"/home/allen/.local/share/virtualenvs/scraper-etbRBiK9/lib/python3.6/site-packages/aiofiles/threadpool/utils.py", line 36, in method
return (yield from self._loop.run_in_executor(self._executor, cb))
"/usr/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
TypeError: a bytes-like object is required, not 'str'
| 0.552387 |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.