text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 159, in _async_setup_platform
await asyncio.wait_for(asyncio.shield(task), SLOW_SETUP_MAX_WAIT)
"/usr/local/lib/python3.7/asyncio/tasks.py", line 442, in wait_for
return fut.result()
"/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/homeassistant/homeassistant/components/duke_energy/sensor.py", line 34, in setup_platform
add_entities([DukeEnergyMeter(meter) for meter in duke.get_meters()])
"/usr/local/lib/python3.7/site-packages/pydukeenergy/api.py", line 52, in get_meters
self._get_meters()
"/usr/local/lib/python3.7/site-packages/pydukeenergy/api.py", line 160, in _get_meters
meter_data = json.loads(soup.find("duke-dropdown", {"id": "usageAnalysisMeter"})["items"])
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"/usr/local/bin/glances", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python3.8/dist-packages/glances/__init__.py", line 145, in main
start(config=config, args=args)
"/usr/local/lib/python3.8/dist-packages/glances/__init__.py", line 110, in start
mode = GlancesMode(config=config, args=args)
"/usr/local/lib/python3.8/dist-packages/glances/standalone.py", line 78, in __init__
self.stats.update()
"/usr/local/lib/python3.8/dist-packages/glances/stats.py", line 234, in update
self._plugins[p].update()
"/usr/local/lib/python3.8/dist-packages/glances/plugins/glances_plugin.py", line 993, in wrapper
ret = fct(self, *args, **kw)
"/usr/local/lib/python3.8/dist-packages/glances/plugins/glances_plugin.py", line 1003, in wrapper
ret = fct(*args, **kw)
"/usr/local/lib/python3.8/dist-packages/glances/plugins/glances_smart.py", line 155, in update
stats = get_smart_data()
"/usr/local/lib/python3.8/dist-packages/glances/plugins/glances_smart.py", line 98, in get_smart_data
devlist = DeviceList()
"/usr/local/lib/python3.8/dist-packages/pySMART/device_list.py", line 56, in __init__
self._initialize()
"/usr/local/lib/python3.8/dist-packages/pySMART/device_list.py", line 95, in _initialize
cmd = Popen([SMARTCTL_PATH, '--scan-open'], stdout=PIPE, stderr=PIPE)
"/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 1583, in _execute_child
and os.path.dirname(executable)
"/usr/lib/python3.8/posixpath.py", line 152, in dirname
p = os.fspath(p)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| 0.654512 |
Traceback (most recent call last):
"/Users/clemens/Library/Preferences/PyCharmCE2017.2/scratches/scratch_4.py", line 4, in <module>
raw = mne.io.read_raw_edf("/Volumes/Begabungsforschung/Analysis/Data/EEG/adds/vp1/vp1_exp_eeg.bdf")
"/Users/clemens/Repositories/adds/mne/io/edf/edf.py", line 1229, in read_raw_edf
exclude=exclude, preload=preload, verbose=verbose)
"<string>", line 2, in __init__
"/Users/clemens/Repositories/adds/mne/utils.py", line 728, in verbose
return function(*args, **kwargs)
"/Users/clemens/Repositories/adds/mne/io/edf/edf.py", line 158, in __init__
annotmap, eog, misc, exclude, preload)
"/Users/clemens/Repositories/adds/mne/io/edf/edf.py", line 564, in _get_info
tal_channel is None and n_samps[stim_channel] != int(max_samp):
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
| [ERROR
] An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/state.py", line 1851, in call
**cdata['kwargs'])
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1795, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/site-packages/salt/states/saltmod.py", line 272, in state
cmd_ret = __salt__['saltutil.cmd'](tgt, fun, **cmd_kw)
"/usr/lib/python2.7/site-packages/salt/modules/saltutil.py", line 1322, in cmd
client, tgt, fun, arg, timeout, tgt_type, ret, kwarg, **kwargs)
"/usr/lib/python2.7/site-packages/salt/modules/saltutil.py", line 1287, in _exec
fcn_ret.update(ret_comp)
ValueError: dictionary update sequence element #0 has length 1; 2 is required
| 0.566001 |
Traceback (most recent call last):
"/usr/lib/python3.5/asyncio/tasks.py", line 239, in _step
result = coro.send(None)
"/usr/local/lib/python3.5/dist-packages/homeassistant/helpers/entity_platform.py", line 352, in _async_add_entity
await entity.async_update_ha_state()
"/usr/local/lib/python3.5/dist-packages/homeassistant/helpers/entity.py", line 239, in async_update_ha_state
attr = self.state_attributes or {}
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/media_player/__init__.py", line 787, in state_attributes
in ATTR_TO_PROPERTY if getattr(self, attr) is not None
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/media_player/__init__.py", line 787, in <dictcomp>
in ATTR_TO_PROPERTY if getattr(self, attr) is not None
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/media_player/songpal.py", line 289, in source
return self._active_source.title
AttributeError: 'NoneType' object has no attribute 'title'
| Traceback (most recent call last):
"savemodel_error.py", line 10, in <module>
gpflow.utilities.freeze(m)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 281, in freeze
module_copy = deepcopy(input_module, memo_tensors)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 269, in deepcopy
return copy.deepcopy(reset_cache_bijectors(input_module), memo)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 253, in reset_cache_bijectors
_ = traverse_module(input_module, accumulator, clear_bijector, target_types)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 324, in traverse_module
new_state = traverse_module(submodule, new_acc, update_cb, target_types)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 324, in traverse_module
new_state = traverse_module(submodule, new_acc, update_cb, target_types)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 324, in traverse_module
new_state = traverse_module(submodule, new_acc, update_cb, target_types)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 303, in traverse_module
return update_cb(m, path, state)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 247, in clear_bijector
clear_cache(bijector)
"/Users/jxiong/Documents/Projects/ipsc_gplvm/env/lib/python3.6/site-packages/gpflow/utilities/utilities.py", line 243, in clear_cache
b._from_x.clear()
AttributeError: 'Softplus' object has no attribute '_from_x'
| 0.648071 |
Traceback (most recent call last):
"examples/cifar10_densenet.py", line 38, in <module>
input_shape=img_dim, weights=None)
"/home/ubuntu/Github/keras-contrib/keras_contrib/applications/densenet.py", line 117, in DenseNet
dropout_rate, weight_decay)
"/home/ubuntu/Github/keras-contrib/keras_contrib/applications/densenet.py", line 487, in __create_dense_net
dropout_rate=dropout_rate, weight_decay=weight_decay)
"/home/ubuntu/Github/keras-contrib/keras_contrib/applications/densenet.py", line 378, in __dense_block
x = merge(x_list, mode='concat', concat_axis=concat_axis)
"/usr/local/lib/python2.7/dist-packages/keras/legacy/layers.py", line 456, in merge
name=name)
"/usr/local/lib/python2.7/dist-packages/keras/legacy/layers.py", line 117, in __init__
self(input_tensors, mask=input_masks)
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 554, in __call__
output = self.call(inputs, **kwargs)
"/usr/local/lib/python2.7/dist-packages/keras/legacy/layers.py", line 210, in call
return K.concatenate(inputs, axis=self.concat_axis)
"/usr/local/lib/python2.7/dist-packages/keras/backend/tensorflow_backend.py", line 1525, in concatenate
return **tf.concat([to_dense(x) for x in tensors], axis)**
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/array_ops.py", line 1000, in concat
dtype=dtypes.int32).get_shape(
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 669, in convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/constant_op.py", line 176, in _constant_tensor_conversion_function
return constant(v, dtype=dtype, name=name)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/constant_op.py", line 165, in constant
tensor_util.make_tensor_proto(value, dtype=dtype, shape=shape, verify_shape=verify_shape))
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/tensor_util.py", line 367, in make_tensor_proto
_AssertCompatible(values, dtype)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/tensor_util.py", line 302, in _AssertCompatible
(dtype.name, repr(mismatch), type(mismatch).__name__))
TypeError: Expected int32, got list containing Tensors of type '_Message' instead.
| Traceback (most recent call last):
"orch.py", line 55, in <module>
start_execution()
"orch.py", line 41, in start_execution
for result in results.join_native(interval=300):
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/result.py", line 815, in join_native
on_message, on_interval):
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/asynchronous.py", line 142, in iter_native
for _ in self._wait_for_pending(result, no_ack=no_ack, **kwargs):
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/asynchronous.py", line 255, in _wait_for_pending
on_interval=on_interval):
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/asynchronous.py", line 56, in drain_events_until
yield self.wait_for(p, wait, timeout=1)
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/asynchronous.py", line 65, in wait_for
wait(timeout=timeout)
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/redis.py", line 129, in drain_events
self.on_state_change(self._decode_result(message['data']), message)
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/base.py", line 305, in decode_result
return self.meta_from_decoded(self.decode(payload))
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/base.py", line 301, in meta_from_decoded
meta['result'] = self.exception_to_python(meta['result'])
"/home/tts/.local/share/virtualenvs/celery_orch-oKbCb8co/lib/python3.6/site-packages/celery/backends/base.py", line 281, in exception_to_python
exc = cls(*exc_msg if isinstance(exc_msg, tuple) else exc_msg)
TypeError: __init__() missing 5 required positional arguments: 'url', 'code', 'msg', 'hdrs', and 'fp'
| 0.587112 |
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):
"/home/nfern/.virtualenvs/back_00/lib/python3.7/site-packages/drf_yasg/utils.py", line 407, in get_field_default
default = field.to_representation(default)
"/home/nfern/.virtualenvs/back_00/lib/python3.7/site-packages/rest_framework/fields.py", line 944, in to_representation
return int(value)
TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
| 0.56706 |
Traceback (most recent call last):
"/home/william/speech/sphinx/g2p-seq2seq/tests/g2p_unittest.py", line 34, in test_decode
g2p_model = G2PModel(params, test_path=decode_file_path)
"/home/william/speech/sphinx/g2p-seq2seq/g2p_seq2seq/g2p.py", line 89, in __init__
self.__prepare_model()
"/home/william/speech/sphinx/g2p-seq2seq/g2p_seq2seq/g2p.py", line 102, in __prepare_model
self.params)
"/home/william/speech/sphinx/g2p-seq2seq/g2p_seq2seq/g2p_trainer_utils.py", line 230, in create_run_config
use_tpu=params.use_tpu)
TypeError: create_run_config() got an unexpected keyword argument 'shard_to_cpu'
| Traceback (most recent call last):
"translate.py", line 127, in <module>
main()
"translate.py", line 66, in main
for batch in test_data:
"/home/yzf/anaconda3/lib/python3.6/site-packages/torchtext/data/iterator.py", line 178, in __iter__
self.train)
"/home/yzf/anaconda3/lib/python3.6/site-packages/torchtext/data/batch.py", line 22, in __init__
setattr(self, name, field.process(batch, device=device, train=train))
"/home/yzf/anaconda3/lib/python3.6/site-packages/torchtext/data/field.py", line 184, in process
tensor = self.numericalize(padded, device=device, train=train)
"/home/yzf/anaconda3/lib/python3.6/site-packages/torchtext/data/field.py", line 294, in numericalize
arr = [numericalization_func(x) for x in arr]
"/home/yzf/anaconda3/lib/python3.6/site-packages/torchtext/data/field.py", line 294, in <listcomp>
arr = [numericalization_func(x) for x in arr]
TypeError: float() argument must be a string or a number, not 'torch.LongTensor'
| 0.553325 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1626, in call
**cdata['kwargs'])
"/usr/lib/python2.7/dist-packages/salt/loader.py", line 1492, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/states/pyenv.py", line 215, in install_pyenv
return _check_and_install_python(ret, user)
"/usr/lib/python2.7/dist-packages/salt/states/pyenv.py", line 84, in _check_and_install_python
if __salt__['pyenv.install_python'](python, runas=user):
"/usr/lib/python2.7/dist-packages/salt/modules/pyenv.py", line 159, in install_python
python = re.sub(r'^python-', '', python)
"/usr/lib/python2.7/re.py", line 151, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or buffer
Started: 12:14:18.916348
| Traceback (most recent call last):
"/root/venv/lib/python3.6/site-packages/flask/app.py", line 1982, in wsgi_app
response = self.full_dispatch_request()
"/root/venv/lib/python3.6/site-packages/flask/app.py", line 1614, in full_dispatch_request
rv = self.handle_user_exception(e)
"/root/venv/lib/python3.6/site-packages/flask/app.py", line 1517, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/root/venv/lib/python3.6/site-packages/flask/_compat.py", line 33, in reraise
raise value
"/root/venv/lib/python3.6/site-packages/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/root/venv/lib/python3.6/site-packages/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/security/decorators.py", line 26, in wraps
return f(self, *args, **kwargs)
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/views.py", line 478, in list
widgets=widgets)
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/baseviews.py", line 161, in render_template
return render_template(template, **dict(list(kwargs.items()) + list(self.extra_args.items())))
"/root/venv/lib/python3.6/site-packages/flask/templating.py", line 134, in render_template
context, ctx.app)
"/root/venv/lib/python3.6/site-packages/flask/templating.py", line 116, in _render
rv = template.render(context)
"/root/venv/lib/python3.6/site-packages/jinja2/asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"/root/venv/lib/python3.6/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/root/venv/lib/python3.6/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/root/venv/lib/python3.6/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/general/model/list.html", line 2, in top-level template code
{% import 'appbuilder/general/lib.html' as lib %}
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/base.html", line 1, in top-level template code
{% extends base_template %}
"/root/venv/lib/python3.6/site-packages/superset/templates/superset/base.html", line 1, in top-level template code
{% extends "appbuilder/baselayout.html" %}
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/baselayout.html", line 2, in top-level template code
{% import 'appbuilder/baselib.html' as baselib %}
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/init.html", line 46, in top-level template code
{% block body %}
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/baselayout.html", line 21, in block "body"
{% block content %}
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/general/model/list.html", line 12, in block "content"
{% block list_list scoped %}
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/general/model/list.html", line 13, in block "list_list"
{{ widgets.get('list')()|safe }}
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/widgets.py", line 34, in __call__
return template.render(args)
"/root/venv/lib/python3.6/site-packages/jinja2/asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"/root/venv/lib/python3.6/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/root/venv/lib/python3.6/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/root/venv/lib/python3.6/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/root/venv/lib/python3.6/site-packages/superset/templates/superset/fab_overrides/list.html", line 1, in top-level template code
{% extends 'appbuilder/general/widgets/list.html' %}
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/widgets/list.html", line 2, in top-level template code
{% extends 'appbuilder/general/widgets/base_list.html' %}
"/root/venv/lib/python3.6/site-packages/superset/templates/appbuilder/general/widgets/base_list.html", line 25, in top-level template code
{% block begin_loop_values %}
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/widgets/list.html", line 45, in block "begin_loop_values"
{% for item in value_columns %}
"/root/venv/lib/python3.6/site-packages/jinja2/runtime.py", line 478, in __next__
ctx._after = ctx._safe_next()
"/root/venv/lib/python3.6/site-packages/jinja2/runtime.py", line 455, in _safe_next
return next(self._iterator)
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/models/base.py", line 114, in get_values
retdict[col] = self._get_attr_value(item, col)
"/root/venv/lib/python3.6/site-packages/flask_appbuilder/models/base.py", line 66, in _get_attr_value
return getattr(item, col)()
"/root/venv/lib/python3.6/site-packages/superset/models/core.py", line 181, in datasource_link
return datasource.link if datasource else None
"/root/venv/lib/python3.6/site-packages/superset/connectors/druid/models.py", line 532, in link
return Markup('<a href="{self.url}">{name}</a>').format(**locals())
TypeError: format() got multiple values for argument 'self'
| 0.586125 |
Traceback (most recent call last):
"/Users/jaraco/Dropbox/code/main/jaraco.site/.tox/python/lib/python3.7/site-packages/cherrypy/process/plugins.py", line 636, in sysfiles
f = m.__loader__.archive
AttributeError: '_NamespaceLoader' object has no attribute 'archive'
| Traceback (most recent call last):
"train.py", line 184, in <module>
tf.app.run()
"C:\Users\THIS PC\Anaconda3\envs\tensorflow_gpu\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run
_sys.exit(main(argv))
"C:\Users\THIS PC\Anaconda3\envs\tensorflow_gpu\lib\site-packages\tensorflow\python\util\deprecation.py", line 250, 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 249, in train
detection_model = create_model_fn()
"C:\TensorFlow\models\research\object_detection\builders\model_builder.py", line 135, in build
add_summaries)
"C:\TensorFlow\models\research\object_detection\builders\model_builder.py", line 521, in _build_faster_rcnn_model
) = post_processing_builder.build(frcnn_config.second_stage_post_processing)
"C:\TensorFlow\models\research\object_detection\builders\post_processing_builder.py", line 59, in build
post_processing_config.batch_non_max_suppression)
"C:\TensorFlow\models\research\object_detection\builders\post_processing_builder.py", line 89, in _build_non_max_suppressor
**if nms_config.soft_nms_sigma < 0.0:
AttributeError: soft_nms_sigma**
| 0.467979 |
Traceback (most recent call last):
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/utils/data_utils.py", line 578, in get
inputs = self.queue.get(block=True).get()
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/multiprocessing/pool.py", line 644, in get
raise self._value
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/multiprocessing/pool.py", line 119, in worker
result = (True, func(*args, **kwds))
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/utils/data_utils.py", line 401, in get_index
return _SHARED_SEQUENCES[uid][i]
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/preprocessing/image.py", line 825, in __getitem__
return self._get_batches_of_transformed_samples(index_array)
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/preprocessing/image.py", line 1233, in _get_batches_of_transformed_samples
img = self.image_data_generator.preprocessing_function(img)
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/applications/inception_v3.py", line 407, in preprocess_input
return imagenet_utils.preprocess_input(x, mode='tf')
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/applications/imagenet_utils.py", line 178, in preprocess_input
mode=mode)
"/home/chris_r_brake/anaconda3/envs/keras_2/lib/python3.6/site-packages/keras/applications/imagenet_utils.py", line 115, in _preprocess_symbolic_input
x /= 127.5
TypeError: unsupported operand type(s) for /=: 'JpegImage
' and 'float'
| Traceback (most recent call last):
"/usr/local/bin/onmt-main", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/dist-packages/opennmt/bin/main.py", line 175, in main
checkpoint_path=args.checkpoint_path)
"/usr/local/lib/python3.6/dist-packages/opennmt/runner.py", line 341, in score
logits=logits, labels=labels["ids_out"])
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/ops/nn_ops.py", line 2045, in sparse_softmax_cross_entropy_with_logits
logits = ops.convert_to_tensor(logits)
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1048, in convert_to_tensor
as_ref=False)
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1144, in internal_convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 228, in _constant_tensor_conversion_function
return constant(v, dtype=dtype, name=name)
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 207, in constant
value, dtype=dtype, shape=shape, verify_shape=verify_shape))
"/home/ctext/.local/lib/python3.6/site-packages/tensorflow/python/framework/tensor_util.py", line 531, in make_tensor_proto
"supported type." % (type(values), values))
TypeError: Failed to convert object of type <class 'dict'> to Tensor. Contents: {'logits': <tf.Tensor 'seq2seq/decoder_1/cond/Merge:0' shape=(?, ?, 50001) dtype=float32>, 'attention': <tf.Tensor 'seq2seq/decoder_1/cond_1/Merge:0' shape=(?, ?, ?) dtype=float32>}. Consider casting elements to a supported type.
| 0.656179 |
Traceback (most recent call last):
"/opt/venvs/matrix-synapse/lib/python3.6/site-packages/synapse/push/emailpusher.py", line 129, in _process
yield self._unsafe_process()
TypeError: 'dict_values' object does not support indexing
| Traceback (most recent call last):
"/home/guimin.gm/miniconda3/envs/pt/lib/python3.6/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
fn(i, *args)
"/gruntdata/guimin.gm/bart/fairseq-master/train.py", line 296, in distributed_main
main(args, init_distributed=True)
"/gruntdata/guimin.gm/bart/fairseq-master/train.py", line 70, in main
extra_state, epoch_itr = checkpoint_utils.load_checkpoint(args, trainer)
"/gruntdata/guimin.gm/bart/fairseq-master/fairseq/checkpoint_utils.py", line 115, in load_checkpoint
reset_meters=args.reset_meters,
"/gruntdata/guimin.gm/bart/fairseq-master/fairseq/trainer.py", line 186, in load_checkpoint
state = checkpoint_utils.load_checkpoint_to_cpu(filename)
"/gruntdata/guimin.gm/bart/fairseq-master/fairseq/checkpoint_utils.py", line 146, in load_checkpoint_to_cpu
with PathManager.open(path, "rb") as f:
"/gruntdata/guimin.gm/bart/fairseq-master/fairseq/file_io.py", line 51, in open
newline=newline,
TypeError: Required argument 'file' (pos 1) not found
| 0.531818 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/librosa/\_\_init__.py", line 12, in <module>
from . import core
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/librosa/core/\_\_init__.py", line 125, in <module>
from .time_frequency import *
# pylint: disable=wildcard-import
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/librosa/core/time_frequency.py", line 11, in <module>
from ..util.exceptions import ParameterError
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/librosa/util/\_\_init__.py", line 77, in <module>
from .utils import *
# pylint: disable=wildcard-import
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/librosa/util/utils.py", line 5, in <module>
import scipy.ndimage
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/\_\_init__.py", line 156, in <module>
from . import fft
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/fft/\_\_init__.py", line 76, in <module>
from ._basic import (
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/fft/_basic.py", line 1, in <module>
from scipy._lib.uarray import generate_multimethod, Dispatchable
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/_lib/uarray.py", line 27, in <module>
from ._uarray import *
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/_lib/_uarray/\_\_init__.py", line 114, in <module>
from ._backend import *
"/home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/_lib/_uarray/_backend.py", line 15, in <module>
from . import _uarray
# type: ignore
ImportError: /home/splab/anaconda3/envs/Kai.Lib/lib/python3.7/site-packages/scipy/_lib/_uarray/_uarray.cpython-37m-x86_64-linux-gnu.so: symbol _ZNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEE9_M_assignERKS4_, version GLIBCXX_3.4.21 not defined in file libstdc++.so.6 with link time reference
|
Traceback (most recent call last):
"C:\Users\hubartob\AppData\Local\Temp\RobotTempDir14982430887361600969\robot_session_server.py", line 43, in inner
result['result'] = func(*args, **kwargs)
"C:\Users\hubartob\AppData\Local\Temp\RobotTempDir14982430887361600969\robot_session_server.py", line 78, in inner
return func(*args, **kwargs)
"C:\Users\hubartob\AppData\Local\Temp\RobotTempDir14982430887361600969\robot_session_server.py", line 417, in create_html_doc
return red_libraries.create_html_doc(doc, format)
"C:\Users\hubartob\AppData\Local\Temp\RobotTempDir14982430887361600969\red_libraries.py", line 122, in create_html_doc
from robot.libdocpkg.htmlwriter import DocToHtml
ImportError: cannot import name 'DocToHtml' from 'robot.libdocpkg.htmlwriter' (c:\Python39\lib\site-packages\robot\libdocpkg\htmlwriter.py)
| 0.570138 |
Traceback (most recent call last):
"/Users/AndreVillanueva_Com/Dropbox/Bots/InstaPy/belize-lottery.py", line 154, in <module>
session.comment_by_locations(belizeLocation, amount=5, skip_top_posts=True)
"/Users/AndreVillanueva_Com/Dropbox/Bots/InstaPy/instapy/instapy.py", line 806, in comment_by_locations
self.logger)
"/Users/AndreVillanueva_Com/Dropbox/Bots/InstaPy/instapy/like_util.py", line 461, in check_link
media = post_page['media']
TypeError: list indices must be integers, not str
| 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.532716 |
[ERROR
] An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python3/dist-packages/salt/state.py", line 1981, in call
**cdata['kwargs'])
"/usr/lib/python3/dist-packages/salt/loader.py", line 1977, in wrapper
return f(*args, **kwargs)
"/usr/lib/python3/dist-packages/salt/states/service.py", line 490, in running
after_toggle_status = __salt__['service.status'](name, sig, **kwargs)
TypeError: status() got an unexpected keyword argument 'reload'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
class NewModel(CustomBaseModel, special_parameter=42):
"pydantic/main.py", line 178, in pydantic.main.ModelMetaclass.__new__
TypeError: __new__() got an unexpected keyword argument 'special_parameter'
| 0.562319 |
Traceback (most recent call last):
"/usr/lib/python3.5/multiprocessing/process.py", line 249, in _bootstrap
self.run()
"/usr/lib/python3.5/multiprocessing/process.py", line 93, in run
self._target(*self._args, **self._kwargs)
"/usr/lib/python3.5/multiprocessing/pool.py", line 108, in worker
task = get()
"/usr/local/lib/python3.5/dist-packages/joblib/pool.py", line 362, in get
return recv()
"/usr/lib/python3.5/multiprocessing/connection.py", line 251, in recv
return ForkingPickler.loads(buf.getbuffer())
"/usr/local/lib/python3.5/dist-packages/theano/compile/function_module.py", line 1082, in _constructor_Function
f = maker.create(input_storage, trustme=True)
"/usr/local/lib/python3.5/dist-packages/theano/compile/function_module.py", line 1715, in create
input_storage=input_storage_lists, storage_map=storage_map)
"/usr/local/lib/python3.5/dist-packages/theano/gof/link.py", line 699, in make_thunk
storage_map=storage_map)[:3]
"/usr/local/lib/python3.5/dist-packages/theano/gof/vm.py", line 1084, in make_all
impl=impl))
"/usr/local/lib/python3.5/dist-packages/theano/gof/op.py", line 955, in make_thunk
no_recycling)
"/usr/local/lib/python3.5/dist-packages/theano/gof/op.py", line 833, in make_c_thunk
e = FunctionGraph(node.inputs, node.outputs)
"/usr/local/lib/python3.5/dist-packages/theano/gof/fg.py", line 137, in __init__
inputs, outputs = graph.clone(inputs, outputs)
"/usr/local/lib/python3.5/dist-packages/theano/gof/graph.py", line 862, in clone
equiv = clone_get_equiv(i, o, copy_inputs, copy_orphans)
"/usr/local/lib/python3.5/dist-packages/theano/gof/graph.py", line 899, in clone_get_equiv
cpy = input.clone()
"/usr/local/lib/python3.5/dist-packages/theano/gof/graph.py", line 607, in clone
cp = self.__class__(self.type, self.data, self.name)
"/usr/local/lib/python3.5/dist-packages/theano/tensor/var.py", line 961, in __init__
Constant.__init__(self, type, data, name)
"/usr/local/lib/python3.5/dist-packages/theano/gof/graph.py", line 579, in __init__
self.data = type.filter(data)
"/usr/local/lib/python3.5/dist-packages/theano/tensor/type.py", line 189, in filter
"object dtype", data.dtype)
TypeError: ('The following error happened while compiling the node', Elemwise{Composite{(i0 - (i1 + (i2 * i3) + (i4 * i5) + (i6 * i3) + i7))}}[(0, 1)](TensorConstant{[999. 899...299. 299.]}, AdvancedSubtensor1.0, AdvancedSubtensor1.0, TensorConstant{[
31.
5..04.
794.]}, AdvancedSubtensor1.0, TensorConstant{[
961.
... -24924.]}, AdvancedSubtensor1.0, InplaceDimShuffle{x}.0), '\n', 'The numpy.ndarray object is not aligned. Theano C code does not support that.', 'object buffer<memory at 0x7f13bb452888>', 'object shape', (2935849,), 'object strides', (8,), 'object dtype', dtype('float64'))
| Traceback (most recent call last):
"/home/user/.vim/plugged/jedi-vim/pythonx/jedi_vim.py", line 131, in wrapper
return func(*args, **kwargs)
"/home/user/.vim/plugged/jedi-vim/pythonx/jedi_vim.py", line 297, in goto
vim.current.window.cursor = d.line, d.column
TypeError: an integer is required (got type NoneType)
| 0.515178 |
Traceback (most recent call last):
"/home/taiga/.virtualenvs/taiga/lib/python3.5/weakref.py", line 117, in remove
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 416, in check_infra
raise e
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 413, in check_infra
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/usr/local/lib/python3.7/site-packages/localstack/services/infra.py", line 93, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/usr/local/lib/python3.7/site-packages/localstack/services/s3/s3_starter.py", line 32, in check_s3
assert isinstance(out['Buckets'], list)
TypeError: 'NoneType' object is not subscriptable
| 0.667093 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/bottle.py", line 960, in wsgi
start_response(response._status_line, response.headerlist)
"/usr/lib/python2.7/dist-packages/cherrypy/wsgiserver/wsgiserver2.py", line 2309, in start_response
"WSGI response header value %r is not of type str." % v)
TypeError: WSGI response header value u'text/plain' is not of type str.
| Traceback (most recent call last):
"abcd_contour.py", line 32, in <module>
letter = im[y:y+h,x:x+w]
TypeError: slice indices must be integers or None or have an __index__ method
| 0.461342 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/etienne/sakura/.venv/lib/python3.5/site-packages/numpy/ma/core.py", line 3136, in view
output = ndarray.view(self, dtype)
"/home/etienne/sakura/.venv/lib/python3.5/site-packages/numpy/ma/core.py", line 3357, in dtype
self._mask.shape = self.shape
ValueError: cannot reshape array of size 6 into shape (2,)
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/tmp/pip-build-rhENMK/pillow/setup.py", line 753, in <module>
zip_safe=not debug_build(), )
"/usr/local/lib/python2.7/distutils/core.py", line 151, in setup
dist.run_commands()
"/usr/local/lib/python2.7/distutils/dist.py", line 953, in run_commands
self.run_command(cmd)
"/usr/local/lib/python2.7/distutils/dist.py", line 972, in run_command
cmd_obj.run()
"/usr/local/lib/python2.7/site-packages/setuptools/command/install.py", line 61, in run
return orig.install.run(self)
"/usr/local/lib/python2.7/distutils/command/install.py", line 563, in run
self.run_command('build')
"/usr/local/lib/python2.7/distutils/cmd.py", line 326, in run_command
self.distribution.run_command(command)
"/usr/local/lib/python2.7/distutils/dist.py", line 972, in run_command
cmd_obj.run()
"/usr/local/lib/python2.7/distutils/command/build.py", line 127, in run
self.run_command(cmd_name)
"/usr/local/lib/python2.7/distutils/cmd.py", line 326, in run_command
self.distribution.run_command(command)
"/usr/local/lib/python2.7/distutils/dist.py", line 972, in run_command
cmd_obj.run()
"/usr/local/lib/python2.7/distutils/command/build_ext.py", line 339, in run
self.build_extensions()
"/tmp/pip-build-rhENMK/pillow/setup.py", line 521, in build_extensions
' using --disable-%s, aborting' % (f, f))
ValueError: jpeg is required unless explicitly disabled using --disable-jpeg, aborting | 0.548993 |
Traceback (most recent call last):
"/Users/test_user/working_dir/.venv_Darwin_x86_64_3.7.2/bin/docker-compose", line 9, in <module>
from compose.cli.main import main
ImportError: No module named compose.cli.main
| Traceback (most recent call last):
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow.py", line 58, in <module>
from tensorflow.python.pywrap_tensorflow_internal import *
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 28, in <module>
_pywrap_tensorflow_internal = swig_import_helper()
"C:\Users\DESMOND\Anaconda3\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
"C:\Users\DESMOND\Anaconda3\lib\imp.py", line 242, in load_module
return load_dynamic(name, filename, file)
"C:\Users\DESMOND\Anaconda3\lib\imp.py", line 342, in load_dynamic
return _load(spec)
ImportError: DLL load failed: The specified module could not be found.
| 0.567816 |
Traceback (most recent call last):
"core.git_command in C:\Users\Ihor\AppData\Roaming\Sublime Text 3\Installed Packages\GitSavvy.sublime-package", line 106, in git
"./subprocess.py", line 824, in __init__
"./subprocess.py", line 1118, in _execute_child
NotFoundError: [WinError 2] The system cannot find the file specified | Traceback (most recent call last):
"/home/xx/anaconda3/lib/python3.7/multiprocessing/forkserver.py", line 261, in main
old_handlers)
"/home/xx/anaconda3/lib/python3.7/multiprocessing/forkserver.py", line 297, in _serve_one
code = spawn._main(child_r)
"/home/xx/anaconda3/lib/python3.7/multiprocessing/spawn.py", line 115, in _main
self = reduction.pickle.load(from_parent)
"/home/xx/anaconda3/lib/python3.7/multiprocessing/synchronize.py", line 110, in __setstate__
self._semlock = _multiprocessing.SemLock._rebuild(*state)
NotFoundError: [Errno 2] No such file or directory
| 0.597452 |
Traceback (most recent call last):
"lib/galaxy/tools/__init__.py", line 1435, in handle_single_execution
collection_info=collection_info,
"lib/galaxy/tools/__init__.py", line 1517, in execute
return self.tool_action.execute(self, trans, incoming=incoming, set_output_hid=set_output_hid, history=history, **kwargs)
"lib/galaxy/tools/actions/__init__.py", line 438, in execute
known_outputs = output.known_outputs(input_collections, collections_manager.type_registry)
"lib/galaxy/tools/parser/output_objects.py", line 126, in known_outputs
collection_prototype = self.structure.collection_prototype(inputs, type_registry)
"lib/galaxy/tools/parser/output_objects.py", line 203, in collection_prototype
collection_prototype = inputs[self.structured_like].collection
KeyError: 'input_input'
| Traceback (most recent call last):
"c:\programdata\anaconda3\envs\ihi2\lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"c:\programdata\anaconda3\envs\ihi2\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\ProgramData\Anaconda3\envs\ihi2\Scripts\rasa.exe\__main__.py", line 7, in <module>
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\__main__.py", line 116, in main
cmdline_arguments.func(cmdline_arguments)
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\cli\data.py", line 262, in validate_files
and _validate_story_structure(validator, args)
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\cli\data.py", line 297, in _validate_story_structure
not args.fail_on_warnings, max_history=args.max_history
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\validator.py", line 249, in verify_story_structure
trackers, self.domain, max_history, self.nlu_config
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\core\training\story_conflict.py", line 185, in find_story_conflicts
trackers, domain, max_history, tokenizer
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\core\training\story_conflict.py", line 245, in _find_conflicting_states
for element in _sliced_states_iterator(trackers, domain, max_history, tokenizer):
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\core\training\story_conflict.py", line 333, in _sliced_states_iterator
_apply_tokenizer_to_states(tokenizer, sliced_states)
"c:\programdata\anaconda3\envs\ihi2\lib\site-packages\rasa\core\training\story_conflict.py", line 351, in _apply_tokenizer_to_states
Message({TEXT: state[USER][TEXT]}), TEXT
KeyError: 'text'
| 0.57936 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/pip/_internal/basecommand.py", line 141, in main
status = self.run(options, args)
"/usr/local/lib/python3.6/site-packages/pip/_internal/commands/install.py", line 330, in run
self._warn_about_conflicts(to_install)
"/usr/local/lib/python3.6/site-packages/pip/_internal/commands/install.py", line 456, in _warn_about_conflicts
package_set, _dep_info = check_install_conflicts(to_install)
"/usr/local/lib/python3.6/site-packages/pip/_internal/operations/check.py", line 98, in check_install_conflicts
package_set = create_package_set_from_installed()
"/usr/local/lib/python3.6/site-packages/pip/_internal/operations/check.py", line 41, in create_package_set_from_installed
package_set[name] = PackageDetails(dist.version, dist.requires())
"/usr/local/lib/python3.6/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2607, in requires
dm = self._dep_map
"/usr/local/lib/python3.6/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2871, in _dep_map
self.__dep_map = self._compute_dependencies()
"/usr/local/lib/python3.6/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2880, in _compute_dependencies
for req in self._parsed_pkg_info.get_all('Requires-Dist') or []:
"/usr/local/lib/python3.6/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2862, in _parsed_pkg_info
metadata = self.get_metadata(self.PKG_INFO)
"/usr/local/lib/python3.6/site-packages/pip/_vendor/pkg_resources/__init__.py", line 1788, in get_metadata
raise KeyError("No metadata except PKG-INFO is available")
KeyError: 'No metadata except PKG-INFO is available'
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/certbot/auth_handler.py", line 70, in handle_authorizations
resps = self.auth.perform(achalls)
"/usr/lib/python3/dist-packages/certbot/plugins/dns_common.py", line 58, in perform
self._perform(domain, validation_domain_name, validation)
"/usr/lib/python3/dist-packages/certbot_dns_cloudflare/dns_cloudflare.py", line 52, in _perform
self._get_cloudflare_client().add_txt_record(domain, validation_name, validation, self.ttl)
"/usr/lib/python3/dist-packages/certbot_dns_cloudflare/dns_cloudflare.py", line 89, in add_txt_record
self.cf.zones.dns_records.post(zone_id, data=data)
# zones | pylint: disable=no-member
"/usr/lib/python3/dist-packages/CloudFlare/cloudflare.py", line 630, in post
return self._base.call_with_auth('POST', self._parts,
"/usr/lib/python3/dist-packages/CloudFlare/cloudflare.py", line 73, in call_with_auth
return self._call(method, headers, parts,
"/usr/lib/python3/dist-packages/CloudFlare/cloudflare.py", line 449, in _call
code = errors['code']
KeyError: 'code'
| 0.553973 |
Traceback (most recent call last):
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/mitogen/service.py", line 621, in _on_service_call
return invoker.invoke(method_name, kwargs, msg)
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/mitogen/service.py", line 307, in invoke
response = self._invoke(method_name, kwargs, msg)
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/mitogen/service.py", line 293, in _invoke
ret = method(**kwargs)
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/ansible_mitogen/services.py", line 186, in reset
mitogen.core.listen(context, 'disconnect', l.put)
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/mitogen/core.py", line 431, in listen
_signals(obj, name).append(func)
"/mnt/c/Users/user/Documents/code/stoptracking/playbook/.mitogen/mitogen-0.2.9/mitogen/core.py", line 421, in _signals
obj.__dict__
AttributeError: 'NoneType' object has no attribute '__dict__'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"PYTHON_INSTALLATION/lib/python3.7/site-packages/dm_control/viewer/__init__.py", line 22, in <module>
from dm_control.viewer import application
"PYTHON_INSTALLATION/lib/python3.7/site-packages/dm_control/viewer/application.py", line 23, in <module>
from dm_control import render
"PYTHON_INSTALLATION/lib/python3.7/site-packages/dm_control/render/__init__.py", line 62, in <module>
Renderer = import_func()
"PYTHON_INSTALLATION/lib/python3.7/site-packages/dm_control/render/__init__.py", line 38, in _import_osmesa
from dm_control.render.pyopengl.osmesa_renderer import OSMesaContext
"PYTHON_INSTALLATION/lib/python3.7/site-packages/dm_control/render/pyopengl/osmesa_renderer.py", line 41, in <module>
from OpenGL import GL
"PYTHON_INSTALLATION/lib/python3.7/site-packages/OpenGL/GL/__init__.py", line 4, in <module>
from OpenGL.GL.VERSION.GL_1_1 import *
"PYTHON_INSTALLATION/lib/python3.7/site-packages/OpenGL/GL/VERSION/GL_1_1.py", line 14, in <module>
from OpenGL.raw.GL.VERSION.GL_1_1 import *
"PYTHON_INSTALLATION/lib/python3.7/site-packages/OpenGL/raw/GL/VERSION/GL_1_1.py", line 7, in <module>
from OpenGL.raw.GL import _errors
"PYTHON_INSTALLATION/lib/python3.7/site-packages/OpenGL/raw/GL/_errors.py", line 4, in <module>
_error_checker = _ErrorChecker( _p, _p.GL.glGetError )
"PYTHON_INSTALLATION/lib/python3.7/ctypes/__init__.py", line 369, in __getattr__
func = self.__getitem__(name)
"PYTHON_INSTALLATION/lib/python3.7/ctypes/__init__.py", line 374, in __getitem__
func = self._FuncPtr((name_or_ordinal, self))
AttributeError: /usr/lib/libOSMesa.so.8: undefined symbol: glGetError
| 0.562774 |
Traceback (most recent call last):
"D:/python/code/deeplearning/Deep-Learning-21-Examples-master/chapter_5/research/object_detection/builders/model_builder_test.py", line 388, in test_create_faster_rcnn_model_from_config_with_example_miner
model = model_builder.build(model_proto, is_training=True)
"D:\python\code\deeplearning\Deep-Learning-21-Examples-master\chapter_5\research\object_detection\builders\model_builder.py", line 76, in build
return _build_faster_rcnn_model(model_config.faster_rcnn, is_training)
"D:\python\code\deeplearning\Deep-Learning-21-Examples-master\chapter_5\research\object_detection\builders\model_builder.py", line 217, in _build_faster_rcnn_model
first_stage_only = frcnn_config.first_stage_only
AttributeError: first_stage_only
| 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/tao/.virtualenvs/dl4cv/lib/python3.6/site-packages/horovod/run/task_fn.py", line 67, in <module>
_task_fn(index, driver_addresses, settings)
"/home/tao/.virtualenvs/dl4cv/lib/python3.6/site-packages/horovod/run/task_fn.py", line 24, in _task_fn
task = task_service.HorovodRunTaskService(index, settings.key, settings.nics)
AttributeError: 'Settings' object has no attribute 'nics' | 0.544674 |
Traceback (most recent call last):
"/srv/homeassistant/lib/python3.4/site-packages/homeassistant/helpers/entity_component.py", line 155, in _async_setup_platform
entity_platform.schedule_add_entities, discovery_info
"/usr/lib/python3.4/asyncio/futures.py", line 388, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.4/asyncio/tasks.py", line 286, in _wakeup
value = future.result()
"/usr/lib/python3.4/asyncio/futures.py", line 277, in result
raise self._exception
"/usr/lib/python3.4/concurrent/futures/thread.py", line 54, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/homeassistant/lib/python3.4/site-packages/homeassistant/components/media_player/roku.py", line 46, in setup_platform
host = discovery_info[0]
KeyError: 0
| Traceback (most recent call last):
"main.py", line 64, in <module>
main()
"main.py", line 26, in main
Query.run()
"/root/py12306/py12306/query/query.py", line 54, in run
self.start()
"/root/py12306/py12306/query/query.py", line 78, in start
jobs_do(self.jobs, 'run')
"/root/py12306/py12306/helpers/func.py", line 146, in jobs_do
getattr(job, do)()
"/root/py12306/py12306/query/job.py", line 109, in run
self.start()
"/root/py12306/py12306/query/job.py", line 122, in start
self.refresh_station(station)
"/root/py12306/py12306/query/job.py", line 324, in refresh_station
self.left_station_code = Station.get_station_key_by_name(self.left_station)
"/root/py12306/py12306/helpers/station.py", line 41, in get_station_key_by_name
return self.station_kvs[name]
KeyError: '武汉站' | 0.626036 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/generic.py", line 5691, in astype
**kwargs)
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/internals/managers.py", line 531, in astype
return self.apply('astype', dtype=dtype, **kwargs)
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/internals/managers.py", line 395, in apply
applied = getattr(b, f)(**kwargs)
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/internals/blocks.py", line 534, in astype
**kwargs)
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/internals/blocks.py", line 595, in _astype
dtype = pandas_dtype(dtype)
"/home/shadchin/t_d/venv/local/lib/python2.7/site-packages/pandas/core/dtypes/common.py", line 2029, in pandas_dtype
raise TypeError("dtype '{}' not understood".format(dtype))
TypeError: dtype '<class 'decimal.Decimal'>' not understood
| Traceback (most recent call last):
"/usr/local/bin/t2t-trainer", line 33, in <module>
tf.app.run()
"/usr/local/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 125, in run
_sys.exit(main(argv))
"/usr/local/bin/t2t-trainer", line 28, in main
t2t_trainer.main(argv)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/bin/t2t_trainer.py", line 387, in main
execute_schedule(exp)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/bin/t2t_trainer.py", line 349, in execute_schedule
getattr(exp, FLAGS.schedule)()
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/trainer_lib.py", line 438, in continuous_train_and_eval
self._eval_spec)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/training.py", line 471, in train_and_evaluate
return executor.run()
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/training.py", line 610, in run
return self.run_local()
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/training.py", line 711, in run_local
saving_listeners=saving_listeners)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2409, in train
rendezvous.raise_errors()
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/error_handling.py", line 128, in raise_errors
six.reraise(typ, value, traceback)
"/usr/local/lib/python3.6/site-packages/six.py", line 693, in reraise
raise value
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2403, in train
saving_listeners=saving_listeners
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 354, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 1207, in _train_model
return self._train_model_default(input_fn, hooks, saving_listeners)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 1237, in _train_model_default
features, labels, model_fn_lib.ModeKeys.TRAIN, self.config)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2195, in _call_model_fn
features, labels, mode, config)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 1195, in _call_model_fn
model_fn_results = self._model_fn(features=features, **kwargs)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2502, in _model_fn
_train_on_tpu_system(ctx, model_fn_wrapper, dequeue_fn))
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2828, in _train_on_tpu_system
device_assignment=ctx.device_assignment)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu.py", line 881, in shard
name=name)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu.py", line 507, in replicate
device_assignment, name)[1]
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu.py", line 684, in split_compile_and_replicate
outputs = computation(*computation_inputs)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 2821, in multi_tpu_train_steps_on_single_shard
single_tpu_train_step, [_INITIAL_LOSS])
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/training_loop.py", line 207, in repeat
cond, body_wrapper, inputs=inputs, infeed_queue=infeed_queue, name=name)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/training_loop.py", line 169, in while_loop
name="")
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/control_flow_ops.py", line 3291, in while_loop
return_same_structure)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/control_flow_ops.py", line 3004, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/control_flow_ops.py", line 2939, in _BuildLoop
body_result = body(*packed_vars_for_body)
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/training_loop.py", line 120, in body_wrapper
outputs = body(*(inputs + dequeue_ops))
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/training_loop.py", line 203, in body_wrapper
return [i + 1] + _convert_to_list(body(*args))
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 1295, in train_step
self._call_model_fn(features, labels))
"/usr/local/lib/python3.6/site-packages/tensorflow/contrib/tpu/python/tpu/tpu_estimator.py", line 1533, in _call_model_fn
estimator_spec = self._model_fn(features=features, **kwargs)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 1264, in wrapping_model_fn
use_tpu=use_tpu)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 1325, in estimator_model_fn
logits, losses_dict = model(features)
# pylint: disable=not-callable
"/usr/local/lib/python3.6/site-packages/tensorflow/python/layers/base.py", line 374, in __call__
outputs = super(Layer, self).__call__(inputs, *args, **kwargs)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/keras/engine/base_layer.py", line 757, in __call__
outputs = self.call(inputs, *args, **kwargs)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 233, in call
sharded_logits, losses = self.model_fn_sharded(sharded_features)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 294, in model_fn_sharded
sharded_logits, sharded_losses = dp(self.model_fn, datashard_to_features)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/expert_utils.py", line 231, in __call__
outputs.append(fns[i](*my_args[i], **my_kwargs[i]))
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 320, in model_fn
transformed_features = self.bottom(features)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/utils/t2t_model.py", line 395, in bottom
features[feature_name])
"/usr/local/lib/python3.6/site-packages/tensor2tensor/layers/modalities.py", line 121, in bottom
return self.bottom_simple(x, "input_emb", reuse=None)
"/usr/local/lib/python3.6/site-packages/tensor2tensor/layers/modalities.py", line 114, in bottom_simple
ret *= tf.expand_dims(tf.to_float(tf.not_equal(x, 0)), -1)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 866, in binary_op_wrapper
return func(x, y, name=name)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 1131, in _mul_dispatch
return gen_math_ops.mul(x, y, name=name)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/ops/gen_math_ops.py", line 5042, in mul
"Mul", x=x, y=y, name=name)
"/usr/local/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py", line 546, in _apply_op_helper
inferred_from[input_arg.type_attr]))
TypeError: Input 'y' of 'Mul' Op has type float32 that does not match type bfloat16 of argument 'x'.
| 0.587511 |
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_passing_params_via_test_command.py", line 35, in <module>
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'
| Traceback (most recent call last):
"scripts/svg_generator.py", line 20, in <module>
svg = chess.svg.board(board=board, coordinates=False, lastmove=last_move, colors=c)
TypeError: board() got an unexpected keyword argument 'colors'
| 0.553559 |
Traceback (most recent call last):
"run/run_training.py", line 114, in <module>
trainer.validate(save_softmax=args.npz, validation_folder_name=val_folder)
"/home/zlf/nnUNet/nnunet/training/network_training/nnUNetTrainer.py", line 478, in validate
use_gaussian=use_gaussian)
"/home/zlf/nnUNet/nnunet/training/network_training/nnUNetTrainer.py", line 415, in predict_preprocessed_data_return_softmax
pad_kwargs=self.inference_pad_kwargs)[2]
"/home/zlf/nnUNet/nnunet/network_architecture/neural_network.py", line 96, in predict_3D
all_in_gpu=all_in_gpu)
"/home/zlf/nnUNet/nnunet/network_architecture/neural_network.py", line 248, in _internal_predict_3D_3Dconv_tiled
num_repeats, mirror_axes, do_mirroring, add_torch)[0]
"/home/zlf/nnUNet/nnunet/network_architecture/neural_network.py", line 363, in _internal_maybe_mirror_and_pred_3D
x = to_cuda(maybe_to_torch(x), gpu_id=self.get_device())
"/home/zlf/nnUNet/nnunet/utilities/to_torch.py", line 30, in to_cuda
data = data.cuda(gpu_id, non_blocking=True)
RuntimeError: Source tensor must be contiguous.
| Traceback (most recent call last):
"/home/sdhar/tudelft-research/pytorch/pytorch_synthetic_benchmark.py", line 127, in <module>
timeit.timeit(benchmark_step, number=args.num_warmup_batches)
"/cm/shared/package/python/3.5.2/lib/python3.5/timeit.py", line 213, in timeit
return Timer(stmt, setup, timer, globals).timeit(number)
"/cm/shared/package/python/3.5.2/lib/python3.5/timeit.py", line 178, in timeit
timing = self.inner(it, self.timer)
"<timeit-src>", line 6, in inner
"/home/sdhar/tudelft-research/pytorch/pytorch_synthetic_benchmark.py", line 79, in benchmark_step
optimizer.step()
"/var/scratch/sdhar/venv_pytorch/lib/python3.5/site-packages/horovod/torch/__init__.py", line 193, in step
self.synchronize()
"/var/scratch/sdhar/venv_pytorch/lib/python3.5/site-packages/horovod/torch/__init__.py", line 157, in synchronize
output = synchronize(handle)
"/var/scratch/sdhar/venv_pytorch/lib/python3.5/site-packages/horovod/torch/mpi_ops.py", line 443, in synchronize
mpi_lib.horovod_torch_wait_and_clear(handle)
RuntimeError: ncclCommInitRank failed: unhandled cuda error
| 0.553536 |
Traceback (most recent call last):
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/cli.py", line 439, in main
args.func(args)
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/cli.py", line 81, in create_ami
pcluster.create_ami(args)
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/commands.py", line 831, in create_ami
pcluster_config = PclusterConfig(config_file=args.config_file, fail_on_file_absence=True)
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/config/pcluster_config.py", line 64, in __init__
self._init_config_parser(config_file, fail_on_file_absence)
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/config/pcluster_config.py", line 109, in _init_config_parser
self.error(error_message)
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/config/pcluster_config.py", line 446, in error
if self.fail_on_error:
"/Users/rodneymarable/.pyenv/versions/3.7.4/envs/compbio-ami/lib/python3.7/site-packages/pcluster/config/pcluster_config.py", line 225, in fail_on_error
self._fail_on_error = self.get_section("global").get_param_value("sanity_check")
AttributeError: 'NoneType' object has no attribute 'get_param_value'
| Traceback (most recent call last):
"/usr/lib/python3.9/threading.py", line 954, in _bootstrap_inner
self.run()
"/home/user/.local/lib/python3.9/site-packages/zeroconf/__init__.py", line 1750, in run
self._service_state_changed.fire(
"/home/user/.local/lib/python3.9/site-packages/zeroconf/__init__.py", line 1508, in fire
h(**kwargs)
"/home/user/.local/lib/python3.9/site-packages/zeroconf/__init__.py", line 1606, in on_change
listener.add_service(*args)
"/home/user/.local/lib/python3.9/site-packages/miio/discovery.py", line 256, in add_service
addr = str(ipaddress.ip_address(info.address))
AttributeError: 'ServiceInfo' object has no attribute 'address'
| 0.645607 |
[!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| Traceback (most recent call last):
"examples\c_json.py", line 199, in <module>
ast_dict = file_to_dict(sys.argv[1])
"examples\c_json.py", line 133, in file_to_dict
return to_dict(ast)
"examples\c_json.py", line 113, in to_dict
result[array_name].append(to_dict(child))
"examples\c_json.py", line 115, in to_dict
result[child_name] = to_dict(child)
"examples\c_json.py", line 115, in to_dict
result[child_name] = to_dict(child)
"examples\c_json.py", line 118, in to_dict
for child_attr in child_attrs_of(klass):
"examples\c_json.py", line 64, in __missing__
ret = self[key] = fn(key)
"examples\c_json.py", line 77, in child_attrs_of
all_attrs = set([i for i in klass.__slots__ if not RE_INTERNAL_ATTR.match(i)])
AttributeError: type object 'IdentifierType' has no attribute '__slots__'
| 0.607871 |
Traceback (most recent call last):
"dqn_agent.py", line 129, in <module>
environment = SpreadTrading(spread_coefficients=[1], data_generator=generator, trading_fee=trading_fee, time_fee=time_fee, history_length=history_length, episode_length=episode_length)
TypeError: __init__() got an unexpected keyword argument 'episode_length'
| Traceback (most recent call last):
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/cloud/cli.py", line 284, in run
self.config.get('names')
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/cloud/__init__.py", line 1457, in run_profile
ret[name] = self.create(vm_)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/cloud/__init__.py", line 1287, in create
output = self.clouds[func](vm_)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/cloud/clouds/saltify.py", line 63, in create
ret = __utils__['cloud.bootstrap'](vm_, __opts__)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/utils/cloud.py", line 532, in bootstrap
deployed = deploy_script(**deploy_kwargs)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/utils/cloud.py", line 1332, in deploy_script
ssh_file(opts, '{0}/minion.pem'.format(tmp_dir), minion_pem, ssh_kwargs)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/utils/cloud.py", line 1939, in ssh_file
return sftp_file(dest_path, contents, kwargs, local_file)
"/Users/aaksenov/.virtualenvs/puppets/lib/python3.5/site-packages/salt/utils/cloud.py", line 1957, in sftp_file
os.write(tmpfd, contents)
TypeError: a bytes-like object is required, not 'str'
| 0.481424 |
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):
"c:\users\julian\appdata\local\programs\python\python39\lib\runpy.py", line 197, in _run_module_as_main
return _run_code(code, main_globals, None,
"c:\users\julian\appdata\local\programs\python\python39\lib\runpy.py", line 87, in _run_code
exec(code, run_globals)
"C:\Users\Julian\AppData\Local\Programs\Python\Python39\Scripts\watson.exe\__main__.py", line 4, in <module>
"c:\users\julian\appdata\local\programs\python\python39\lib\site-packages\watson\__main__.py", line 2, in <module>
from watson import cli
"c:\users\julian\appdata\local\programs\python\python39\lib\site-packages\watson\cli.py", line 441, in <module>
_SHORTCUT_OPTIONS_VALUES = {
"c:\users\julian\appdata\local\programs\python\python39\lib\site-packages\watson\cli.py", line 442, in <dictcomp>
k: get_start_time_for_period(k) for k in _SHORTCUT_OPTIONS
"c:\users\julian\appdata\local\programs\python\python39\lib\site-packages\watson\utils.py", line 193, in get_start_time_for_period
start_time = get_last_full_moon(now)
"c:\users\julian\appdata\local\programs\python\python39\lib\site-packages\watson\fullmoon.py", line 226, in get_last_full_moon
idx = bisect.bisect_right(fullmoons, now)
TypeError: '<' not supported between instances of 'method' and 'int'
| 0.601834 |
Traceback (most recent call last):
"/tmp/nix-build-python3.6-bpython-0.17.drv-0/bpython-0.17/bpython/test/test_curtsies_repl.py", line 407, in setUp
self.repl = create_repl()
"/tmp/nix-build-python3.6-bpython-0.17.drv-0/bpython-0.17/bpython/test/test_curtsies_repl.py", line 235, in create_repl
repl = curtsiesrepl.BaseRepl(config=config, **kwargs)
"/tmp/nix-build-python3.6-bpython-0.17.drv-0/bpython-0.17/bpython/curtsiesfrontend/repl.py", line 405, in __init__
fileno=sys.__stdout__.fileno())
ValueError: underlying buffer has been detached
| Traceback (most recent call last):
"demo/demo.py", line 24, in <module>
text_color=(72, 101, 241))
"/Users/yiqi/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/mmdet/models/detectors/base.py", line 352, in show_result
out_file=out_file)
"/Users/yiqi/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/mmdet/core/visualization/image.py", line 166, in imshow_det_bboxes
img_rgba = buffer.reshape(height, width, 4)
ValueError: cannot reshape array of size 1090560 into shape (427,640,4)
| 0.560359 |
Traceback (most recent call last):
"lib/galaxy/web/framework/middleware/error.py", line 154, in __call__
app_iter = self.application(environ, sr_checker)
"GLXFOLDER/.venv/lib/python3.7/site-packages/paste/recursive.py", line 85, in __call__
return self.application(environ, start_response)
"GLXFOLDER/.venv/lib/python3.7/site-packages/paste/httpexceptions.py", line 640, in __call__
return self.application(environ, start_response)
"lib/galaxy/web/framework/base.py", line 143, in __call__
return self.handle_request(environ, start_response)
"lib/galaxy/web/framework/base.py", line 222, in handle_request
body = method(trans, **kwargs)
"lib/galaxy/webapps/galaxy/controllers/root.py", line 79, in index
return self._bootstrapped_client(trans)
"lib/galaxy/webapps/base/controller.py", line 281, in _bootstrapped_client
return self.template(trans, app_name, options=js_options, **kwd)
"lib/galaxy/webapps/base/controller.py", line 360, in template
masthead=masthead
"lib/galaxy/web/framework/webapp.py", line 936, in fill_template
return self.fill_template_mako(filename, **kwargs)
"lib/galaxy/web/framework/webapp.py", line 949, in fill_template_mako
return template.render(**data)
"GLXFOLDER/.venv/lib/python3.7/site-packages/mako/template.py", line 476, in render
return runtime._render(self, self.callable_, args, data)
"GLXFOLDER/.venv/lib/python3.7/site-packages/mako/runtime.py", line 883, in _render
**_kwargs_for_callable(callable_, data)
"GLXFOLDER/.venv/lib/python3.7/site-packages/mako/runtime.py", line 920, in _render_context
_exec_template(inherit, lclcontext, args=args, kwargs=kwargs)
"GLXFOLDER/.venv/lib/python3.7/site-packages/mako/runtime.py", line 947, in _exec_template
callable_(context, *args, **kwargs)
"GLXFOLDER/database/compiled_templates/js-app.mako.py", line 52, in render_body
__M_writer(unicode( h.url_for( '/' ) ))
NameError: name 'unicode' is not defined
| 04:04:34 CRITICAL: Traceback (most recent call last):
"dwt.py", line 486, in <module>
"dwt_about.py", line 172, in update_check
NameError: global name 'URLError' is not defined
| 0.60818 |
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):
"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'
| 0.527291 |
Traceback (most recent call last):
"/usr/lib/python2.7/contextlib.py", line 24, in __exit__
self.gen.next()
"/home/ionel/sandbox/.tox/py27/local/lib/python2.7/site-packages/_pytest/logging.py", line 294, in _runtest_for
del item.catch_log_handler
AttributeError: catch_log_handler
| Traceback (most recent call last):
"/video2x/src/video2x.py", line 261, in <module>
upscaler.run()
"/video2x/src/upscaler.py", line 515, in run
self._check_arguments()
"/video2x/src/upscaler.py", line 251, in _check_arguments
raise e
"/video2x/src/upscaler.py", line 248, in _check_arguments
DriverWrapperMain.parse_arguments(driver_arguments)
"/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 53, in parse_arguments
return parser.parse_args(arguments)
"/usr/lib/python3.8/argparse.py", line 1780, in parse_args
args, argv = self.parse_known_args(args, namespace)
"/usr/lib/python3.8/argparse.py", line 1819, in parse_known_args
self.error(str(err))
"/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 42, in <lambda>
parser.error = lambda message: (_ for _ in ()).throw(AttributeError(message))
"/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 42, in <genexpr>
parser.error = lambda message: (_ for _ in ()).throw(AttributeError(message))
AttributeError: argument -s: invalid choice: 2 (choose from 4)
| 0.500769 |
Traceback (most recent call last):
"c:\appdata\local\continuum\anaconda3\lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"c:\appdata\local\continuum\anaconda3\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\AppData\Local\Continuum\anaconda3\Scripts\repo2docker.exe\__main__.py", line 9, in <module>
"c:\appdata\local\continuum\anaconda3\lib\site-packages\repo2docker\__main__.py", line 345, in main
r2d = make_r2d()
"c:\appdata\local\continuum\anaconda3\lib\site-packages\repo2docker\__main__.py", line 300, in make_r2d
if r2d.user_id == 0 and not r2d.dry_run:
"c:\appdata\local\continuum\anaconda3\lib\site-packages\traitlets\traitlets.py", line 556, in __get__
return self.get(obj, cls)
"c:\appdata\local\continuum\anaconda3\lib\site-packages\traitlets\traitlets.py", line 535, in get
value = self._validate(obj, dynamic_default())
"c:\appdata\local\continuum\anaconda3\lib\site-packages\repo2docker\app.py", line 206, in _user_id_default
return os.geteuid()
AttributeError: module 'os' has no attribute 'geteuid'
| Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/builddir/build/BUILD/dask-2.18.0/dask/tests/test_threaded.py", line 135, in test_f
L.append(get(dsk, "y"))
"/builddir/build/BUILD/dask-2.18.0/dask/threaded.py", line 72, in get
pool = ThreadPool(num_workers)
"/usr/lib/python3.8/multiprocessing/pool.py", line 925, in __init__
Pool.__init__(self, processes, initializer, initargs)
"/usr/lib/python3.8/multiprocessing/pool.py", line 216, in __init__
p.terminate()
AttributeError: 'DummyProcess' object has no attribute 'terminate'
| 0.605923 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/home/ettom/.config/vim/bundle/ultisnips/pythonx/UltiSnips/snippet_manager.py",
line 836, in _file_to_edit
dot_vim_dir = Path(vim_helper.get_dot_vim())
"/home/ettom/.config/vim/bundle/ultisnips/pythonx/UltiSnips/vim_helper.py", line
228, in get_dot_vim
"Unable to find user configuration directory. I tried '%s'." % candidates
RuntimeError: Unable to find user configuration directory. I tried '['/home/ettom/.vim'
| Traceback (most recent call last):
"/var/lib/awx/venv/awx/lib64/python3.6/site-packages/awx/main/tasks.py", line 1255, in run self.pre_run_hook(self.instance, private_data_dir)
"/var/lib/awx/venv/awx/lib64/python3.6/site-packages/awx/main/tasks.py", line 1761, in pre_run_hook raise RuntimeError(msg)
RuntimeError: The project revision for this job template is unknown due to a failed update.
| 0.507277 |
Traceback (most recent call last):
"/espnet/egs/cgn/asr1/../../../src/bin/asr_recog.py", line 123, in <module>
main()
"/espnet/egs/cgn/asr1/../../../src/bin/asr_recog.py", line 117, in main
recog(args)
"/espnet/src/asr/asr_pytorch.py", line 416, in recog
rnnlm.load_state_dict(torch.load(args.rnnlm, map_location=cpu_loader))
"/espnet/tools/venv/local/lib/python2.7/site-packages/torch/serialization.py", line 267, in load
return _load(f, map_location, pickle_module)
"/espnet/tools/venv/local/lib/python2.7/site-packages/torch/serialization.py", line 420, in _load
result = unpickler.load()
AttributeError: 'module' object has no attribute '_rebuild_tensor_v2'
| Traceback (most recent call last):
"/srv/anaconda3/envs/streamlib/lib/python3.8/site-packages/streamlit/hashing.py", line 339, in to_bytes
b = b"%s:%s" % (tname, self._to_bytes(obj, context))
"/srv/anaconda3/envs/streamlib/lib/python3.8/site-packages/streamlit/hashing.py", line 595, in _to_bytes
if self._file_should_be_hashed(obj.__code__.co_filename):
"/srv/anaconda3/envs/streamlib/lib/python3.8/site-packages/streamlit/hashing.py", line 374, in _file_should_be_hashed
filepath, self._get_main_script_directory()
"/srv/anaconda3/envs/streamlib/lib/python3.8/site-packages/streamlit/hashing.py", line 679, in _get_main_script_directory
main_path = __main__.__file__
AttributeError: module '__main__' has no attribute '__file__'
| 0.648818 |
Traceback (most recent call last):
"/usr/local/bin/soundscrape", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python2.7/site-packages/soundscrape/soundscrape.py", line 119, in main
process_soundcloud(vargs)
"/usr/local/lib/python2.7/site-packages/soundscrape/soundscrape.py", line 292, in process_soundcloud
id3_extras=id3_extras)
"/usr/local/lib/python2.7/site-packages/soundscrape/soundscrape.py", line 460, in download_tracks
puts_safe(e)
"/usr/local/lib/python2.7/site-packages/soundscrape/soundscrape.py", line 1315, in puts_safe
puts(text)
"/usr/local/lib/python2.7/site-packages/clint/textui/core.py", line 57, in puts
s = tsplit(s, NEWLINES)
"/usr/local/lib/python2.7/site-packages/clint/utils.py", line 69, in tsplit
string = string.replace(i, final_delimiter)
AttributeError: 'HTTPError' object has no attribute 'replace'
| Traceback (most recent call last):
"/root/freqtrade/freqtrade/main.py", line 36, in main
return_code = args['func'](args)
"/root/freqtrade/freqtrade/commands/trade_commands.py", line 20, in start_trading
worker.run()
"/root/freqtrade/freqtrade/worker.py", line 66, in run
state = self._worker(old_state=state)
"/root/freqtrade/freqtrade/worker.py", line 104, in _worker
self._throttle(func=self._process_running, throttle_secs=self._throttle_secs)
"/root/freqtrade/freqtrade/worker.py", line 125, in _throttle
result = func(*args, **kwargs)
"/root/freqtrade/freqtrade/worker.py", line 139, in _process_running
self.freqtrade.process()
"/root/freqtrade/freqtrade/freqtradebot.py", line 158, in process
self.check_handle_timedout()
"/root/freqtrade/freqtrade/freqtradebot.py", line 874, in check_handle_timedout
self.handle_timedout_limit_buy(trade, order)
"/root/freqtrade/freqtrade/freqtradebot.py", line 901, in handle_timedout_limit_buy
if corder.get('remaining', order['remaining']) == order['amount']:
AttributeError: 'str' object has no attribute 'get'
| 0.630627 |
Traceback (most recent call last):
"lbrynet-daemon-script.py", line 2, in <module>
"site-packages\lbrynet\daemon\DaemonControl.py", line 61, in start
"site-packages\lbrynet\conf.py", line 532, in load_conf_file_settings
"site-packages\lbrynet\conf.py", line 508, in _convert_conf_file_lists
"site-packages\lbrynet\conf.py", line 167, in server_list
"site-packages\lbrynet\conf.py", line 162, in server_port
AttributeError: 'list' object has no attribute 'split'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.639505 |
Traceback (most recent call last):
"uvloop/future.pyx", line 374, in uvloop.loop.BaseTask._fast_step (uvloop/loop.c:105596)
"/usr/src/app/homeassistant/core.py", line 299, in async_stop
yield from self.async_block_till_done()
"/usr/src/app/homeassistant/core.py", line 281, in async_block_till_done
ret = yield from self.loop.run_in_executor(None, self._loop_empty)
"uvloop/future.pyx", line 230, in __iter__ (uvloop/loop.c:103621)
"uvloop/future.pyx", line 432, in uvloop.loop.BaseTask._fast_wakeup (uvloop/loop.c:106780)
"uvloop/future.pyx", line 101, in uvloop.loop.BaseFuture._result_impl (uvloop/loop.c:102039)
"/usr/local/lib/python3.5/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/app/homeassistant/core.py", line 261, in _loop_empty
return self.loop._current_handle is None and \
AttributeError: 'Loop' object has no attribute '_current_handle'
| Original Traceback (most recent call last):
"/home/vova/anaconda3/lib/python3.7/site-packages/torch/utils/data/_utils/worker.py", line 178, in _worker_loop
data = fetcher.fetch(index)
"/home/vova/anaconda3/lib/python3.7/site-packages/torch/utils/data/_utils/fetch.py", line 44, in fetch
data = [self.dataset[idx] for idx in possibly_batched_index]
"/home/vova/anaconda3/lib/python3.7/site-packages/torch/utils/data/_utils/fetch.py", line 44, in <listcomp>
data = [self.dataset[idx] for idx in possibly_batched_index]
"/tmp/BasicSR/basicsr/data/paired_image_dataset.py", line 81, in __getitem__
img_gt = mmcv.imfrombytes(img_bytes).astype(np.float32) / 255.
AttributeError: 'NoneType' object has no attribute 'astype'
| 0.596523 |
Traceback (most recent call last):
"./upgrade", line 237, in <module>
deploy_release(args.channel)
"./upgrade", line 217, in deploy_release
verify_newer_version(release)
"./upgrade", line 203, in verify_newer_version
if not release.is_newer(current_version()):
"./upgrade", line 69, in is_newer
return semver.compare(self.version, version) > 0
"/usr/local/lib/python2.7/dist-packages/semver.py", line 54, in compare
v1, v2 = parse(ver1), parse(ver2)
"/usr/local/lib/python2.7/dist-packages/semver.py", line 21, in parse
raise ValueError('%s is not valid SemVer string' % version)
ValueError: current is not valid SemVer string
| Traceback (most recent call last):
"/usr/lib/python3.4/multiprocessing/pool.py", line 119, in worker
result = (True, func(*args, **kwds))
"/usr/lib/python3.4/multiprocessing/pool.py", line 47, in starmapstar
return list(itertools.starmap(args[0], args[1]))
"./status_checks.py", line 344, in run_domain_checks_on_domain
check_primary_hostname_dns(domain, env, output, dns_domains, dns_zonefiles)
"./status_checks.py", line 396, in check_primary_hostname_dns
if ip == env['PUBLIC_IP'] and not (ipv6 and env['PUBLIC_IPV6'] and normalize_ip(ipv6) != normalize_ip(env['PUBLIC_IPV6'])):
"./status_checks.py", line 897, in normalize_ip
return str(ipaddress.ip_address(ip))
"/usr/lib/python3.4/ipaddress.py", line 54, in ip_address
address)
ValueError: '[Not Set]' does not appear to be an IPv4 or IPv6 address
| 0.55587 |
Traceback (most recent call last):
"<string>", line 10, in <module>
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/_vim.py", line 22, in <module>
from orgmode.vimbuffer import VimBuffer
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/vimbuffer.py", line 30, in <module>
from orgmode.liborgmode.documents import Document, MultiPurposeList, Direction
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/liborgmode/documents.py", line 16, in <module>
from orgmode.liborgmode.headings import Heading, HeadingList
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/liborgmode/headings.py", line 16, in <module>
from orgmode.liborgmode.checkboxes import Checkbox, CheckboxList
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/liborgmode/checkboxes.py", line 20, in <module>
from orgmode.liborgmode.dom_obj import DomObj, DomObjList, REGEX_SUBTASK, REGEX_SUBTASK_PERCENT, REGEX_HEADING, REGEX_CHECKBOX
"/home/victor/.vim/plugged/vim-orgmode/ftplugin/orgmode/liborgmode/dom_obj.py", line 28, in <module>
flags=re.U | re.L)
"/usr/lib/python3.6/re.py", line 233, in compile
return _compile(pattern, flags)
"/usr/lib/python3.6/re.py", line 301, in _compile
p = sre_compile.compile(pattern, flags)
"/usr/lib/python3.6/sre_compile.py", line 562, in compile
p = sre_parse.parse(p, flags)
"/usr/lib/python3.6/sre_parse.py", line 866, in parse
p.pattern.flags = fix_flags(str, p.pattern.flags)
"/usr/lib/python3.6/sre_parse.py", line 833, in fix_flags
raise ValueError("cannot use LOCALE flag with a str pattern")
ValueError: cannot use LOCALE flag with a str pattern
| Traceback (most recent call last):
"/home/apardon/.venvs/librinde/lib/python3.5/site-packages/elasticsearch_dsl/field.py", line 225, in _deserialize
return parser.parse(data)
"/home/apardon/.venvs/librinde/lib/python3.5/site-packages/dateutil/parser.py", line 1168, in parse
return DEFAULTPARSER.parse(timestr, **kwargs)
"/home/apardon/.venvs/librinde/lib/python3.5/site-packages/dateutil/parser.py", line 559, in parse
raise ValueError("Unknown string format")
ValueError: Unknown string format
| 0.639358 |
Traceback (most recent call last):
"/opt/ml/code/train", line 138, in train
PRETRAINED_PATH, do_lower_case=bool(training_config["do_lower_case"])
"/opt/conda/lib/python3.7/site-packages/transformers/tokenization_utils.py", line 309, in from_pretrained
return cls._from_pretrained(*inputs, **kwargs)
"/opt/conda/lib/python3.7/site-packages/transformers/tokenization_utils.py", line 339, in _from_pretrained
if os.path.isfile(pretrained_model_name_or_path) or is_remote_url(pretrained_model_name_or_path):
"/opt/conda/lib/python3.7/site-packages/transformers/file_utils.py", line 143, in is_remote_url
parsed = urlparse(url_or_filename)
"/opt/conda/lib/python3.7/urllib/parse.py", line 367, in urlparse
url, scheme, _coerce_result = _coerce_args(url, scheme)
"/opt/conda/lib/python3.7/urllib/parse.py", line 123, in _coerce_args
return _decode_args(args) + (_encode_result,)
"/opt/conda/lib/python3.7/urllib/parse.py", line 107, in _decode_args
return tuple(x.decode(encoding, errors) if x else '' for x in args)
"/opt/conda/lib/python3.7/urllib/parse.py", line 107, in <genexpr>
return tuple(x.decode(encoding, errors) if x else '' for x in args)
AttributeError: 'PosixPath' object has no attribute 'decode'
| Traceback (most recent call last):
"spack/bin/spack", line 48, in <module>
sys.exit(spack.main.main())
"spack/lib/spack/spack/main.py", line 605, in main
env = ev.find_environment(args)
"spack/lib/spack/spack/environment.py", line 182, in find_environment
return Environment(env)
"spack/lib/spack/spack/environment.py", line 365, in __init__
self._read_manifest(f)
"spack/lib/spack/spack/environment.py", line 377, in _read_manifest
self.yaml = _read_yaml(f)
"spack/lib/spack/spack/environment.py", line 318, in _read_yaml
validate(data, filename)
"spack/lib/spack/spack/environment.py", line 311, in validate
e, data, filename, e.instance.lc.line + 1)
AttributeError: 'NoneType' object has no attribute 'lc'
| 0.602391 |
Traceback (most recent call last):
"C:\Anaconda2\Scripts\conda-script.py", line 5, in <module>
sys.exit(conda.cli.main())
"C:\Anaconda2\lib\site-packages\conda\cli\main.py", line 164, in main
return conda_exception_handler(_main, *args)
"C:\Anaconda2\lib\site-packages\conda\exceptions.py", line 607, in conda_exception_handler
print_unexpected_error_message(e)
"C:\Anaconda2\lib\site-packages\conda\exceptions.py", line 561, in print_unexpected_error_message
info_stdout, info_stderr = get_info()
"C:\Anaconda2\lib\site-packages\conda\exceptions.py", line 531, in get_info
args.func(args, p)
"C:\Anaconda2\lib\site-packages\conda\cli\main_info.py", line 142, in execute
from conda.api import get_index
"C:\Anaconda2\lib\site-packages\conda\api.py", line 1, in <module>
from .core.index import get_index
"C:\Anaconda2\lib\site-packages\conda\core\index.py", line 9, in <module>
from .repodata import collect_all_repodata
"C:\Anaconda2\lib\site-packages\conda\core\repodata.py", line 4, in <module>
import bz2
ImportError: No module named bz2 | Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.6/dist-packages/sacred/__init__.py", line 13, in <module>
from sacred.experiment import Experiment
"/usr/local/lib/python3.6/dist-packages/sacred/experiment.py", line 13, in <module>
from sacred.arg_parser import format_usage, get_config_updates
"/usr/local/lib/python3.6/dist-packages/sacred/arg_parser.py", line 16, in <module>
from sacred.serializer import restore
"/usr/local/lib/python3.6/dist-packages/sacred/serializer.py", line 8, in <module>
from sacred import optional as opt
"/usr/local/lib/python3.6/dist-packages/sacred/optional.py", line 40, in <module>
has_tensorflow = modules_exist("tensorflow")
"/usr/local/lib/python3.6/dist-packages/sacred/utils.py", line 656, in modules_exist
return all(module_exists(m) for m in modnames)
"/usr/local/lib/python3.6/dist-packages/sacred/utils.py", line 656, in <genexpr>
return all(module_exists(m) for m in modnames)
"/usr/local/lib/python3.6/dist-packages/sacred/utils.py", line 652, in module_exists
return pkgutil.find_loader(modname) is not None
"/usr/lib/python3.6/pkgutil.py", line 496, in find_loader
raise ImportError(msg.format(fullname, type(ex), ex)) from ex
ImportError: Error while finding loader for 'tensorflow' (<class 'ValueError'>: tensorflow.__spec__ is None)
| 0.584667 |
Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/pyload/core/utils/format.py", line 49, in size
return bitmath.Byte(value).best_prefix()
AttributeError: 'NoneType' object has no attribute 'Byte'
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/mido/ports.py", line 81, in __del__
"/usr/lib/python3.6/site-packages/mido/ports.py", line 69, in close
AttributeError: 'SocketPort' object has no attribute '_lock'
| 0.590513 |
Traceback (most recent call last):
"dmm.py", line 430, in <module>
main(args)
"dmm.py", line 390, in main
epoch_nll += process_minibatch(epoch, which_mini_batch, shuffled_indices)
"dmm.py", line 350, in process_minibatch
mini_batch_seq_lengths, annealing_factor)
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/infer/svi.py", line 97, in step
loss = self.loss_and_grads(self.model, self.guide, *args, **kwargs)
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/infer/trace_elbo.py", line 133, in loss_and_grads
for weight, model_trace, guide_trace, log_r in self._get_traces(model, guide, *args, **kwargs):
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/infer/trace_elbo.py", line 74, in _get_traces
guide_trace = poutine.trace(guide).get_trace(*args, **kwargs)
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/poutine/trace_poutine.py", line 250, in get_trace
self(*args, **kwargs)
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/poutine/trace_poutine.py", line 238, in __call__
ret = super(TracePoutine, self).__call__(*args, **kwargs)
"/data/sls/u/sameerk/anaconda3/envs/nova-cpu-bedge/lib/python3.5/site-packages/pyro_ppl-0.1.2-py3.5.egg/pyro/poutine/poutine.py", line 147, in __call__
return self.fn(*args, **kwargs)
"dmm.py", line 226, in guide
rnn_output = poly.pad_and_reverse(rnn_output, mini_batch_seq_lengths)
"/data/sls/u/sameerk/repos/pyro/examples/dmm/polyphonic_data_loader.py", line 88, in pad_and_reverse
reversed_output = reverse_sequences_torch(rnn_output, seq_lengths)
"/data/sls/u/sameerk/repos/pyro/examples/dmm/polyphonic_data_loader.py", line 78, in reverse_sequences_torch
else Variable(torch.LongTensor(time_slice))
RuntimeError: tried to construct a tensor from a int sequence, but found an item of type numpy.int64 at index (0)
| Traceback (most recent call last):
"setup.py", line 255, in <module>
'clean': clean,
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/__init__.py", line 161, in setup
return distutils.core.setup(**attrs)
"/home/ahmad/miniconda3/lib/python3.7/distutils/core.py", line 148, in setup
dist.run_commands()
"/home/ahmad/miniconda3/lib/python3.7/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/home/ahmad/miniconda3/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/install.py", line 67, in run
self.do_egg_install()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/install.py", line 109, in do_egg_install
self.run_command('bdist_egg')
"/home/ahmad/miniconda3/lib/python3.7/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/home/ahmad/miniconda3/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/bdist_egg.py", line 173, in run
cmd = self.call_command('install_lib', warn_dir=0)
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/bdist_egg.py", line 159, in call_command
self.run_command(cmdname)
"/home/ahmad/miniconda3/lib/python3.7/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/home/ahmad/miniconda3/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/install_lib.py", line 11, in run
self.build()
"/home/ahmad/miniconda3/lib/python3.7/distutils/command/install_lib.py", line 107, in build
self.run_command('build_ext')
"/home/ahmad/miniconda3/lib/python3.7/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/home/ahmad/miniconda3/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 87, in run
_build_ext.run(self)
"/home/ahmad/miniconda3/lib/python3.7/distutils/command/build_ext.py", line 340, in run
self.build_extensions()
"/home/ahmad/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 644, in build_extensions
build_ext.build_extensions(self)
"/home/ahmad/miniconda3/lib/python3.7/distutils/command/build_ext.py", line 449, in build_extensions
self._build_extensions_serial()
"/home/ahmad/miniconda3/lib/python3.7/distutils/command/build_ext.py", line 474, in _build_extensions_serial
self.build_extension(ext)
"/home/ahmad/miniconda3/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 208, in build_extension
_build_ext.build_extension(self, ext)
"/home/ahmad/miniconda3/lib/python3.7/distutils/command/build_ext.py", line 534, in build_extension
depends=ext.depends)
"/home/ahmad/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 473, in unix_wrap_ninja_compile
with_cuda=with_cuda)
"/home/ahmad/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1228, in _write_ninja_file_and_compile_objects
error_prefix='Error compiling objects for extension')
"/home/ahmad/miniconda3/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1524, in _run_ninja_build
raise RuntimeError(message)
RuntimeError: Error compiling objects for extension
| 0.607775 |
Traceback (most recent call last):
"E:\gallery-dl\gallery_dl\job.py", line 51, in run
"E:\gallery-dl\gallery_dl\extractor\common.py", line 253, in items
"E:\gallery-dl\gallery_dl\extractor\mangahere.py", line 47, in chapters
ValueError: substring not found | Traceback (most recent call last):
"C:\nzbToMedia\TorrentToMedia.py", line 6, in <module>
import core
"C:\nzbToMedia\core\__init__.py", line 35, in <module>
from core.autoProcess.autoProcessComics import autoProcessComics
"C:\nzbToMedia\core\autoProcess\autoProcessComics.py", line 7, in <module>
from core.nzbToMediaUtil import convert_to_ascii, remoteDir, server_responding
"C:\nzbToMedia\core\nzbToMediaUtil.py", line 14, in <module>
import guessit
"C:\nzbToMedia\libs\guessit\__init__.py", line 6, in <module>
from .api import guessit, GuessItApi
"C:\nzbToMedia\libs\guessit\api.py", line 150, in <module>
default_api = GuessItApi(rebulk_builder())
"C:\nzbToMedia\libs\guessit\rules\__init__.py", line 48, in rebulk_builder
rebulk.rebulk(episodes())
"C:\nzbToMedia\libs\guessit\rules\properties\episodes.py", line 129, in episodes
validator={'__parent__': seps_before}).repeater('+') \
"C:\nzbToMedia\libs\rebulk\chain.py", line 111, in regex
pattern = self.rebulk.build_re(*pattern, **kwargs)
"C:\nzbToMedia\libs\rebulk\rebulk.py", line 132, in build_re
return RePattern(*pattern, **kwargs)
"C:\nzbToMedia\libs\rebulk\pattern.py", line 360, in __init__
pattern = call(re.compile, pattern, **self._kwargs)
"C:\nzbToMedia\libs\rebulk\loose.py", line 50, in call
return function(*call_args, **call_kwargs)
"C:\python27\lib\site-packages\regex\regex.py", line 348, in compile
return _compile(pattern, flags, ignore_unused, kwargs)
"C:\python27\lib\site-packages\regex\regex.py", line 571, in _compile
raise ValueError('unused keyword argument %r' % any_one)
ValueError: unused keyword argument 'private_parent'
| 0.572885 |
Traceback (most recent call last):
"basic_step.py", line 78, in <module>
solve_basic_step_model()
"basic_step.py", line 60, in solve_basic_step_model
m_bs_chull = TransformationFactory('gdp.chull').create_using(m_base)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/core/base/plugin.py", line 254, in create_using
new_model = self._create_using(model, **kwds)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/core/base/plugin.py", line 274, in _create_using
self._apply_to(instance, **kwds)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 205, in _apply_to
self._transformBlock(t, transBlock)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 264, in _transformBlock
self._transformBlockData(obj[i], transBlock)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 275, in _transformBlockData
self._transformDisjunction(disjunction, transBlock)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 349, in _transformDisjunction
self._transformDisjunctionData(obj[i], transBlock, i)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 429, in _transformDisjunctionData
localVars[disjunct])
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 589, in _transform_disjunct
zero_substitute_map)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 616, in _transform_block_components
zero_substitute_map)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 682, in _transform_block_on_disjunct
block, disjunct, infodict, var_substitute_map, zero_substitute_map)
"/home/romeo/Documents/CMU/Research/pyomo/pyomo/gdp/plugins/chull.py", line 602, in _transform_block_components
for name, obj in list(iteritems(block.component_map())):
AttributeError: 'IndexedBlock' object has no attribute 'component_map'
| Traceback (most recent call last):
"/usr/lib/python3.6/runpy.py", line 183, in _run_module_as_main
mod_name, mod_spec, code = _get_module_details(mod_name, _Error)
"/usr/lib/python3.6/runpy.py", line 142, in _get_module_details
return _get_module_details(pkg_main_name, error)
"/usr/lib/python3.6/runpy.py", line 109, in _get_module_details
__import__(pkg_name)
"/usr/lib/python3/dist-packages/pip/__init__.py", line 59, in <module>
from pip.log import logger
"/usr/lib/python3/dist-packages/pip/log.py", line 9, in <module>
import colorama, pkg_resources
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/usr/share/python-wheels/setuptools-3.3-py2.py3-none-any.whl/pkg_resources.py", line 1479, in <module>
register_loader_type(importlib_bootstrap.Source
Loader, DefaultProvider)
AttributeError: module 'importlib._bootstrap' has no attribute 'Source
Loader'
| 0.629999 |
Traceback (most recent call last):
"/home/george.trojan/miniconda3/envs/python-3.7/lib/python3.7/contextlib.py", line 130, in __exit__
self.gen.throw(type, value, traceback)
"/home/george.trojan/miniconda3/envs/python-3.7/lib/python3.7/site-packages/distributed/utils.py", line 201, in ignoring
except exceptions as e:
TypeError: catching classes that do not inherit from BaseException is not allowed
| Traceback (most recent call last):
"/usr/local/lib/python2.7/site-packages/sentry/api/endpoints/project_plugin_details.py", line 56, in post
test_results = plugin.test_configuration(project)
"/usr/local/lib/python2.7/site-packages/sentry/plugins/bases/notify.py", line 183, in test_configuration
return self.notify(notification)
"/usr/local/lib/python2.7/site-packages/sentry/plugins/bases/notify.py", line 76, in notify
r.label for r in notification.rules])
TypeError: notify_users() got an unexpected keyword argument 'triggering_rules'
| 0.592557 |
Traceback (most recent call last):
"/opt/az/lib/python3.6/site-packages/knack/cli.py", line 197, in invoke
cmd_result = self.invocation.execute(args)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 369, in execute
cmd.exception_handler(ex)
"/opt/az/lib/python3.6/site-packages/azure/cli/command_modules/consumption/_exception_handler.py", line 17, in consumption_exception_handler
reraise(*sys.exc_info())
"/opt/az/lib/python3.6/site-packages/six.py", line 693, in reraise
raise value
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 346, in execute
result = cmd(params)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 182, in __call__
return self.handler(*args, **kwargs)
"/opt/az/lib/python3.6/site-packages/azure/cli/core/__init__.py", line 436, in default_command_handler
result = op(**command_args)
"/opt/az/lib/python3.6/site-packages/azure/cli/command_modules/consumption/custom.py", line 111, in cli_consumption_create_budget
return client.create_or_update(resource_group_name, budget_name, parameters)
"/opt/az/lib/python3.6/site-packages/azure/mgmt/consumption/operations/budgets_operations.py", line 265, in create_or_update
header_parameters.update(custom_headers)
TypeError: 'Budget' object is not iterable | Traceback (most recent call last):
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/frame.py", line 8649, in _reduce
result = func(values)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/frame.py", line 8570, in func
return op(values, axis=axis, skipna=skipna, **kwds)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 71, in _f
return f(*args, **kwargs)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 129, in f
result = alt(values, axis=axis, skipna=skipna, **kwds)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 563, in nanmean
the_sum = _ensure_numeric(values.sum(axis, dtype=dtype_sum))
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 1418, in _ensure_numeric
x = x.astype(np.float64)
TypeError: float() argument must be a string or a number, not 'NAType'
| 0.604164 |
Traceback (most recent call last):
"./pdseg/train.py", line 466, in <module>
main(args)
"./pdseg/train.py", line 453, in main
train(cfg)
"./pdseg/train.py", line 409, in train
use_gpu=args.use_gpu)
"/home/aistudio/pdseg/eval.py", line 140, in evaluate
conf_mat.calculate(pred, grts, masks)
"/home/aistudio/pdseg/metrics.py", line 47, in calculate
shape=(self.num_classes, self.num_classes))
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/compressed.py", line 57, in __init__
other = self.__class__(coo_matrix(arg1, shape=shape))
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/coo.py", line 198, in __init__
self._check()
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/scipy/sparse/coo.py", line 285, in _check
raise ValueError('row index exceeds matrix dimensions')
ValueError: row index exceeds matrix dimensions
| Traceback (most recent call last):
"c:\users\joe93\appdata\local\programs\python\python37\lib\runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"c:\users\joe93\appdata\local\programs\python\python37\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Users\joe93\AppData\Local\Programs\Python\Python37\Scripts\spleeter.exe\__main__.py", line 9, in <module>
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\__main__.py", line 54, in entrypoint
main(sys.argv)
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\__main__.py", line 46, in main
entrypoint(arguments, params)
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\commands\separate.py", line 45, in entrypoint
synchronous=False
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\separator.py", line 228, in separate_to_file
sources = self.separate(waveform, audio_descriptor)
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\separator.py", line 195, in separate
return self._separate_librosa(waveform, audio_descriptor)
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\spleeter\separator.py", line 181, in _separate_librosa
outputs = sess.run(outputs, feed_dict=self._get_input_provider().get_feed_dict(features, stft, audio_id))
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\tensorflow_core\python\client\session.py", line 956, in run
run_metadata_ptr)
"c:\users\joe93\appdata\local\programs\python\python37\lib\site-packages\tensorflow_core\python\client\session.py", line 1156, in _run
(np_val.shape, subfeed_t.name, str(subfeed_t.get_shape())))
ValueError: Cannot feed value of shape (25836, 2, 6) for Tensor 'mix_stft:0', which has shape '(?, 2049, 2)'
| 0.616483 |
Traceback (most recent call last):
"train.py", line 1, in <module>
import argparse
"/home/anaconda2/envs/py37/lib/python3.7/argparse.py", line 87, in <module>
import re as _re
"/home/anaconda2/envs/py37/lib/python3.7/re.py", line 124, in <module>
import enum
"/home/anaconda2/envs/py37/lib/python3.7/enum.py", line 2, in <module>
from types import MappingProxyType, DynamicClassAttribute
"/train/trainset/1/yolov3/types.py", line 1, in <module>
import json
"/home/anaconda2/envs/py37/lib/python3.7/json/__init__.py", line 106, in <module>
from .decoder import JSONDecoder, JSONDecodeError
"/home/anaconda2/envs/py37/lib/python3.7/json/decoder.py", line 5, in <module>
from json import scanner
"/home/anaconda2/envs/py37/lib/python3.7/json/scanner.py", line 11, in <module>
NUMBER_RE = re.compile(
AttributeError: module 're' has no attribute 'compile' | Traceback (most recent call last):
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/alexa/state_report.py", line 184, in async_send_delete_message
alexa_entity = ENTITY_ADAPTERS[domain](hass, config, hass.states.get(entity_id))
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/alexa/entities.py", line 211, in __init__
self.entity_conf = config.entity_config.get(entity.entity_id, {})
AttributeError: 'NoneType' object has no attribute 'entity_id'
| 0.607866 |
Traceback (most recent call last):
"/home/amalik/tenENV/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/home/amalik/tenENV/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"/home/amalik/DATA/models/research/inception/inception/data/build_imagenet_data.py", line 395, in _process_image_files_batch
height, width)
"/home/amalik/DATA/models/research/inception/inception/data/build_imagenet_data.py", line 214, in _convert_to_example
'image/colorspace': _bytes_feature(colorspace),
"/home/amalik/DATA/models/research/inception/inception/data/build_imagenet_data.py", line 175, in _bytes_feature
value = six.binary_type(value, encoding='utf-8')
TypeError: str() takes at most 1 argument (2 given)
| Traceback (most recent call last):
"/src/lutris/lutris/gui/widgets/common.py", line 92, in on_browse_clicked
default_folder = self.get_default_folder(default_path)
"/src/lutris/lutris/gui/widgets/common.py", line 89, in get_default_folder
return os.path.expanduser(default)
"/usr/lib/python3.6/posixpath.py", line 235, in expanduser
path = os.fspath(path)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| 0.586278 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.6/dist-packages/scapy/sendrecv.py", line 314, in send
realtime=realtime, return_packets=return_packets)
"/usr/local/lib/python3.6/dist-packages/scapy/sendrecv.py", line 287, in __gen_send
s.send(p)
"/usr/local/lib/python3.6/dist-packages/scapy/arch/linux.py", line 533, in send
sx = raw(ll(x))
"/usr/local/lib/python3.6/dist-packages/scapy/compat.py", line 119, in raw
return bytes(x, encoding="utf8")
TypeError: encoding without a string argument
| `Traceback (most recent call last):
"C:/Users/myprofile/Documents/firebase tests.py", line 9, in <module>
firebase=firebase(config)
TypeError: 'module' object is not callable`
| 0.54914 |
Traceback (most recent call last):
"/home/george/projetos/.virtualenvs/scout/local/lib/python2.7/site-packages/celery/worker/consumer/consumer.py", line 559, in on_task_received
strategy = strategies[type_]
KeyError: 'Address Matching'
| Traceback (most recent call last):
"/opt/persist/venv-py3_elk/lib/python3.7/pdb.py", line 1699, in main
pdb._runscript(mainpyfile)
"/opt/persist/venv-py3_elk/lib/python3.7/pdb.py", line 1568, in _runscript
self.run(statement)
"/opt/persist/venv-py3_elk/lib/python3.7/bdb.py", line 585, in run
exec(cmd, globals, locals)
"<string>", line 1, in <module>
"/opt/persist/venv-py3_elk/bin/elastalert-test-rule", line 3, in <module>
__requires__ = 'elastalert==0.2.1'
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/test_rule.py", line 445, in main
test_instance.run_rule_test()
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/test_rule.py", line 437, in run_rule_test
self.run_elastalert(rule_yaml, conf, args)
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/test_rule.py", line 318, in run_elastalert
client.run_rule(rule, endtime, starttime)
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/elastalert.py", line 888, in run_rule
if not self.run_query(rule, rule['starttime'], tmp_endtime):
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/elastalert.py", line 649, in run_query
rule_inst.add_aggregation_data(data)
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/ruletypes.py", line 1005, in add_aggregation_data
self.unwrap_term_buckets(timestamp, payload_data['bucket_aggs']['buckets'])
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/ruletypes.py", line 1019, in unwrap_term_buckets
self.check_matches(timestamp, term_data['key'], term_data)
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/ruletypes.py", line 1058, in check_matches
self.check_matches_recursive(timestamp, query_key, aggregation_data, self.rules['compound_query_key'], dict())
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/ruletypes.py", line 1081, in check_matches_recursive
match_data)
"/opt/persist/venv-py3_elk/lib/python3.7/site-packages/elastalert-0.2.1-py3.7.egg/elastalert/ruletypes.py", line 1084, in check_matches_recursive
metric_val = aggregation_data[self.metric_key]['value']
KeyError: 'metric_blocks_used_max'
| 0.493058 |
Traceback (most recent call last):
"reconspider.py", line 39, in <module>
from core import repl_prompt
"/home/srk/Tools/Osint/reconspider/core/__init__.py", line 1, in <module>
from .repl_prompt import *
"/home/srk/Tools/Osint/reconspider/core/repl_prompt.py", line 153, in <module>
repl()
"/home/srk/Tools/Osint/reconspider/core/repl_prompt.py", line 64, in repl
Phonenumber(ph)
"/home/srk/Tools/Osint/reconspider/plugins/Phonenumber.py", line 17, in Phonenumber
print("Number: "+get['number'])
KeyError: 'number'
| Traceback (most recent call last):
"/d01/sandboxes/jgeorgeson/git/Dev-Engineering/gitlab-scripts/python-gitlab/lib64/python3.6/site-packages/splinter/browser.py", line 60, in Browser
driver = _DRIVERS[driver_name]
KeyError: 'zope.testbrowser'
| 0.487738 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/usr/lib64/python3.6/unittest/mock.py", line 1179, in patched
return func(*args, **keywargs)
TypeError: test_pathoc() missing 1 required positional argument: 'tdata'
| Traceback (most recent call last):
"/home/vinicius/projects/dealer/venv/lib/python3.6/site-packages/uvicorn/protocols/websocket.py", line 72, in reader
data = await protocol.recv()
"/home/vinicius/projects/dealer/venv/lib/python3.6/site-packages/websockets/protocol.py", line 309, in recv
loop=self.loop, return_when=asyncio.FIRST_COMPLETED)
"/usr/lib/python3.6/asyncio/tasks.py", line 311, in wait
fs = {ensure_future(f, loop=loop) for f in set(fs)}
"/usr/lib/python3.6/asyncio/tasks.py", line 311, in <setcomp>
fs = {ensure_future(f, loop=loop) for f in set(fs)}
"/usr/lib/python3.6/asyncio/tasks.py", line 526, in ensure_future
raise TypeError('An asyncio.Future, a coroutine or an awaitable is '
TypeError: An asyncio.Future, a coroutine or an awaitable is required
| 0.513757 |
[!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| Traceback (most recent call last):
"C:\Anaconda3\lib\socketserver.py", line 313, in _handle_request_noblock
self.process_request(request, client_address)
"C:\Anaconda3\lib\socketserver.py", line 588, in process_request
pid = os.fork()
AttributeError: module 'os' has no attribute 'fork' | 0.569175 |
Traceback (most recent call last):
"/usr/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/usr/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/reader/decorator.py", line 271, in handle_worker
r = mapper(sample)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/dataset/flowers.py", line 63, in default_mapper
img = load_image_bytes(img)
"/usr/local/lib/python2.7/dist-packages/paddle/v2/image.py", line 113, in load_image_bytes
img = cv2.imdecode(file_bytes, flag)
AttributeError: 'NoneType' object has no attribute 'imdecode'
|
Traceback (most recent call last):
"<string>", line 20, in <module>
"/tmp/pip-build-b5tfve/pycuda/setup.py", line 216, in <module>
main()
"/tmp/pip-build-b5tfve/pycuda/setup.py", line 88, in main
conf["CUDA_INC_DIR"] = [join(conf["CUDA_ROOT"], "include")]
"/usr/lib/python2.7/posixpath.py", line 77, in join
elif path == '' or path.endswith('/'):
AttributeError: 'NoneType' object has no attribute 'endswith' | 0.655083 |
Traceback (most recent call last):
"/usr/lib/python3/dist-packages/thingsboard_gateway/gateway/tb_gateway_service.py", line 289, in _connect_with_connectors
connector = self._implemented_connectors[connector_type](self, connector_config["config"][config],
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"/home/arsalan/Desktop/paramiko server testing.py", line 88, in <module>
server_socket.bind((server_address, server_port))
TypeError: an integer is required (got type str)
| 0.579863 |
Traceback (most recent call last):
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/tests/plugin_tests/test_certificate_info_plugin.py", line 200, in test_not_trusted_by_mozilla_but_trusted_by_microsoft
plugin_result = plugin.process_task(server_info, CertificateInfoScanCommand())
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/certificate_info_plugin.py", line 164, in process_task
path_validation_error_list, ocsp_response)
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/certificate_info_plugin.py", line 288, in __init__
has_must_staple = CertificateUtils.has_ocsp_must_staple_extension(self.certificate_chain[0])
"/private/tmp/sslyze-20171218-32066-v2b4f9/sslyze-1.3.0/sslyze/plugins/utils/certificate_utils.py", line 108, in has_ocsp_must_staple_extension
tls_feature_ext = certificate.extensions.get_extension_for_oid(ExtensionOID.TLS_FEATURE)
AttributeError: type object 'ExtensionOID' has no attribute 'TLS_FEATURE'
| Traceback (most recent call last):
"N:\git\leo-editor\leo\plugins\stickynotes.py", line 589, in delayed_load
self.load_states()
"N:\git\leo-editor\leo\plugins\stickynotes.py", line 678, in load_states
if not self.c.cacher.db:
AttributeError: 'Commands' object has no attribute 'cacher'
| 0.562729 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/gunicorn-19.7.1-py2.7.egg/gunicorn/workers/sync.py", line 135, in handle
self.handle_request(listener, req, client, addr)
"/usr/local/lib/python2.7/dist-packages/gunicorn-19.7.1-py2.7.egg/gunicorn/workers/sync.py", line 176, in handle_request
respiter = self.wsgi(environ, resp.start_response)
TypeError: get_wsgi_app() takes no arguments (2 given)
| Traceback (most recent call last):
"__main__.py", line 19, in <module>
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\__init__.py", line 465, in main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\__init__.py", line 455, in _real_main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\YoutubeDL.py", line 1988, in download
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\YoutubeDL.py", line 784, in extract_info
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\common.py", line 438, in extract
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\hotstar.py", line 82, in _real_extract
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\hotstar.py", line 20, in _download_json
TypeError: 'NoneType' object is not subscriptable` | 0.548757 |
Traceback (most recent call last):
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.py", line 3066, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-144-4799503a5d5b>", line 8, in <module>
mne.gui.coregistration(inst=rawfname, subject=subject, subjects_dir=subjects_dir)
"<string>", line 2, in coregistration
"/homes/8/ghotan/.local/lib/python2.7/site-packages/mne/utils.py", line 729, in verbose
return function(*args, **kwargs)
"/homes/8/ghotan/.local/lib/python2.7/site-packages/mne/gui/__init__.py", line 170, in coregistration
scale=scale)
"/homes/8/ghotan/.local/lib/python2.7/site-packages/mne/gui/_coreg_gui.py", line 1794, in __init__
head_high_res=head_high_res)
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 3510, in _init_trait_listeners
getattr( self, '_init_trait_%s_listener' % data[0] )( name, *data )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 3565, in _init_trait_delegate_listener
self.on_trait_change( notify, name_pattern, target=self )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 2814, in on_trait_change
listener.register( self )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/traits_listener.py", line 433, in register
value = getattr( self, type )( new, name, False )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/traits_listener.py", line 701, in _register_simple
return next.register( getattr( object, name ) )
"/homes/8/ghotan/.local/lib/python2.7/site-packages/mne/gui/_coreg_gui.py", line 1778, in _model_default
'MNE_COREG_PREPARE_BEM', 'true') == 'true')
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 3510, in _init_trait_listeners
getattr( self, '_init_trait_%s_listener' % data[0] )( name, *data )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 3544, in _init_trait_property_listener
self.on_trait_change( pre_notify, pattern, priority = True, target=self )
"/autofs/cluster/matlab/arch/CentOS5-x86_64/packages/python/anaconda/lib/python2.7/site-packages/traits/has_traits.py", line 2808, in on_trait_change
listener.set( handler
= ListenerHandler( handler ),
AttributeError: 'NoneType' object has no attribute 'set'
| 2018-08-22 21:33:47 ERROR
twisted
AttributeError: 'NoneType' object has no attribute 'cur_port': Traceback (most recent call last):
"/home/blue/.virtualenvs/golem/lib/python3.6/site-packages/autobahn/twisted/websocket.py", line 162, in _onMessage
self.onMessage(payload, isBinary)
"/home/blue/.virtualenvs/golem/lib/python3.6/site-packages/autobahn/wamp/websocket.py", line 95, in onMessage
self._session.onMessage(msg)
"/home/blue/.virtualenvs/golem/lib/python3.6/site-packages/autobahn/wamp/protocol.py", line 895, in onMessage
on_reply = txaio.as_future(endpoint.fn, *invoke_args, **invoke_kwargs)
"/home/blue/.virtualenvs/golem/lib/python3.6/site-packages/txaio/tx.py", line 417, in as_future
return maybeDeferred(fun, *args, **kwargs)
--- <exception caught here> ---
| 0.65415 |
Traceback (most recent call last):
"../asyncserf/asyncserf/client.py", line 115, in _run
"/usr/lib/python3/dist-packages/anyio/_backends/_trio.py", line 49, in __aexit__
"/usr/lib/python3/dist-packages/trio/_core/_ki.py", line 165, in wrapper
"/usr/lib/python3/dist-packages/trio/_core/_run.py", line 199, in __exit__
"/usr/lib/python3/dist-packages/trio/_core/_run.py", line 367, in _close
"/usr/lib/python3/dist-packages/trio/_core/_run.py", line 1645, in current_task
RuntimeError: must be called from async context
| Traceback (most recent call last):
"main.py", line 144, in <module>
algo.train()
"/backup1/lingboyang/StackGANv2/code/trainer.py", line 666, in train
self.inception_model, start_count = load_network(self.gpus)
"/backup1/lingboyang/StackGANv2/code/trainer.py", line 126, in load_network
netsD[i] = torch.nn.DataParallel(netsD[i], device_ids=gpus)
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/parallel/data_parallel.py", line 59, in __init__
self.module.cuda(device_ids[0])
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 216, in cuda
return self._apply(lambda t: t.cuda(device))
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 146, in _apply
module._apply(fn)
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 146, in _apply
module._apply(fn)
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 152, in _apply
param.data = fn(param.data)
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 216, in <lambda>
return self._apply(lambda t: t.cuda(device))
"/home/vcl/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/_utils.py", line 69, in _cuda
return new_type(self.size()).copy_(self, async)
RuntimeError: cuda runtime error (2) : out of memory at /opt/conda/conda-bld/pytorch_1513368888240/work/torch/lib/THC/generic/THCStorage.cu:58
| 0.5351 |
Traceback (most recent call last):
"train.py", line 526, in <module>
train(hyp, opt, device, tb_writer, wandb)
"train.py", line 292, in train
pred = model(imgs)
# forward
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/modules/module.py", line 727, in _call_impl
result = self.forward(*input, **kwargs)
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/data_parallel.py", line 160, in forward
replicas = self.replicate(self.module, self.device_ids[:len(inputs)])
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/data_parallel.py", line 165, in replicate
return replicate(module, device_ids, not torch.is_grad_enabled())
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/replicate.py", line 88, in replicate
param_copies = _broadcast_coalesced_reshape(params, devices, detach)
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/replicate.py", line 71, in _broadcast_coalesced_reshape
tensor_copies = Broadcast.apply(devices, *tensors)
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/_functions.py", line 22, in forward
outputs = comm.broadcast_coalesced(inputs, ctx.target_gpus)
"/home/ubuntu/anaconda3/envs/yolo5/lib/python3.8/site-packages/torch/nn/parallel/comm.py", line 56, in broadcast_coalesced
return torch._C._broadcast_coalesced(tensors, devices, buffer_size)
RuntimeError: NCCL Error 2: unhandled system error
| Traceback (most recent call last):
"/usr/local/bin/telepresence/telepresence/cli.py", line 135, in crash_reporting
yield
"/usr/local/bin/telepresence/telepresence/main.py", line 68, in main
socks_port, ssh = do_connect(runner, remote_info)
"/usr/local/bin/telepresence/telepresence/connect/connect.py", line 119, in do_connect
args.from_pod
"/usr/local/bin/telepresence/telepresence/connect/connect.py", line 70, in connect
raise RuntimeError("SSH to the cluster failed to start. See logfile.")
RuntimeError: SSH to the cluster failed to start. See logfile.
| 0.56072 |
Traceback (most recent call last):
"r.py", line 11, in <module>
aladin.run()
"C:\Users\fernando\Miniconda3\envs\vesseg\lib\site-packages\nipype\interfaces\base\core.py", line 521, in run
runtime = self._run_interface(runtime)
"C:\Users\fernando\Miniconda3\envs\vesseg\lib\site-packages\nipype\interfaces\base\core.py", line 1041, in _run_interface
runtime = run_command(runtime, output=self.terminal_output)
"C:\Users\fernando\Miniconda3\envs\vesseg\lib\site-packages\nipype\interfaces\base\core.py", line 778, in run_command
close_fds=True,
"C:\Users\fernando\Miniconda3\envs\vesseg\lib\subprocess.py", line 624, in __init__
"close_fds is not supported on Windows platforms"
ValueError: close_fds is not supported on Windows platforms if you redirect stdin/stdout/stderr
| Traceback (most recent call last):
"test.py", line 105, in <module>
main()
"test.py", line 101, in main
arcade.run()
"venv/lib/python3.9/site-packages/arcade/window_commands.py", line 240, in run
pyglet.app.run()
"venv/lib/python3.9/site-packages/pyglet/app/__init__.py", line 107, in run
event_loop.run()
"venv/lib/python3.9/site-packages/pyglet/app/base.py", line 167, in run
timeout = self.idle()
"venv/lib/python3.9/site-packages/pyglet/app/base.py", line 237, in idle
redraw_all = self.clock.call_scheduled_functions(dt)
"venv/lib/python3.9/site-packages/pyglet/clock.py", line 292, in call_scheduled_functions
item.func(now - item.last_ts, *item.args, **item.kwargs)
"venv/lib/python3.9/site-packages/arcade/application.py", line 223, in _dispatch_updates
self.dispatch_event('on_update', delta_time)
"venv/lib/python3.9/site-packages/pyglet/window/__init__.py", line 1333, in dispatch_event
if EventDispatcher.dispatch_event(self, *args) != False:
"venv/lib/python3.9/site-packages/pyglet/event.py", line 415, in dispatch_event
if getattr(self, event_type)(*args):
"test.py", line 94, in on_update
self.music.stop(self.current_player)
"venv/lib/python3.9/site-packages/arcade/sound.py", line 72, in stop
media.Source._players.remove(player)
ValueError: list.remove(x): x not in list
| 0.484585 |
Traceback (most recent call last):
"HiddenEye.py", line 8, in <module>
import Defs.ActionManager.main_runner as main_runner
"/root/HiddenEye/Defs/ActionManager/main_runner.py", line 11, in <module>
import Defs.ActionManager.simple_informant as simple_informant
"/root/HiddenEye/Defs/ActionManager/simple_informant.py", line 10, in <module>
import Defs.FeatureManager.EmailManager.email_prompt as email_prompt
"/root/HiddenEye/Defs/FeatureManager/EmailManager/email_prompt.py", line 11, in <module>
import Defs.ActionManager.simple_informant as simple_informant
AttributeError: module 'Defs.ActionManager' has no attribute 'simple_informant'
| Traceback (most recent call last):
"HiddenEye.py", line 45, in <module>
server_runner.server_selection(port)
"/home/neversoft/Documents/tools/HiddenEye/Defs/ActionManager/Server/server_runner.py", line 64, in server_selection
NgrokController().establish_connection(port=port)
"/home/neversoft/Documents/tools/HiddenEye/controllers/ngrok_controller.py", line 32, in establish_connection
self._model.connect(port=port, name='HiddenEye Connection', pyngrok_config=self._config_path)
"/home/neversoft/.local/lib/python3.8/site-packages/pyngrok/ngrok.py", line 176, in connect
api_url = get_ngrok_process(pyngrok_config).api_url
"/home/neversoft/.local/lib/python3.8/site-packages/pyngrok/ngrok.py", line 126, in get_ngrok_process
ensure_ngrok_installed(pyngrok_config.ngrok_path)
AttributeError: 'str' object has no attribute 'ngrok_path'
| 0.603644 |
Traceback (most recent call last):
"E:\DEEP FAKE\SOFTWARE\DeepFaceLab\DeepFaceLab_NVIDIA\_internal\DeepFaceLab\mainscripts\Trainer.py", line 55, in trainerThread
debug=debug,
"E:\DEEP FAKE\SOFTWARE\DeepFaceLab\DeepFaceLab_NVIDIA\_internal\DeepFaceLab\models\ModelBase.py", line 173, in __init__
self.on_initialize()
"E:\DEEP FAKE\SOFTWARE\DeepFaceLab\DeepFaceLab_NVIDIA\_internal\DeepFaceLab\models\Model_SAEHD\Model.py", line 549, in on_initialize
generators_count=dst_generators_count )
"E:\DEEP FAKE\SOFTWARE\DeepFaceLab\DeepFaceLab_NVIDIA\_internal\DeepFaceLab\samplelib\SampleGeneratorFace.py", line 46, in __init__
raise ValueError('No training data provided.')
ValueError: No training data provided.
| Traceback (most recent call last):
"/data/projects/fate/python/examples/min_test_task/run_task.py", line 500, in <module>
raise ValueError("intersect task is failed")
ValueError: intersect task is failed
| 0.532264 |
Traceback (most recent call last):
"<ipython-input-1-f61f204334df>", line 1, in <module>
runfile('D:/dr misamrezai/rosetta/Rosetta-3.0beta/Rosetta-3.0beta/Rpredict.py', wdir='D:/dr misamrezai/rosetta/Rosetta-3.0beta/Rosetta-3.0beta')
"C:\Users\mrezaei\AppData\Local\Continuum\anaconda2\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 827, in runfile
execfile(filename, namespace)
"C:\Users\mrezaei\AppData\Local\Continuum\anaconda2\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 95, in execfile
exec(compile(scripttext, filename, 'exec'), glob, loc)
"D:/dr misamrezai/rosetta/Rosetta-3.0beta/Rosetta-3.0beta/Rpredict.py", line 23, in <module>
data_in = N.genfromtxt (args.input, dtype=N.float).transpose()
"C:\Users\mrezaei\AppData\Local\Continuum\anaconda2\lib\site-packages\numpy\lib\npyio.py", line 1751, in genfromtxt
"or generator. Got %s instead." % type(fname))
TypeError: fname must be a string, filehandle, list of strings, or generator. Got <type 'NoneType'> instead.
| Traceback (most recent call last):
"F:\Python\lib\site-packages\google\protobuf\internal\python_message.py", line 1062, in MergeFromString
if self._InternalParse(serialized, 0, length) != length:
"F:\Python\lib\site-packages\google\protobuf\internal\python_message.py", line 1084, in InternalParse
(tag_bytes, new_pos) = local_ReadTag(buffer, pos)
"F:\Python\lib\site-packages\google\protobuf\internal\decoder.py", line 181, in ReadTag
while six.indexbytes(buffer, pos) & 0x80:
TypeError: unsupported operand type(s) for &: 'str' and 'int'
| 0.581775 |
DETAIL: Traceback (most recent call last):
"/usr/lib64/python3.4/http/client.py", line 929, in send
self.sock.sendall(data)
"/opt/wale/lib/python3.4/site-packages/gevent/_ssl3.py", line 378, in sendall
return socket.sendall(self, data, flags)
"/opt/wale/lib/python3.4/site-packages/gevent/_socket3.py", line 385, in sendall
data_memory = _get_memory(data)
"/opt/wale/lib/python3.4/site-packages/gevent/_socket3.py", line 29, in _get_memory
mv = memoryview(data)
TypeError: memoryview: str object does not have the buffer interface | Traceback (most recent call last):
"/srv/pootle/.local/bin/pootle", line 10, in <module>
sys.exit(main())
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/runner.py", line 365, in main
run_app(project='pootle', django_settings_module='pootle.settings')
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/runner.py", line 346, in run_app
management.execute_from_command_line(command)
"/srv/pootle/.local/lib/python2.7/site-packages/django/core/management/__init__.py", line 367, in execute_from_command_line
utility.execute()
"/srv/pootle/.local/lib/python2.7/site-packages/django/core/management/__init__.py", line 359, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/srv/pootle/.local/lib/python2.7/site-packages/django/core/management/base.py", line 294, in run_from_argv
self.execute(*args, **cmd_options)
"/srv/pootle/.local/lib/python2.7/site-packages/django/core/management/base.py", line 345, in execute
output = self.handle(*args, **options)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_app/management/commands/initdb.py", line 36, in handle
InitDB().init_db(options["create_projects"])
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/initdb.py", line 37, in init_db
self._init_db(create_projects)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/initdb.py", line 51, in _init_db
self.create_terminology_project()
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/initdb.py", line 256, in create_terminology_project
plugin.sync()
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/decorators.py", line 58, in method_wrapper
return f(self, state, response, **kwargs)
"/srv/pootle/.local/lib/python2.7/site-packages/django/utils/decorators.py", line 185, in inner
return func(*args, **kwargs)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/plugin.py", line 546, in sync
state, response, fs_path=fs_path, pootle_path=pootle_path)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/decorators.py", line 58, in method_wrapper
return f(self, state, response, **kwargs)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/decorators.py", line 25, in method_wrapper
result = f(self, state, response, **kwargs)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/plugin.py", line 465, in sync_pull
store_fs.file.pull(user=self.pootle_user)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/files.py", line 166, in pull
merge=merge, pootle_wins=pootle_wins)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_fs/files.py", line 253, in _sync_to_pootle
resolve_conflict=resolve_conflict)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/models.py", line 961, in update
allow_add_and_obsolete=allow_add_and_obsolete)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/updater.py", line 318, in update
return self._update(*args, **kwargs)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/updater.py", line 341, in _update
allow_add_and_obsolete)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/updater.py", line 417, in update_from_diff
update_revision=update_revision)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/models.py", line 992, in addunit
changed_with=changed_with)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/models.py", line 332, in save
self.change.save()
"/srv/pootle/.local/lib/python2.7/site-packages/django/db/models/base.py", line 796, in save
force_update=force_update, update_fields=update_fields)
"/srv/pootle/.local/lib/python2.7/site-packages/django/db/models/base.py", line 833, in save_base
update_fields=update_fields, raw=raw, using=using)
"/srv/pootle/.local/lib/python2.7/site-packages/django/dispatch/dispatcher.py", line 191, in send
response = receiver(signal=self, sender=sender, **named)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/receivers.py", line 116, in handle_unit_change
unit.update_tmserver()
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/models.py", line 632, in update_tmserver
get_tm_broker().update(self.store.translation_project.language.code,
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/apps/pootle_store/models.py", line 61, in get_tm_broker
TM_BROKER = SearchBroker()
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/search/broker.py", line 38, in __init__
_search_class)(server)
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/search/backends/elasticsearch.py", line 69, in __init__
self._es = self._get_es_server()
"/srv/pootle/.local/lib/python2.7/site-packages/pootle/core/search/backends/elasticsearch.py", line 77, in _get_es_server
'port': self._settings['PORT']},
TypeError: 'NoneType' object is not callable
| 0.584283 |
Traceback (most recent call last):
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 638, in respond
self._do_respond(path_info)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 688, in _do_respond
self.hooks.run('before_request_body')
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 95, in run
self.run_hooks(iter(sorted(self[point])))
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 117, in run_hooks
hook()
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 65, in __call__
return self.callback(**self.kwargs)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 834, in init
set_response_cookie(path=path, path_header=path_header, name=name,
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 875, in set_response_cookie
cherrypy.serving.request.headers.get(path_header) or
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 425, in get
key = self.transform_key(key)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 460, in transform_key
return key.title()
AttributeError: 'NoneType' object has no attribute 'title'
| Traceback (most recent call last):
"setup.py", line 55, in <module>
CUDA = locate_cuda()
"setup.py", line 50, in locate_cuda
for k, v in cudaconfig.iteritems():
AttributeError: 'dict' object has no attribute 'iteritems'
| 0.647458 |
/home/circleci/project/examples/pie_and_polar_charts/pie_demo2.py failed to execute correctly: Traceback (most recent call last):
"/home/circleci/project/examples/pie_and_polar_charts/pie_demo2.py", line 32, in <module>
shadow=True, radius=0.5)
"/home/circleci/project/lib/matplotlib/__init__.py", line 1855, in inner
return func(ax, *args, **kwargs)
"/home/circleci/project/lib/matplotlib/axes/_axes.py", line 2930, in pie
**textprops)
TypeError: text() got multiple values for keyword argument 'size'
| Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_test_query_injection() missing 1 required positional argument: 'monkeypatch'
| 0.486182 |
Traceback (most recent call last):
"/home/lj/CAAE/main.py", line 43, in <module>
tf.app.run()
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 43, in run
sys.exit(main(sys.argv[:1] + flags_passthrough))
"/home/lj/CAAE/main.py", line 32, in main
num_epochs=FLAGS.epoch,
# number of epochs
"/home/lj/CAAE/FaceAging.py", line 424, in train
self.sample(sample_images, sample_label_age, sample_label_gender, name)
"/home/lj/CAAE/FaceAging.py", line 634, in sample
self.gender: gender
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 766, in run
run_metadata_ptr)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 943, in _run
% (np_val.shape, subfeed_t.name, str(subfeed_t.get_shape())))
ValueError: Cannot feed value of shape (0,) for Tensor u'input_images:0', which has shape '(100, 128, 128, 3)'
| Traceback (most recent call last):
"/usr/local/Cellar/python@2/2.7.14_3/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.14_3/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 sha384
| 0.569668 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Library/Frameworks/Python.framework/Versions/3.4/lib/python3.4/site-packages/sklearn/linear_model/logistic.py", line 1581, in fit
folds = list(cv.split(X, y))
"/Library/Frameworks/Python.framework/Versions/3.4/lib/python3.4/site-packages/sklearn/model_selection/_split.py", line 91, in split
for test_index in self._iter_test_masks(X, y, groups):
"/Library/Frameworks/Python.framework/Versions/3.4/lib/python3.4/site-packages/sklearn/model_selection/_split.py", line 778, in _iter_test_masks
raise ValueError("The groups parameter should not be None")
ValueError: The groups parameter should not be None
| Traceback (most recent call last):
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_init.py", line 740, in init
wi.setup(kwargs)
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_init.py", line 80, in setup
self._wl = wandb_setup._setup()
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_setup.py", line 242, in _setup
wl = _WandbSetup(settings=settings)
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_setup.py", line 231, in __init__
_WandbSetup._instance = _WandbSetup__WandbSetup(settings=settings)
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_setup.py", line 92, in __init__
self._settings_setup(settings, self._early_logger)
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_setup.py", line 118, in _settings_setup
s._infer_run_settings_from_env(_logger=early_logger)
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_settings.py", line 848, in _infer_run_settings_from_env
program_relpath = self.program_relpath or _get_program_relpath_from_gitrepo(
"C:\ProgramData\Anaconda3\envs\ml\lib\site-packages\wandb\sdk\wandb_settings.py", line 141, in _get_program_relpath_from_gitrepo
relative_path = os.path.relpath(full_path_to_program, start=root)
"C:\ProgramData\Anaconda3\envs\ml\lib\ntpath.py", line 703, in relpath
raise ValueError("path is on mount %r, start on mount %r" % (
ValueError: path is on mount 'C:', start on mount 'D:'
| 0.484884 |
Traceback (most recent call last):
"C:\Users\TGubs\Code\Python\get-pip\get-pip.py", line 17574, in <module>
main()
"C:\Users\TGubs\Code\Python\get-pip\get-pip.py", line 194, in main
bootstrap(tmpdir=tmpdir)
"C:\Users\TGubs\Code\Python\get-pip\get-pip.py", line 172, in bootstrap
sys.exit(pip.main(["install", "--upgrade"] + args))
"c:\users\tgubs\appdata\local\temp\tmpwczkev\pip.zip\pip\__init__.py", line 217, in main
"c:\users\tgubs\appdata\local\temp\tmpwczkev\pip.zip\pip\basecommand.py", line 182, in main
"c:\users\tgubs\appdata\local\temp\tmpwczkev\pip.zip\pip\compat\dictconfig.py", line 565, in dictConfig
"c:\users\tgubs\appdata\local\temp\tmpwczkev\pip.zip\pip\compat\dictconfig.py", line 348, in configure
NameError: global name 'StandardError' is not defined
| Traceback (most recent call last):
"/home/afidegnum/PycharmProjects/myfab/app/__init__.py", line 31, in <module>
from app import views, models
"/home/afidegnum/PycharmProjects/myfab/app/__init__.py", line 31, in <module>
from app import views, models
"/home/afidegnum/PycharmProjects/myfab/app/views.py", line 13, in <module>
class NewsView(ModelView):
"/home/afidegnum/PycharmProjects/myfab/app/views.py", line 18, in NewsView
related_views = [MediaView]
NameError: name 'MediaView' is not defined
| 0.584302 |
Traceback (most recent call last):
"xiami.py", line 1238, in <module>
main(argv)
"xiami.py", line 1225, in main
x.url_parser(urls)
"xiami.py", line 456, in url_parser
self.download_song()
"xiami.py", line 661, in download_song
songs = self.get_song(self.song_id)
"xiami.py", line 657, in get_song
songs = self.get_songs(album_id, song_id=song_id)
"xiami.py", line 562, in get_songs
t = re.search(r'id="albumCover".+?"(http://.+?)" ', html1).group(1)
AttributeError: 'NoneType' object has no attribute 'group'
| Traceback (most recent call last):
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker
xlog.exception("google_ip.runJob fail:%r", e)
AttributeError: 'NoneType' object has no attribute 'exception'
| 0.620067 |
Traceback (most recent call last):
"C:\ProgramData\Anaconda3\lib\tkinter\__init__.py", line 1705, in __call__
return self.func(*args)
"C:\Users\admin\Downloads\Gui Tutorial.py", line 7, in clickbutton
response= e.get()
AttributeError: 'NoneType' object has no attribute 'get'
| [!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| 0.613409 |
Traceback (most recent call last):
"/home/richard/projects/sphinx/.tox/py35/lib/python3.5/site-packages/nose/case.py", line 198, in runTest
self.test(*self.arg)
TypeError: deco() takes 1 positional argument but 2 were given
|
Traceback (most recent call last):
"/home/kaklik/programy/RTLSDR-Scanner/rtlsdr_scanner/main_window.py", line 485, in __on_save
save_plot(fullName, self.scanInfo, self.spectrum, self.locations)
"/home/kaklik/programy/RTLSDR-Scanner/rtlsdr_scanner/file.py", line 408, in save_plot
handle.write(json.dumps(data, indent=4))
TypeError: a bytes-like object is required, not 'str'
| 0.498772 |
Traceback (most recent call last):
"/home/jacli/FaceRank/run_model.py", line 147, in <module>
pred_result_test=sess.run(pred_result, feed_dict={x: batch_xs,keep_prob: 1.})
"/home/jacli/.local/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 929, in run
run_metadata_ptr)
"/home/jacli/.local/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1128, in _run
str(subfeed_t.get_shape())))
ValueError: Cannot feed value of shape (0,) for Tensor 'Placeholder:0', which has shape '(?, 128, 128, 3)'
| Traceback (most recent call last):
"c:\users\wiese\repos\forks\ipython\IPython\core\interactiveshell.py", line 3410, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-3-a0dabac034d8>", line 1, in <module>
MyEnum(2)
"C:\Users\wiese\AppData\Local\Programs\Python\Python38\lib\enum.py", line 304, in __call__
return cls.__new__(cls, value)
"C:\Users\wiese\AppData\Local\Programs\Python\Python38\lib\enum.py", line 595, in __new__
raise exc
"C:\Users\wiese\AppData\Local\Programs\Python\Python38\lib\enum.py", line 579, in __new__
result = cls._missing_(value)
"C:\Users\wiese\AppData\Local\Programs\Python\Python38\lib\enum.py", line 608, in _missing_
raise ValueError("%r is not a valid %s" % (value, cls.__name__))
ValueError: 2 is not a valid MyEnum
| 0.567238 |
Traceback (most recent call last):
"C:/Users/user/Desktop/기사_자연어_분석/main.py", line 228, in <module>
okt = Okt()
"C:\Users\user\Desktop\기사_자연어_분석\venv\lib\site-packages\konlpy\tag\_okt.py", line 95, in __init__
self.jki = OktInterfaceJavaClass()
"C:\Users\user\Desktop\기사_자연어_분석\venv\lib\site-packages\jpype\_jpackage.py", line 124, in __call__
raise TypeError("Package {0} is not Callable".format(self._name))
TypeError: Package <Java package kr.lucypark.okt.OktInterface._name> is not Callable
| Traceback (most recent call last):
"main.py", line 11, in <module>
hello()
"/tmp/test-click/venv/lib/python2.7/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/tmp/test-click/venv/lib/python2.7/site-packages/click/core.py", line 696, in main
with self.make_context(prog_name, args, **extra) as ctx:
"/tmp/test-click/venv/lib/python2.7/site-packages/click/core.py", line 621, in make_context
self.parse_args(ctx, args)
"/tmp/test-click/venv/lib/python2.7/site-packages/click/core.py", line 876, in parse_args
opts, args, param_order = parser.parse_args(args=args)
"/tmp/test-click/venv/lib/python2.7/site-packages/click/parser.py", line 268, in parse_args
self._process_args_for_args(state)
"/tmp/test-click/venv/lib/python2.7/site-packages/click/parser.py", line 276, in _process_args_for_args
[x.nargs for x in self._args])
"/tmp/test-click/venv/lib/python2.7/site-packages/click/parser.py", line 53, in _unpack_args
x = [_fetch(args) for _ in range(nargs)]
TypeError: range() integer end argument expected, got str.
| 0.528244 |
Traceback (most recent call last):
"C:\Users\brcan\AppData\Roaming\Python\Python36\site-packages\pipenv\core.py", line 2107, in do_shell
c = pexpect.spawn(
AttributeError: module 'pexpect' has no attribute 'spawn'
|
Traceback (most recent call last):
"/home/user/.virtualenvs/venv/lib/python2.7/site-packages/celery/app/trace.py", line 240, in trace_task
R = retval = fun(*args, **kwargs)
"/home/user/.virtualenvs/venv/lib/python2.7/site-packages/celery/app/trace.py", line 438, in __protected_call__
return self.run(*args, **kwargs)
"/home/user/dev/project/backend/realtime/registry.py", line 570, in store_query_watch
query = deserialize_query(serialized_query)
"/home/user/dev/project/backend/realtime/util.py", line 37, in deserialize_query
return serializer.loads(value, db_meta, db_session)
"/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sqlalchemy/ext/serializer.py", line 159, in loads
return unpickler.load()
"/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sqlalchemy/sql/annotation.py", line 99, in __hash__
return self._hash
AttributeError: <unprintable AttributeError object> | 0.583805 |
Traceback (most recent call last):
"/home/aistudio/work/PaddleDetection/ppdet/data/reader.py", line 45, in __call__
data = f(data, ctx)
"/home/aistudio/work/PaddleDetection/ppdet/data/transform/operators.py", line 597, in __call__
im = Image.fromarray(im)
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/PIL/Image.py", line 2647, in fromarray
raise TypeError("Cannot handle this data type")
TypeError: Cannot handle this data type
| Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/ranger/core/main.py", line 203, in main
fm.loop()
"/usr/lib/python3.8/site-packages/ranger/core/fm.py", line 382, in loop
ui.handle_input()
"/usr/lib/python3.8/site-packages/ranger/gui/ui.py", line 276, in handle_input
self.handle_key(key)
"/usr/lib/python3.8/site-packages/ranger/gui/ui.py", line 206, in handle_key
elif not DisplayableContainer.press(self, key):
"/usr/lib/python3.8/site-packages/ranger/gui/displayable.py", line 272, in press
focused_obj.press(key)
"/usr/lib/python3.8/site-packages/ranger/gui/widgets/console.py", line 189, in press
self.type_key(key)
"/usr/lib/python3.8/site-packages/ranger/gui/widgets/console.py", line 218, in type_key
self.on_line_change()
"/usr/lib/python3.8/site-packages/ranger/gui/widgets/console.py", line 514, in on_line_change
self.execute(cmd)
"/usr/lib/python3.8/site-packages/ranger/gui/widgets/console.py", line 454, in execute
cmd.execute()
"/usr/lib/python3.8/site-packages/ranger/config/commands.py", line 1521, in execute
self.fm.move(right=1)
"/usr/lib/python3.8/site-packages/ranger/core/actions.py", line 499, in move
self.thistab.enter_dir(tfile)
"/usr/lib/python3.8/site-packages/ranger/core/tab.py", line 183, in enter_dir
self.thisfile = self.thisdir.pointed_obj
"/usr/lib/python3.8/site-packages/ranger/core/tab.py", line 52, in _set_thisfile
self.fm.signal_emit('move', previous=previous, new=value, tab=self)
"/usr/lib/python3.8/site-packages/ranger/ext/signals.py", line 268, in signal_emit
fnc(signal)
"/usr/lib/python3.8/site-packages/ranger/core/tab.py", line 40, in _set_thisfile_from_signal
self.pointer = self.thisdir.pointer
"/usr/lib/python3.8/site-packages/ranger/core/tab.py", line 72, in _set_pointer
self._pointed_obj = self.thisdir.files[self._pointer]
TypeError: 'NoneType' object is not subscriptable
| 0.624845 |
Traceback (most recent call last):
"main.py", line 93, in <module>
main()
"main.py", line 68, in main
loss_train = trainer.train(epoch, loaders)
"~/3DMM/pytorchnet_3d/train.py", line 369, in train
image = renderer(mesh)
# (1, H, W, 4)
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/pytorch3d/renderer/mesh/renderer.py", line 69, in forward
images = self.shader(fragments, meshes_world, **kwargs)
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/pytorch3d/renderer/mesh/shader.py", line 269, in forward
texels = interpolate_texture_map(fragments, meshes)
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/pytorch3d/renderer/mesh/texturing.py", line 43, in interpolate_texture_map
faces_uvs = meshes.textures.faces_uvs_packed()
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/pytorch3d/structures/textures.py", line 147, in faces_uvs_packed
return list_to_packed(self.faces_uvs_list())[0]
"~/miniconda3/envs/pytorch3d/lib/python3.6/site-packages/pytorch3d/structures/utils.py", line 116, in list_to_packed
N = len(x)
TypeError: object of type 'NoneType' has no len()
| Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/blueman/gui/manager/ManagerDeviceList.py", line 212, in on_finished
super().device_remove_event(device, tree_iter)
TypeError: super(type, obj): obj must be an instance or subtype of type
| 0.614154 |
Traceback (most recent call last):
"cogan_train.py", line 131, in <module>
main()
"cogan_train.py", line 42, in main
model = cogan.CoGAN(s)
"/home/maria/Documents/Awesome-GANs/CoGAN/cogan_model.py", line 166, in __init__
self.build_cogan()
# build CoGAN model
"/home/maria/Documents/Awesome-GANs/CoGAN/cogan_model.py", line 224, in build_cogan
self.g_1 = self.generator(self.z, self.y, share_params=False, reuse=False, name='g1')
"/home/maria/Documents/Awesome-GANs/CoGAN/cogan_model.py", line 196, in generator
x = tf.layers.dense(x, 7 * 7, reuse=True, name='gen-dense-reshape')
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/layers/core.py", line 250, in dense
return layer.apply(inputs)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/layers/base.py", line 671, in apply
return self.__call__(inputs, *args, **kwargs)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/layers/base.py", line 559, in __call__
self.build(input_shapes[0])
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/layers/core.py", line 137, in build
trainable=True)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/layers/base.py", line 458, in add_variable
trainable=trainable and self.trainable)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 1203, in get_variable
constraint=constraint)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 1092, in get_variable
constraint=constraint)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 425, in get_variable
constraint=constraint)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 394, in _true_getter
use_resource=use_resource, constraint=constraint)
"/home/maria/anaconda2/envs/anaconda3gpu/lib/python3.6/site-packages/tensorflow/python/ops/variable_scope.py", line 760, in _get_single_variable
"reuse=tf.AUTO_REUSE in VarScope?" % name)
ValueError: Variable generator-g1/gen-dense-reshape/kernel does not exist, or was not created with tf.get_variable(). Did you mean to set reuse=tf.AUTO_REUSE in VarScope?
| Traceback (most recent call last):
"C:\GitHub\Medusa\medusa\providers\generic_provider.py", line 603, in parse_pubdate
raise ValueError('Failed parsing human time: {0} {1}'.format(matched_time, matched_granularity))
ValueError: Failed parsing human time: 913.13
MiB
| 0.494733 |
Traceback (most recent call last):
"/usr/local/bin/rq", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 1259, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.6/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/rq/cli/cli.py", line 78, in wrapper
return ctx.invoke(func, cli_config, *args[1:], **kwargs)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/rq/cli/cli.py", line 268, in worker
max_jobs=max_jobs, with_scheduler=with_scheduler)
"/usr/local/lib/python3.6/site-packages/rq/worker.py", line 511, in work
self.register_birth()
"/usr/local/lib/python3.6/site-packages/rq/worker.py", line 295, in register_birth
if self.get_redis_server_version() >= StrictVersion("4.0.0"):
"/usr/local/lib/python3.6/site-packages/rq/worker.py", line 227, in get_redis_server_version
self.connection.info("server")["redis_version"]
"/usr/local/lib/python3.6/distutils/version.py", line 40, in __init__
self.parse(vstring)
"/usr/local/lib/python3.6/distutils/version.py", line 137, in parse
raise ValueError("invalid version number '%s'" % vstring)
ValueError: invalid version number '3.0.7.9'
| Traceback (most recent call last):
"sqlmap.py", line 135, in main
setRestAPILog()
"lib/utils/api.py", line 288, in setRestAPILog
conf.databaseCursor.connect("client")
"lib/utils/api.py", line 73, in connect
self.connection = sqlite3.connect(self.database, timeout=3, isolation_level=None)
ValueError: database parameter must be string or APSW Connection object
| 0.553406 |
Traceback (most recent call last):
"/home/ubuntu/anaconda3/lib/python3.7/site-packages/ray/new_dashboard/agent.py", line 295, in <module>
raylet_name=args.raylet_name)
"/home/ubuntu/anaconda3/lib/python3.7/site-packages/ray/new_dashboard/agent.py", line 66, in __init__
f"[::]:{self.dashboard_agent_port}")
"/home/ubuntu/anaconda3/lib/python3.7/site-packages/grpc/aio/_server.py", line 84, in add_insecure_port
address, self._server.add_insecure_port(_common.encode(address)))
"/home/ubuntu/anaconda3/lib/python3.7/site-packages/grpc/_common.py", line 166, in validate_port_binding_result
raise RuntimeError(_ERROR_MESSAGE_PORT_BINDING_FAILED % address)
RuntimeError: Failed to bind to address [::]:49324; set GRPC_VERBOSITY=debug environment variable to see detailed error message.
| [2018-07-13 11:35:51,198][ERROR] Error while building intrinsics : Traceback (most recent call last):
"/home/ac/meshroom/meshroom/ui/reconstruction.py", line 365, in buildIntrinsics
views, intrinsics = cameraInitCopy.nodeDesc.buildIntrinsics(cameraInitCopy, additionalViews)
"/home/ac/meshroom/meshroom/nodes/aliceVision/CameraInit.py", line 133, in buildIntrinsics
subprocess.returncode, cmd)
RuntimeError: CameraInit failed with error code 127. Command was: "aliceVision_cameraInit
--defaultFieldOfView 45.0 --verboseLevel info --sensorDatabase "" --output "/tmp/tmpA9l3U7/CameraInit/fdba592891e8db45e3af8f93b1a59e1470b45d69/cameraInit.sfm" --allowSingleView 1
--input "/tmp/tmpA9l3U7/CameraInit/fdba592891e8db45e3af8f93b1a59e1470b45d69/viewpoints.sfm" --allowIncompleteOutput 1"
| 0.520437 |
Traceback (most recent call last):
"/Users/hadilsabbagh/anaconda3/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 2963, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-6-cbaa3a8ed4b6>", line 1, in <module>
nlp('food').similarity('banana')
"doc.pyx", line 316, in spacy.tokens.doc.Doc.similarity
AttributeError: 'str' object has no attribute 'vector_norm'
| [!] Traceback (most recent call last):
"lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct
AttributeError: 'Sequence' object has no attribute 'asOctets'
| 0.580171 |
Traceback (most recent call last):
"/home/cburgdorf/Documents/hacking/ef/py-evm/p2p/service.py", line 68, in run
await self._run()
"/home/cburgdorf/Documents/hacking/ef/py-evm/trinity/nodes/base.py", line 107, in _run
await self.get_p2p_server().run()
"/home/cburgdorf/Documents/hacking/ef/py-evm/p2p/service.py", line 80, in run
await self.cleanup()
"/home/cburgdorf/Documents/hacking/ef/py-evm/p2p/service.py", line 87, in cleanup
await self._cleanup()
"/home/cburgdorf/Documents/hacking/ef/py-evm/p2p/server.py", line 271, in _cleanup
await asyncio.gather(self.peer_pool.cancel(), self.discovery.stop())
AttributeError: 'NoneType' object has no attribute 'cancel'
| Traceback (most recent call last):
"C:\Users\david\Envs\soulcardproject\lib\site-packages\tqdm\_tqdm.py", line 800, in __del__
"C:\Users\david\Envs\soulcardproject\lib\site-packages\tqdm\_tqdm.py", line 1027, in close
AttributeError: 'tqdm' object has no attribute 'disable'
| 0.620517 |
Traceback (most recent call last):
"dask_error.py", line 31, in <module>
main(client)
"dask_error.py", line 22, in main
df2 = dd.read_parquet('/data1/green.parquet')
"/home/shekhar/anaconda3/lib/python3.5/site-packages/dask/dataframe/io/parquet.py", line 85, in read_parquet
minmax = fastparquet.api.sorted_partitioned_columns(pf)
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/api.py", line 508, in sorted_partitioned_columns
s = statistics(pf)
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/api.py", line 470, in statistics
L = list(map(statistics, obj.row_groups))
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/api.py", line 467, in statistics
for c in obj.columns}
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/api.py", line 467, in <dictcomp>
for c in obj.columns}
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/api.py", line 456, in statistics
rv['max'] = encoding.read_plain(ensure_bytes(s.max), md.type, 1)[0]
"/home/shekhar/anaconda3/lib/python3.5/site-packages/fastparquet/encoding.py", line 38, in read_plain
return np.frombuffer(byte_buffer(raw_bytes), dtype=dtype, count=count)
ValueError: buffer is smaller than requested size
| Traceback (most recent call last):
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/exception.py", line 41, in inner
response = get_response(request)
"/usr/lib/python2.7/site-packages/awx/wsgi.py", line 65, in _legacy_get_response
return super(AWXWSGIHandler, self)._legacy_get_response(request)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/base.py", line 249, in _legacy_get_response
response = self._get_response(request)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/base.py", line 187, in _get_response
response = self.process_exception_by_middleware(e, request)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/base.py", line 185, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/utils/decorators.py", line 185, in inner
return func(*args, **kwargs)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/views/generic/base.py", line 68, in view
return self.dispatch(request, *args, **kwargs)
"/usr/lib/python2.7/site-packages/awx/sso/views.py", line 42, in dispatch
auth.login(self.request, self.request.user)
"/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/contrib/auth/__init__.py", line 150, in login
'You have multiple authentication backends configured and '
ValueError: You have multiple authentication backends configured and therefore must provide the `backend` argument or set the `backend` attribute on the user.
| 0.53582 |
Traceback (most recent call last):
"C:\Users\Usama\AppData\Local\Programs\Python\Python38\lib\site-packages\cfscrape\__init__.py", line 251, in solve_challenge
challenge, ms = re.search(
AttributeError: 'NoneType' object has no attribute 'groups'
| Traceback (most recent call last):
"/var/task/lambda_function.py", line 10, in lambda_handler
response = client.select_resource_config(
"/var/runtime/botocore/client.py", line 555, in __getattr__
self.__class__.__name__, item)
AttributeError: 'ConfigService' object has no attribute 'select_resource_config'
| 0.601557 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.6/site-packages/salt/state.py", line 1560, in call
**cdata['kwargs'])
"/usr/lib64/python2.6/contextlib.py", line 34, in __exit__
self.gen.throw(type, value, traceback)
"/usr/lib/python2.6/site-packages/salt/utils/context.py", line 42, in func_globals_inject
yield
"/usr/lib/python2.6/site-packages/salt/state.py", line 1560, in call
**cdata['kwargs'])
"/usr/lib/python2.6/site-packages/salt/states/ipset.py", line 206, in present
family) is True:
"/usr/lib/python2.6/site-packages/salt/modules/ipset.py", line 395, in check
settype = _find_set_type(set)
"/usr/lib/python2.6/site-packages/salt/modules/ipset.py", line 522, in _find_set_type
setinfo = _find_set_info(set)
"/usr/lib/python2.6/site-packages/salt/modules/ipset.py", line 513, in _find_set_info
key, value = item.split(':', 1)
ValueError: need more than 1 value to unpack
Started: 14:35:47.374721 | Traceback (most recent call last):
"./manage.py", line 22, in <module>
execute_from_command_line(sys.argv)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/core/management/__init__.py", line 367, in execute_from_command_line
utility.execute()
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/core/management/__init__.py", line 359, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/core/management/base.py", line 305, in run_from_argv
self.execute(*args, **cmd_options)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/core/management/base.py", line 356, in execute
output = self.handle(*args, **options)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/core/management/commands/makemigrations.py", line 140, in handle
loader.project_state(),
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/loader.py", line 310, in project_state
return self.graph.make_state(nodes=nodes, at_end=at_end, real_apps=list(self.unmigrated_apps))
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/graph.py", line 409, in make_state
project_state = self.nodes[node].mutate_state(project_state, preserve=False)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/migration.py", line 92, in mutate_state
operation.state_forwards(self.app_label, new_state)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/operations/models.py", line 276, in state_forwards
apps = state.apps
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/utils/functional.py", line 35, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/state.py", line 176, in apps
return StateApps(self.real_apps, self.models)
"/Users/jrporter/projects/.venvs/studentpt/lib/python3.6/site-packages/django/db/migrations/state.py", line 249, in __init__
raise ValueError("\n".join(error.msg for error in errors))
ValueError: The field admin.LogEntry.user was declared with a lazy reference to 'myapp.myuser', but app 'myapp' isn't installed.
| 0.538485 |
Traceback (most recent call last):
"setup.py", line 188, in <module>
dist = setuptools.setup(**setup_params)
"/Users/jaraco/Dropbox/code/main/setuptools/setuptools/__init__.py", line 129, in setup
return distutils.core.setup(**attrs)
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/distutils/core.py", line 148, in setup
dist.run_commands()
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/distutils/dist.py", line 955, in run_commands
self.run_command(cmd)
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/Users/jaraco/Dropbox/code/main/setuptools/setuptools/command/dist_info.py", line 35, in run
bdist_wheel.egg2dist(egg_info.egg_info, dist_info_dir)
"/var/folders/c6/v7hnmq453xb6p2dbz1gqc6rr0000gn/T/rwt-2xurzhtb/wheel/bdist_wheel.py", line 443, in egg2dist
shutil.copy(license, os.path.join(self.distinfo_dir, license_filename))
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/posixpath.py", line 78, in join
a = os.fspath(a)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| Traceback (most recent call last):
"/home/legluondunet/Autres_applications/Jeux/Lutris/lutris/lutris/gui/installerwindow.py", line 249, in on_browse_clicked
dialog = DirectoryDialog(_("Select the folder where the disc is mounted"), parent=self)
"/home/legluondunet/Autres_applications/Jeux/Lutris/lutris/lutris/gui/dialogs/__init__.py", line 136, in __init__
self.set_current_folder(default_path)
TypeError: Argument 1 does not allow None as a value
| 0.547205 |
**Traceback (most recent call last):
"<string>", line 202, in <module>
"<string>", line 337, in <module>
"<string>", line 324, in main
TypeError: decode() takes no keyword arguments
| Traceback (most recent call last):
"bla.py", line 7, in <module>
df.assign(new_col=df["a"])
"/home/nils/anaconda3/envs/dask-sql/lib/python3.8/site-packages/dask/dataframe/core.py", line 4004, in assign
df2 = self._meta_nonempty.assign(**_extract_meta(kwargs, nonempty=True))
"/home/nils/anaconda3/envs/dask-sql/lib/python3.8/site-packages/dask/dataframe/core.py", line 360, in _meta_nonempty
return meta_nonempty(self._meta)
"/home/nils/anaconda3/envs/dask-sql/lib/python3.8/site-packages/dask/utils.py", line 509, in __call__
return meth(arg, *args, **kwargs)
"/home/nils/anaconda3/envs/dask-sql/lib/python3.8/site-packages/dask/dataframe/utils.py", line 391, in meta_nonempty_dataframe
dt_s_dict[dt] = _nonempty_series(x.iloc[:, i], idx=idx)
"/home/nils/anaconda3/envs/dask-sql/lib/python3.8/site-packages/dask/dataframe/utils.py", line 578, in _nonempty_series
data = np.array([entry, entry], dtype=dtype)
TypeError: Cannot interpret 'Float64Dtype()' as a data type
| 0.520644 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: module 'geopy' has no attribute 'distance'
| Traceback (most recent call last):
"/usr/lib/python2.7/runpy.py", line 162, 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
"/usr/local/bin/svtplay-dl/__main__.py", line 13, in <module>
"/usr/local/bin/svtplay-dl/svtplay_dl/__init__.py", line 444, in main
"/usr/local/bin/svtplay-dl/svtplay_dl/__init__.py", line 178, in get_media
"/usr/local/bin/svtplay-dl/svtplay_dl/__init__.py", line 225, in get_one_media
"/usr/local/bin/svtplay-dl/svtplay_dl/service/svtplay.py", line 127, in get
"/usr/local/bin/svtplay-dl/svtplay_dl/fetcher/dash.py", line 61, in dashparse
"/usr/local/bin/svtplay-dl/svtplay_dl/fetcher/dash.py", line 71, in parsesegments
AttributeError: 'NoneType' object has no attribute 'attrib'
| 0.557542 |
Traceback (most recent call last):
".tox/pip-compile/bin/pip-compile", line 8, in <module>
sys.exit(cli())
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/click/decorators.py", line 21, in new_func
return f(get_current_context(), *args, **kwargs)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/scripts/compile.py", line 458, in cli
results = resolver.resolve(max_rounds=max_rounds)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/resolver.py", line 169, in resolve
has_changed, best_matches = self._resolve_one_round()
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/resolver.py", line 274, in _resolve_one_round
their_constraints.extend(self._iter_dependencies(best_match))
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/resolver.py", line 384, in _iter_dependencies
dependencies = self.repository.get_dependencies(ireq)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/repositories/local.py", line 75, in get_dependencies
return self.repository.get_dependencies(ireq)
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/repositories/pypi.py", line 232, in get_dependencies
download_dir, ireq, wheel_cache
"/Users/andy/gr/gold/.tox/pip-compile/lib/python3.7/site-packages/piptools/repositories/pypi.py", line 184, in resolve_reqs
results = resolver._resolve_one(reqset, ireq)
AttributeError: 'Resolver' object has no attribute '_resolve_one'
| Traceback (most recent call last):
"C:\Users\aditi\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\Blender-power-sequencer\operators\crossfade_add.py", line 38, in poll
active = bpy.context.scene.sequence_editor.active_strip
AttributeError: 'NoneType' object has no attribute 'active_strip'
| 0.5795 |
Traceback (most recent call last):
"C:/code/python/hypothesis/main.py", line 21, in <module>
test_hypothesis()
"C:/code/python/hypothesis/main.py", line 9, in test_hypothesis
def test_hypothesis(data):
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 1164, in wrapped_test
raise the_error_hypothesis_found
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 1133, in wrapped_test
state.run_engine()
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 752, in run_engine
runner.run()
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 497, in run
self._run()
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 897, in _run
self.reuse_existing_examples()
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 560, in reuse_existing_examples
data = self.cached_test_function(existing)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 1078, in cached_test_function
self.test_function(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 218, in test_function
self.__stoppable_test_function(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\engine.py", line 194, in __stoppable_test_function
self._test_function(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 705, in _execute_once_for_engine
escalate_hypothesis_internal_error()
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 676, in _execute_once_for_engine
result = self.execute_once(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 631, in execute_once
result = self.test_runner(data, run)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\executors.py", line 52, in default_new_style_executor
return function(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\core.py", line 571, in run
args, kwargs = data.draw(self.search_strategy)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 887, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 57, in do_draw
return tuple(data.draw(e) for e in self.element_strategies)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 57, in <genexpr>
return tuple(data.draw(e) for e in self.element_strategies)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\strategies.py", line 687, in do_draw
result = self.pack(data.draw(self.mapped_strategy))
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\lazy.py", line 150, in do_draw
return data.draw(self.wrapped_strategy)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\strategies.py", line 687, in do_draw
result = self.pack(data.draw(self.mapped_strategy))
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 57, in do_draw
return tuple(data.draw(e) for e in self.element_strategies)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 57, in <genexpr>
return tuple(data.draw(e) for e in self.element_strategies)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\lazy.py", line 150, in do_draw
return data.draw(self.wrapped_strategy)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\strategies.py", line 687, in do_draw
result = self.pack(data.draw(self.mapped_strategy))
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\lazy.py", line 150, in do_draw
return data.draw(self.wrapped_strategy)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\internal\conjecture\data.py", line 883, in draw
return strategy.do_draw(self)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 157, in do_draw
value = filtered.filtered_strategy.do_filtered_draw(
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\strategies.py", line 353, in do_filtered_draw
return filter_strategy.default_do_filtered_draw(data)
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\strategies.py", line 777, in default_do_filtered_draw
if self.condition(value):
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 153, in not_yet_in_unique_list
return all(key(val) not in seen for key, seen in zip(self.keys, seen_sets))
"C:\Users\-\miniconda3\envs\hypothesis\lib\site-packages\hypothesis\strategies\_internal\collections.py", line 153, in <genexpr>
return all(key(val) not in seen for key, seen in zip(self.keys, seen_sets))
TypeError: Cannot hash a signaling NaN value
| Traceback (most recent call last):
"torch2h5.py", line 9, in <module>
k_model = pytorch_to_keras(model, input_var, [(10, 32, 32,)], verbose=True, names='short')
TypeError: pytorch_to_keras() got an unexpected keyword argument 'names'
| 0.542278 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/runners.py", line 43, in run
return loop.run_until_complete(main)
"/usr/local/lib/python3.7/asyncio/base_events.py", line 583, in run_until_complete
return future.result()
"/usr/src/homeassistant/homeassistant/__main__.py", line 249, in setup_and_run_hass
safe_mode=args.safe_mode,
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 89, in async_setup_hass
await async_from_config_dict(config_dict, hass)
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 132, in async_from_config_dict
await _async_set_up_integrations(hass, config)
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 377, in _async_set_up_integrations
*(async_setup_component(hass, domain, config) for domain in domains_to_load)
"/usr/src/homeassistant/homeassistant/setup.py", line 49, in async_setup_component
return await task
# type: ignore
"/usr/src/homeassistant/homeassistant/setup.py", line 145, in _async_setup_component
hass, config, integration
"/usr/src/homeassistant/homeassistant/config.py", line 704, in async_process_component_config
return component.CONFIG_SCHEMA(config)
# type: ignore
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__
return self._compiled([], data)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict
return base_validate(path, iteritems(data), out)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 386, in validate_mapping
cval = cvalue(key_path, value)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable
return schema(data)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__
return self._compiled([], data)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict
return base_validate(path, iteritems(data), out)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 373, in validate_mapping
new_key = ckey(key_path, key)
"/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable
return schema(data)
"/usr/src/homeassistant/homeassistant/helpers/config_validation.py", line 659, in validator
value = config[key]
TypeError: string indices must be integers
| Traceback (most recent call last):
"F:\testReadexcel.py", line 8, in <module>
dc = pd.read_excel(ex_file, sheet_name=name)
"D:\pandas\util\_decorators.py", line 118, in wrapper
return func(*args, **kwargs)
"D:\pandas\io\excel.py", line 238, in read_excel
false_values=false_values, squeeze=squeeze, **kwds)
"D:\pandas\io\excel.py", line 543, in _parse_excel
output[asheetname] = parser.read()
"D:\pandas\io\parsers.py", line 1069, in read
ret = self._engine.read(nrows)
"D:\pandas\io\parsers.py", line 2273, in read
index, columns = self._make_index(data, alldata, columns, indexnamerow)
"D:\pandas\io\parsers.py", line 1412, in _make_index
index = self._agg_index(index)
"D:\pandas\io\parsers.py", line 1512, in _agg_index
index = _ensure_index_from_sequences(arrays, names)
"D:\pandas\core\indexes\base.py", line 4152, in _ensure_index_from_sequences
return MultiIndex.from_arrays(sequences, names=names)
"D:\pandas\core\indexes\multi.py", line 1150, in from_arrays
labels, levels = _factorize_from_iterables(arrays)
"D:\pandas\core\categorical.py", line 2352, in _factorize_from_iterables
return map(list, lzip(*[_factorize_from_iterable(it) for it in iterables]))
"D:\pandas\core\categorical.py", line 2352, in <listcomp>
return map(list, lzip(*[_factorize_from_iterable(it) for it in iterables]))
"D:\pandas\core\categorical.py", line 2324, in _factorize_from_iterable
cat = Categorical(values, ordered=True)
"D:\pandas\core\categorical.py", line 336, in __init__
raise TypeError("'values' is not ordered, please "
TypeError: 'values' is not ordered, please explicitly specify the categories order by passing in a categories argument.
| 0.590637 |
Traceback (most recent call last):
"analyze_archive.py", line 16, in <module>
with zip_fs.openbin(path) as handle:
"/home/fresheed/work/fix_registration/pyfilesystem2-master/fs/zipfs.py", line 371, in openbin
return _ZipExt
(self, zip_name)
"/home/fresheed/work/fix_registration/pyfilesystem2-master/fs/zipfs.py", line 33, in __init__
self._end = _zip.getinfo(name).file_size
"/usr/lib64/python2.7/zipfile.py", line 905, in getinfo
'There is no item named %r in the archive' % name)
KeyError: "There is no item named u'\\u0424\\u0430\\u0439\\u043b' in the archive"
| Traceback (most recent call last):
"/home/kelsos/development/github/raiden-network/1/raiden/ui/cli.py", line 992, in _run_app
event.wait()
"src/gevent/event.py", line 240, in gevent._event.Event.wait
"src/gevent/event.py", line 140, in gevent._event._AbstractLinkable._wait
"src/gevent/event.py", line 117, in gevent._event._AbstractLinkable._wait_core
"src/gevent/event.py", line 119, in gevent._event._AbstractLinkable._wait_core
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 63, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/__greenlet_primitives.pxd", line 35, in gevent.__greenlet_primitives._greenlet_switch
KeyError: 'channel_identifier'
| 0.536538 |
Traceback (most recent call last):
"habitat_baselines/run.py", line 68, in <module>
main()
"habitat_baselines/run.py", line 38, in main
run_exp(**vars(args))
"habitat_baselines/run.py", line 62, in run_exp
trainer.train()
"<...>/habitat-api/habitat_baselines/rl/ppo/ppo_trainer.py", line 300, in train
episode_counts,
"<...>/habitat-api/habitat_baselines/rl/ppo/ppo_trainer.py", line 146, in _collect_rollout_step
outputs = self.envs.step([a[0].item() for a in actions])
"<...>/habitat-api/habitat_baselines/rl/ppo/ppo_trainer.py", line 146, in <listcomp>
outputs = self.envs.step([a[0].item() for a in actions])
RuntimeError: CUDA error: device-side assert triggered
| Traceback (most recent call last):
"/home/joao/atrv_ws/src/dope/src/dope.py", line 272, in <module>
run_dope_node(params)
"/home/joao/atrv_ws/src/dope/src/dope.py", line 150, in run_dope_node
models[model].load_net_model()
"/home/joao/atrv_ws/src/dope/src/inference/detector.py", line 228, in load_net_model
self.net = self.load_net_model_path(self.net_path)
"/home/joao/atrv_ws/src/dope/src/inference/detector.py", line 239, in load_net_model_path
net = torch.nn.DataParallel(net, [0]).cuda()
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 249, in cuda
return self._apply(lambda t: t.cuda(device))
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 176, in _apply
module._apply(fn)
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 176, in _apply
module._apply(fn)
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 176, in _apply
module._apply(fn)
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 182, in _apply
param.data = fn(param.data)
"/home/joao/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 249, in <lambda>
return self._apply(lambda t: t.cuda(device))
RuntimeError: cuda runtime error (30) : unknown error at /pytorch/aten/src/THC/THCGeneral.cpp:70
| 0.655789 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.