text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"<ipython-input-1-81b9b0581be3>", line 1, in <module>
runfile('/Users/Danya/instabot/examples/multi_script_CLI.py', wdir='/Users/Danya/instabot/examples')
"/Users/Danya/opt/anaconda3/lib/python3.7/site-packages/spyder_kernels/customize/spydercustomize.py", line 827, in runfile
execfile(filename, namespace)
"/Users/Danya/opt/anaconda3/lib/python3.7/site-packages/spyder_kernels/customize/spydercustomize.py", line 110, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)
"/Users/Danya/instabot/examples/multi_script_CLI.py", line 638, in <module>
setting_8 = int(lines[8].strip())
ValueError: invalid literal for int() with base 10: ''
| Traceback (most recent call last):
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\ytdl-org\tmp1sp1mtlp\build\youtube_dl\extractor\common.py", line 899, in _parse_json
"C:\Python\Python34\lib\json\__init__.py", line 318, in loads
"C:\Python\Python34\lib\json\decoder.py", line 343, in decode
"C:\Python\Python34\lib\json\decoder.py", line 361, in raw_decode
ValueError: Expecting value: line 1 column 1 (char 0)
| 0.574716 |
Traceback (most recent call last):
"/home/mjq/PycharmProjects/multi-class-text/multi-class-text-classification-cnn-rnn/train.py", line 167, in <module>
train_cnn_rnn()
"/home/mjq/PycharmProjects/multi-class-text/multi-class-text-classification-cnn-rnn/train.py", line 63, in train_cnn_rnn
l2_reg_lambda=params['l2_reg_lambda'])
"/home/mjq/PycharmProjects/multi-class-text/multi-class-text-classification-cnn-rnn/text_cnn_rnn.py", line 56, in __init__
lstm_cell = tf.contrib.rnn.DropoutWrapper(lstm_cell, output_keep_prob=self.dropout_keep_prob)
AttributeError: 'module' object has no attribute 'DropoutWrapper' | `Traceback (most recent call last):
"test-redis-cluster.py", line 65, in <module>
p.execute()
"/home/fwt/anaconda3/lib/python3.7/site-packages/rediscluster/pipeline.py", line 102, in execute
return self.send_cluster_commands(stack, raise_on_error)
"/home/fwt/anaconda3/lib/python3.7/site-packages/rediscluster/utils.py", line 101, in inner
return func(*args, **kwargs)
"/home/fwt/anaconda3/lib/python3.7/site-packages/rediscluster/pipeline.py", line 148, in send_cluster_commands
attempt = sorted(stack, key=lambda x: x.position)
"/home/fwt/anaconda3/lib/python3.7/site-packages/rediscluster/pipeline.py", line 148, in <lambda>
attempt = sorted(stack, key=lambda x: x.position)
AttributeError: 'tuple' object has no attribute 'position'
| 0.592825 |
Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/lutris/gui/views/store.py", line 420, in add_game
self.store.append(
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 997, in append
return self._do_insert(-1, row)
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 988, in _do_insert
row, columns = self._convert_row(row)
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 900, in _convert_row
result.append(self._convert_value(cur_col, value))
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 914, in _convert_value
return GObject.Value(self.get_column_type(column), value)
"/usr/lib/python3.8/site-packages/gi/overrides/GObject.py", line 210, in __init__
self.set_value(py_value)
"/usr/lib/python3.8/site-packages/gi/overrides/GObject.py", line 249, in set_value
raise TypeError("Expected string but got %s%s" %
TypeError: Expected string but got 8.13583333333334<class 'float'>
| Traceback (most recent call last):
"/usr/local/bin/prefect", line 8, in <module>
sys.exit(cli())
"/usr/local/lib/python3.8/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 1259, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.8/site-packages/click/core.py", line 1259, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.8/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.8/site-packages/prefect/cli/execute.py", line 80, in cloud_flow
raise exc
"/usr/local/lib/python3.8/site-packages/prefect/cli/execute.py", line 69, in cloud_flow
flow = storage.get_flow(storage.flows[flow_data.name])
"/usr/local/lib/python3.8/site-packages/prefect/environments/storage/s3.py", line 101, in get_flow
return cloudpickle.loads(output)
TypeError: an integer is required (got type bytes)
| 0.611778 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/lib/python3/dist-packages/mutagen/_file.py", line 75, in __setitem__
self.tags[key] = value
"/usr/lib/python3/dist-packages/mutagen/mp4/__init__.py", line 375, in __setitem__
self._render(key, value)
"/usr/lib/python3/dist-packages/mutagen/mp4/__init__.py", line 391, in _render
return render_func(self, key, value, *render_args)
"/usr/lib/python3/dist-packages/mutagen/mp4/__init__.py", line 632, in __render_freeform
data += v
TypeError: can't concat str to bytes
| Traceback (most recent call last):
"<ipython-input-1-337be0cf6568>", line 1, in <module>
runfile('E:/CNNGestureRecognizer-master/trackgesture.py', wdir='E:/CNNGestureRecognizer-master')
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 704, in runfile
execfile(filename, namespace)
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 108, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)
"E:/CNNGestureRecognizer-master/trackgesture.py", line 375, in <module>
Main()
"E:/CNNGestureRecognizer-master/trackgesture.py", line 214, in Main
mod = myNN.loadCNN(0)
"E:\CNNGestureRecognizer-master\gestureCNN.py", line 208, in loadCNN
model.load_weights(fname)
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\keras\models.py", line 706, in load_weights
topology.load_weights_from_hdf5_group(f, layers)
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\keras\engine\topology.py", line 2895, in load_weights_from_hdf5_group
original_backend)
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\keras\engine\topology.py", line 2836, in preprocess_weights_for_loading
weights[0] = conv_utils.convert_kernel(weights[0])
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\keras\utils\conv_utils.py", line 86, in convert_kernel
return np.copy(kernel[slices])
"h5py\_objects.pyx", line 54, in h5py._objects.with_phil.wrapper
"h5py\_objects.pyx", line 55, in h5py._objects.with_phil.wrapper
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\h5py\_hl\dataset.py", line 553, in __getitem__
selection = sel.select(self.shape, args, dsid=self.id)
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\h5py\_hl\selections.py", line 90, in select
sel[args]
"D:\ProgramData\Anaconda3\envs\gesture\lib\site-packages\h5py\_hl\selections.py", line 367, in __getitem__
raise TypeError("Indexing elements must be in increasing order")
TypeError: Indexing elements must be in increasing order
| 0.579301 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1475, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1461, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/lib/python2.7/dist-packages/flask_restful/__init__.py", line 477, in wrapper
resp = resource(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flask_login.py", line 792, in decorated_view
return func(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flask/views.py", line 84, in view
return self.dispatch_request(*args, **kwargs)
"/opt/redash/redash.0.12.0.b2354/redash/handlers/base.py", line 25, in dispatch_request
return super(BaseResource, self).dispatch_request(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flask_restful/__init__.py", line 587, in dispatch_request
resp = meth(*args, **kwargs)
"/opt/redash/redash.0.12.0.b2354/redash/permissions.py", line 47, in decorated
return fn(*args, **kwargs)
"/opt/redash/redash.0.12.0.b2354/redash/handlers/dashboards.py", line 47, in get
response = dashboard.to_dict(with_widgets=True, user=self.current_user)
"/opt/redash/redash.0.12.0.b2354/redash/models.py", line 1114, in to_dict
for widget_id in row:
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/home/dx/test/gits/qtile/libqtile/hook.py", line 383, in fire
i(*args, **kwargs)
"/home/dx/test/gits/qtile/libqtile/dgroups.py", line 169, in _add
if rule.matches(client):
"/home/dx/test/gits/qtile/libqtile/config.py", line 672, in matches
return self.match.compare(w)
"/home/dx/test/gits/qtile/libqtile/config.py", line 631, in compare
if not match(rule_value):
"/home/dx/test/gits/qtile/libqtile/config.py", line 603, in predicate
return value and any(match(v) for v in value)
"/home/dx/test/gits/qtile/libqtile/config.py", line 603, in <genexpr>
return value and any(match(v) for v in value)
"/home/dx/test/gits/qtile/libqtile/config.py", line 602, in <lambda>
match = getattr(other, 'match', lambda v: other in v)
TypeError: 'in <string>' requires string as left operand, not list
| 0.572676 |
Traceback (most recent call last):
"/usr/local/bin/onmt-main", line 10, in <module>
sys.exit(main())
"/usr/local/lib/python3.5/dist-packages/opennmt/bin/main.py", line 172, in main
runner.train_and_evaluate(checkpoint_path=args.checkpoint_path)
"/usr/local/lib/python3.5/dist-packages/opennmt/runner.py", line 297, in train_and_evaluate
result = tf.estimator.train_and_evaluate(estimator, train_spec, eval_spec)
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/training.py", line 473, in train_and_evaluate
return executor.run()
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/training.py", line 613, in run
return self.run_local()
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/training.py", line 714, in run_local
saving_listeners=saving_listeners)
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 360, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1140, in _train_model
return self._train_model_default(input_fn, hooks, saving_listeners)
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1167, in _train_model_default
input_fn, ModeKeys.TRAIN))
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1004, in _get_features_and_labels_from_input_fn
self._call_input_fn(input_fn, mode))
"/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1095, in _call_input_fn
return input_fn(**kwargs)
"/usr/local/lib/python3.5/dist-packages/opennmt/estimator.py", line 124, in _fn
prefetch_buffer_size=prefetch_buffer_size)
"/usr/local/lib/python3.5/dist-packages/opennmt/inputters/inputter.py", line 685, in make_training_dataset
shard_index=shard_index)
"/usr/local/lib/python3.5/dist-packages/opennmt/utils/data.py", line 311, in training_pipeline
batch_size_multiple=batch_size_multiple))
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 1746, in apply
return DatasetV1Adapter(super(DatasetV1, self).apply(transformation_func))
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 1190, in apply
dataset = transformation_func(self)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/experimental/ops/grouping.py", line 121, in _apply_fn
window_size_func)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/experimental/ops/grouping.py", line 377, in __init__
self._make_reduce_func(reduce_func, input_dataset)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/experimental/ops/grouping.py", line 424, in _make_reduce_func
input_structure=input_structure)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 2400, in __init__
self._function = wrapper_fn._get_concrete_function_internal()
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/eager/function.py", line 1330, in _get_concrete_function_internal
*args, **kwargs)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/eager/function.py", line 1324, in _get_concrete_function_internal_garbage_collected
graph_function, _, _ = self._maybe_define_function(args, kwargs)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/eager/function.py", line 1587, in _maybe_define_function
graph_function = self._create_graph_function(args, kwargs)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/eager/function.py", line 1520, in _create_graph_function
capture_by_value=self._capture_by_value),
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/func_graph.py", line 701, in func_graph_from_py_func
func_outputs = python_func(*func_args, **func_kwargs)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 2394, in wrapper_fn
ret = _wrapper_helper(*args)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 2334, in _wrapper_helper
ret = func(*nested_args)
"/usr/local/lib/python3.5/dist-packages/opennmt/utils/data.py", line 203, in _reduce_func
return dataset.apply(batch_dataset(batch_size, padded_shapes=padded_shapes))
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/data/ops/dataset_ops.py", line 1190, in apply
dataset = transformation_func(self)
"/usr/local/lib/python3.5/dist-packages/opennmt/utils/data.py", line 143, in <lambda>
batch_size, padded_shapes=padded_shapes or get_padded_shapes(dataset))
"/usr/local/lib/python3.5/dist-packages/opennmt/utils/data.py", line 22, in get_padded_shapes
return compat.nest.map_structure(lambda shape: shape.as_list(), dataset.output_shapes)
AttributeError: '_VariantDataset' object has no attribute 'output_shapes'
| 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.588711 |
Traceback (most recent call last):
"conan/conans/client/command.py", line 895, in run
"conan/conans/client/command.py", line 184, in create
"conan/conans/client/conan_api.py", line 63, in wrapper
"conan/conans/client/conan_api.py", line 292, in create
"conan/conans/client/manager.py", line 166, in export
"conan/conans/client/linter.py", line 21, in conan_linter
"conan/conans/client/linter.py", line 68, in _lint_py3
"conan/conans/client/linter.py", line 51, in _runner
"pylint/lint.py", line 1220, in __init__
"pylint/lint.py", line 458, in load_default_plugins
"pylint/lint.py", line 478, in _load_reporter
"astroid/modutils.py", line 437, in get_module_part
"astroid/modutils.py", line 338, in file_from_modpath
"astroid/modutils.py", line 383, in file_info_from_modpath
"astroid/modutils.py", line 603, in _spec_from_modpath
"astroid/interpreter/_import/spec.py", line 279, in find_spec
"astroid/interpreter/_import/spec.py", line 246, in _find_spec_with_path
ImportError: No module named text
| Traceback (most recent call last):
"/usr/bin/thumbor", line 9, in <module>
load_entry_point('thumbor==6.3.2', 'console_scripts', 'thumbor')()
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/server.py", line
124, in main
importer = get_importer(config)
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/server.py", line
58, in get_importer
importer.import_modules()
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/importer.py", lin
e 51, in import_modules
self.import_item('ENGINE', 'Engine')
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/importer.py", lin
e 95, in import_item
module = self.import_class('%s.%s' % (conf_value, class_name))
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/importer.py", lin
e 43, in import_class
return import_class(name, get_module)
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/importer.py", lin
e 19, in import_class
module = get_module and __import__(name) or __import__(module_name)
"/usr/lib64/python2.6/site-packages/thumbor-6.3.2-py2.6-linux-x86_64.egg/thumbor/engines/__init__.
py", line 12, in <module>
from xml.etree.ElementTree import ParseError
ImportError: cannot import name ParseError
| 0.522407 |
Traceback (most recent call last):
"/home/ajung/src/app.backend/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 135, in handle
self.handle_request(listener, req, client, addr)
"/home/ajung/src/app.backend/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 181, in handle_request
for item in respiter:
TypeError: 'coroutine' object is not iterable
| Traceback (most recent call last):
"/home/hyeuk/Projects/pgmpy/pgmpy/tests/test_models/test_SEM.py", line 1240, in test_to_from_lisrel
demo_graph = demo_lisrel.to_SEMGraph()
"/home/hyeuk/Projects/pgmpy/pgmpy/models/SEM.py", line 925, in to_SEMGraph
nx.from_numpy_matrix(self.B.T, create_using=nx.DiGraph),
"/home/hyeuk/miniconda3/envs/pgmpy/lib/python3.6/site-packages/networkx/convert_matrix.py", line 549, in from_numpy_matrix
G = _prep_create_using(create_using)
"/home/hyeuk/miniconda3/envs/pgmpy/lib/python3.6/site-packages/networkx/convert.py", line 48, in _prep_create_using
raise TypeError("Input graph is not a networkx graph type")
TypeError: Input graph is not a networkx graph type
| 0.504405 |
Traceback (most recent call last):
"/home/----/Documents/code_projects/hfss-misc/icc_profiles/insert_icc_profile_into_image.py", line 17, in <module>
img.save(OUT_IMG_PATH, icc_profile=srgb_profile)
"/home/----/.virtualenvs/color-correction/lib/python3.6/site-packages/PIL/Image.py", line 2102, in save
save_handler(self, fp, filename)
"/home/----/.virtualenvs/color-correction/lib/python3.6/site-packages/PIL/JpegImagePlugin.py", line 706, in _save
markers.append(icc_profile[:MAX_DATA_BYTES_IN_MARKER])
TypeError: 'PIL._imagingcms.CmsProfile' object is not subscriptable
| Traceback (most recent call last):
"<ipython-input-91-7086dc4312d0>", line 1, in <module>
ax = sns.scatterplot(x='x', y=1, data=df)
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\_decorators.py", line 46, in inner_f
return f(**kwargs)
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\relational.py", line 794, in scatterplot
p = _ScatterPlotter(
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\relational.py", line 580, in __init__
super().__init__(data=data, variables=variables)
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\_core.py", line 604, in __init__
self.assign_variables(data, variables)
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\_core.py", line 667, in assign_variables
plot_data, variables = self._assign_variables_longform(
"C:\Users\nigo0024\Anaconda3\envs\sip_run_2\lib\site-packages\seaborn\_core.py", line 895, in _assign_variables_longform
if val is not None and len(data) != len(val):
TypeError: object of type 'int' has no len()
| 0.525639 |
Traceback (most recent call last):
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/elyra/pipeline/processor_kfp.py", line 118, in export
kfp.compiler.Compiler().compile(pipeline_function, absolute_pipeline_export_path)
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/kfp/compiler/compiler.py", line 926, in compile
allow_telemetry=allow_telemetry)
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/kfp/compiler/compiler.py", line 983, in _create_and_write_workflow
allow_telemetry)
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/kfp/compiler/compiler.py", line 806, in _create_workflow
pipeline_func(*args_list)
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/elyra/pipeline/processor_kfp.py", line 116, in <lambda>
pipeline_function = lambda: self._cc_pipeline(pipeline, pipeline_name)
# nopep8
"/opt/anaconda3/envs/elyra-dev/lib/python3.7/site-packages/elyra/pipeline/processor_kfp.py", line 238, in _cc_pipeline
format(operation.name, ex))
NotFoundError: Node 'demographics_us_data' referenced dependencies that were not found: [Errno 2] No such file or directory: '/Users/kbates/notebooks/notebooks'
| Traceback (most recent call last):
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/cmdline.py", line 304, in main
app.build(args.force_all, filenames)
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/application.py", line 331, in build
self.builder.build_update()
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/builders/__init__.py", line 337, in build_update
self.build(['__all__'], to_build)
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/builders/__init__.py", line 403, in build
self.write(docnames, list(updated_docnames), method)
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/builders/manpage.py", line 87, in write
tree = self.env.get_doctree(docname)
"/Users/pradyunsg/Projects/pip/.tox/docs/lib/python3.6/site-packages/sphinx/environment/__init__.py", line 786, in get_doctree
with open(doctree_filename, 'rb') as f:
NotFoundError: [Errno 2] No such file or directory: '/Users/pradyunsg/Projects/pip/.tox/docs/tmp/doctrees/man/man/index.doctree'
| 0.653981 |
Traceback (most recent call last):
"/home/ubuntu/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/ray/actor.py", line 613, in __del__
AttributeError: 'NoneType' object has no attribute 'get_global_worker'
| Traceback (most recent call last):
"<blender_console>", line 1, in <module>
"D:\Серегй\ЯндексДиск\3.Свои_проекты\Blender_code\addons\sverchok\data_structure.py", line 775, in node_id
return node.node_id
"D:\Серегй\ЯндексДиск\3.Свои_проекты\Blender_code\addons\sverchok\node_tree.py", line 615, in node_id
if not self.n_id:
AttributeError: 'SvLineNodeMK3' object has no attribute 'n_id'
| 0.566213 |
Traceback (most recent call last):
"model_builder_test.py", line 121, in test_create_ssd_inception_v2_model_from_config
model = self.create_model(model_proto)
"model_builder_test.py", line 53, in create_model
return model_builder.build(model_config, is_training=True)
"/usr/local/lib/python3.5/dist-packages/tensorflow/models/object_detection/builders/model_builder.py", line 74, in build
return _build_ssd_model(model_config.ssd, is_training)
"/usr/local/lib/python3.5/dist-packages/tensorflow/models/object_detection/builders/model_builder.py", line 129, in _build_ssd_model
box_coder = box_coder_builder.build(ssd_config.box_coder)
"/usr/local/lib/python3.5/dist-packages/tensorflow/models/object_detection/builders/box_coder_builder.py", line 37, in build
raise ValueError('box_coder_config not of type box_coder_pb2.BoxCoder.')
ValueError: box_coder_config not of type box_coder_pb2.BoxCoder.
| Traceback (most recent call last):
"/Users/nnelluri/python3-proj/lib/python3.8/site-packages/tenacity/__init__.py", line 433, in __call__
result = fn(*args, **kwargs)
"/Users/nnelluri/python3-proj/lib/python3.8/site-packages/netmiko/base_connection.py", line 1160, in set_base_prompt
raise ValueError(f"Router prompt not found: {repr(prompt)}")
ValueError: Router prompt not found: '-bash-4.2$'
| 0.509899 |
Traceback (most recent call last):
"/usr/lib64/az/lib/python2.7/site-packages/knack/cli.py", line 193, in invoke
cmd_result = self.invocation.execute(args)
"/usr/lib64/az/lib/python2.7/site-packages/azure/cli/core/commands/__init__.py", line 319, inexecute
six.reraise(*sys.exc_info())
"/usr/lib64/az/lib/python2.7/site-packages/azure/cli/core/commands/__init__.py", line 292, inexecute
result = cmd(params)
"/usr/lib64/az/lib/python2.7/site-packages/azure/cli/core/commands/__init__.py", line 169, in__call__
return super(AzCliCommand, self).__call__(*args, **kwargs)
"/usr/lib64/az/lib/python2.7/site-packages/knack/commands.py", line 109, in __call__
return self.handler(*args, **kwargs)
"/usr/lib64/az/lib/python2.7/site-packages/azure/cli/core/__init__.py", line 328, in default_command_handler
result = op(**command_args)
"/usr/lib64/az/lib/python2.7/site-packages/azure/cli/command_modules/interactive/__init__.py", line 13, in start_shell
AzInteractiveShell(cmd.cli_ctx, style)()
"/usr/lib64/az/lib/python2.7/site-packages/azclishell/app.py", line 149, in __call__
self.config.firsttime()
"/usr/lib64/az/lib/python2.7/site-packages/azclishell/configuration.py", line 104, in firsttime
if self.config.getboolean('core', 'collect_telemetry', fallback=False):
TypeError: getboolean() got an unexpected keyword argument 'fallback'
| Traceback (most recent call last):
"train.py", line 122, in <module>
train_abs(args, device_id)
"/home/user1/PreSumm/src/train_abstractive.py", line 273, in train_abs
train_abs_single(args, device_id)
"/home/user1/PreSumm/src/train_abstractive.py", line 334, in train_abs_single
trainer.train(train_iter_fct, args.train_steps)
"/home/user1/PreSumm/src/models/trainer.py", line 158, in train
report_stats)
"/home/user1/PreSumm/src/models/trainer.py", line 223, in _gradient_accumulation
outputs, scores = self.model(src, tgt,segs, clss, mask_src, mask_tgt, mask_cls)
"/home/user1/anaconda3/envs/user1conda/lib/python3.7/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/user1/PreSumm/src/models/model_builder.py", line 241, in forward
top_vec = self.bert(src, segs, mask_src)
"/home/user1/anaconda3/envs/user1conda/lib/python3.7/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/user1/PreSumm/src/models/model_builder.py", line 127, in forward
top_vec, _ = self.model(x, segs, attention_mask=mask)
"/home/user1/anaconda3/envs/user1conda/lib/python3.7/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
TypeError: forward() got multiple values for argument 'attention_mask'
| 0.611265 |
Traceback (most recent call last):
"paragraph_extraction.py", line 197, in <module>
paragraph_selection(sample, mode)
"paragraph_extraction.py", line 111, in paragraph_selection
status = dup_remove(doc)
"paragraph_extraction.py", line 66, in dup_remove
if p_idx < para_id:
TypeError: '<' not supported between instances of 'int' and 'NoneType'
| Traceback (most recent call last):
"/net/people/plgapohl/python-albert-pytorch/bin/allentune", line 11, in <module>
load_entry_point('allentune', 'console_scripts', 'allentune')()
"/net/people/plgapohl/allentune/allentune/commands/__init__.py", line 67, in main
args.func(args)
"/net/people/plgapohl/allentune/allentune/commands/search.py", line 126, in search_from_args
executor.run(args)
"/net/people/plgapohl/allentune/allentune/modules/ray_executor.py", line 94, in run
self.run_distributed(run_func, args)
"/net/people/plgapohl/allentune/allentune/modules/ray_executor.py", line 58, in run_distributed
register_trainable("run", run_func)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/tune/registry.py", line 49, in register_trainable
_global_registry.register(TRAINABLE_CLASS, name, trainable)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/tune/registry.py", line 88, in register
self._to_flush[(category, key)] = pickle.dumps(value)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 881, in dumps
cp.dump(obj)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 268, in dump
return Pickler.dump(self, obj)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 409, in dump
self.save(obj)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 648, in save_global
return self.save_dynamic_class(obj)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 495, in save_dynamic_class
save(clsdict)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
[26/1833]
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 410, in save_function
self.save_function_tuple(obj)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 553, in save_function_tuple
save(state)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 781, in save_list
self._batch_appends(obj)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 808, in _batch_appends
save(tmp[0])
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 410, in save_function
self.save_function_tuple(obj)
"/net/people/plgapohl/python-albert-pytorch/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 553, in save_function_tuple
save(state)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 521, in save
self.save_reduce(obj=obj, *rv)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 634, in save_reduce
save(state)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 521, in save
self.save_reduce(obj=obj, *rv)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 634, in save_reduce
save(state)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 781, in save_list
self._batch_appends(obj)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 808, in _batch_appends
save(tmp[0])
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 521, in save
self.save_reduce(obj=obj, *rv)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 634, in save_reduce
save(state)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/net/software/local/python/3.6.5/lib/python3.6/pickle.py", line 496, in save
rv = reduce(self.proto)
TypeError: can't pickle _thread.RLock objects
| 0.563042 |
Traceback (most recent call last):
"/data1/home/tracytian/bin/anaconda2/bin/t2t-trainer", line 33, in <module>
tf.app.run()
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 126, in run
_sys.exit(main(argv))
"/data1/home/tracytian/bin/anaconda2/bin/t2t-trainer", line 28, in main
t2t_trainer.main(argv)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/bin/t2t_trainer.py", line 352, in main
exp = exp_fn(create_run_config(hparams), hparams)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/utils/trainer_lib.py", line 583, in experiment_fn
return create_experiment(run_config, hparams, *args, **kwargs)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/utils/trainer_lib.py", line 469, in create_experiment
add_problem_hparams(hparams, problem_name)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/utils/trainer_lib.py", line 590, in add_problem_hparams
problem = registry.problem(problem_name)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/utils/registry.py", line 273, in problem
base_name, was_reversed, was_copy = parse_problem_name(name)
"/data1/home/tracytian/bin/anaconda2/lib/python2.7/site-packages/tensor2tensor/utils/registry.py", line 264, in parse_problem_name
if problem_name.endswith("_rev"):
AttributeError: 'NoneType' object has no attribute 'endswith'
| Traceback (most recent call last):
"/Users/johna/tmp/kitty/kitty/boss.py", line 429, in dispatch_special_key
return self.dispatch_action(key_action)
"/Users/johna/tmp/kitty/kitty/boss.py", line 485, in dispatch_action
passthrough = f(*key_action.args)
"/Users/johna/tmp/kitty/kitty/boss.py", line 320, in decrease_font_size
self.set_font_size(self.current_font_size - self.opts.font_size_delta)
AttributeError: 'Boss' object has no attribute 'current_font_size'
| 0.600787 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/dask/dataframe/utils.py", line 170, in raise_on_meta_error
yield
"/usr/local/lib/python3.6/dist-packages/dask/dataframe/core.py", line 4543, in elemwise
meta = partial_by_order(*parts, function=op, other=other)
"/usr/local/lib/python3.6/dist-packages/dask/utils.py", line 1076, in partial_by_order
return function(*args2, **kwargs)
"/usr/local/lib/python3.6/dist-packages/pandas/core/ops/__init__.py", line 1229, in wrapper
res = na_op(values, other)
"/usr/local/lib/python3.6/dist-packages/pandas/core/ops/__init__.py", line 1091, in na_op
result = _comp_method_OBJECT_ARRAY(op, x, y)
"/usr/local/lib/python3.6/dist-packages/pandas/core/ops/__init__.py", line 1069, in _comp_method_OBJECT_ARRAY
result = libops.scalar_compare(x, y, op)
"pandas/_libs/ops.pyx", line 96, in pandas._libs.ops.scalar_compare
TypeError: '>' not supported between instances of 'str' and 'datetime.date'
| Traceback (most recent call last):
"/usr/local/bin/jwt_tool", line 1403, in <module>
tamperToken(paylDict, headDict, sig)
"/usr/local/bin/jwt_tool", line 795, in tamperToken
newVal[subclaim] = paylDict[pair][subclaim]
TypeError: 'int' object is not subscriptable
| 0.534312 |
`Traceback (most recent call last):
"C:\Users\jaust\PycharmProjects\Giggly's Bot\lib\site-packages\discord\ext\commands\core.py", line 50, in wrapped
ret = yield from coro(*args, **kwargs)
"C:/Users/jaust/.PyCharmCE2018.2/config/scratches/scratch_5.py", line 33, in d6
await client.say("You rolled a:", dice)
"C:\Users\jaust\PycharmProjects\Giggly's Bot\lib\site-packages\discord\ext\commands\bot.py", line 350, in say
coro = self.send_message(destination, *args, **kwargs)
TypeError: send_message() takes from 2 to 3 positional arguments but 4 were given
| Traceback (most recent call last):
"reconspider.py", line 39, in <module>
from core import repl_prompt
"/home/osint/reconspider/core/__init__.py", line 1, in <module>
from .repl_prompt import *
"/home/osint/reconspider/core/repl_prompt.py", line 153, in <module>
repl()
"/home/osint/reconspider/core/repl_prompt.py", line 121, in repl
user(choice,username)
"/home/osint/reconspider/plugins/Username.py", line 10, in user
ScrapTweets(username)
"/home/osint/reconspider/plugins/Username.py", line 197, in ScrapTweets
print("No. of parties he is Subscribed to --> Zero" + + str(e))
TypeError: bad operand type for unary +: 'str'
| 0.538578 |
Traceback (most recent call last):
"/usr/lib64/python3.7/weakref.py", line 648, in _exitfunc
f()
"/usr/lib64/python3.7/weakref.py", line 572, in __call__
return info.func(*info.args, **(info.kwargs or {}))
"/usr/lib64/python3.7/tempfile.py", line 795, in _cleanup
_shutil.rmtree(name)
"/usr/lib64/python3.7/shutil.py", line 494, in rmtree
_rmtree_safe_fd(fd, path, onerror)
"/usr/lib64/python3.7/shutil.py", line 436, in _rmtree_safe_fd
onerror(os.rmdir, fullname, sys.exc_info())
"/usr/lib64/python3.7/shutil.py", line 434, in _rmtree_safe_fd
os.rmdir(entry.name, dir_fd=topfd)
OSError: [Errno 16] Device or resource busy: 'root'
| Traceback (most recent call last):
"/home/will/mycroft-core/mycroft/tts/__init__.py", line 79, in run
self.p = play_wav(data)
"/home/will/mycroft-core/mycroft/util/__init__.py", line 91, in play_wav
return subprocess.Popen(play_wav_cmd)
"/usr/lib64/python2.7/subprocess.py", line 390, in __init__
errread, errwrite)
"/usr/lib64/python2.7/subprocess.py", line 1024, in _execute_child
raise child_exception
OSError: [Errno 2] No such file or directory`
| 0.636941 |
An exception occurred in this state: Traceback (most recent call last):
"/root/salt/salt/state.py", line 1878, in call
**cdata['kwargs'])
"/root/salt/salt/loader.py", line 1823, in wrapper
return f(*args, **kwargs)
"/root/salt/salt/states/x509.py", line 311, in private_key_managed
ret = __states__['file.managed'](**file_args)
"/root/salt/salt/loader.py", line 1823, in wrapper
return f(*args, **kwargs)
"/root/salt/salt/states/file.py", line 2267, in managed
isinstance(use_contents, six.string_types) and '\0' in use_contents
TypeError: 'str' does not support the buffer interface
| Traceback (most recent call last):
"/Users/dino/Library/Caches/pypoetry/virtualenvs/deployment-operator-46HapXxc-py3.9/lib/python3.9/site-packages/kopf/utilities/aiotasks.py", line 69, in guard
await coro
"/Users/dino/Library/Caches/pypoetry/virtualenvs/deployment-operator-46HapXxc-py3.9/lib/python3.9/site-packages/kopf/reactor/observation.py", line 104, in resource_observer
resources = await scanning.scan_resources(groups=group_filter)
"/Users/dino/Library/Caches/pypoetry/virtualenvs/deployment-operator-46HapXxc-py3.9/lib/python3.9/site-packages/kopf/clients/auth.py", line 42, in wrapper
async for key, info, context in vault.extended(APIContext, 'contexts'):
"/Users/dino/Library/Caches/pypoetry/virtualenvs/deployment-operator-46HapXxc-py3.9/lib/python3.9/site-packages/kopf/structs/credentials.py", line 164, in extended
item.caches[purpose] = factory(item.info)
"/Users/dino/Library/Caches/pypoetry/virtualenvs/deployment-operator-46HapXxc-py3.9/lib/python3.9/site-packages/kopf/clients/auth.py", line 183, in __init__
connector=aiohttp.TCPConnector(
TypeError: __init__() got an unexpected keyword argument 'ssl'
| 0.568018 |
Traceback (most recent call last):
"bottle.py", line 868, in _handle
"bottle.py", line 1748, in wrapper
"hindsight_gui.py", line 187, in display_results
"bottle.py", line 3630, in template
"bottle.py", line 3419, in render
"bottle.py", line 3406, in execute
"C:\Users\LMARTI~1\AppData\Local\Temp\_MEI287322\templates\results.tpl", line 30, in <module>
% include('templates/parsed_artifacts.tpl')
"bottle.py", line 3396, in _include
"bottle.py", line 3406, in execute
"C:\Users\LMARTI~1\AppData\Local\Temp\_MEI287322\templates\parsed_artifacts.tpl", line 29, in <module>
<td align="right">{{artifacts_counts[artifact]}}</td>
KeyError: 'Media History'
| Traceback (most recent call last):
"./youtube-dl/youtube_dl/extractor/common.py", line 532, in extract
ie_result = self._real_extract(url)
"./youtube-dl/youtube_dl/extractor/slideslive.py", line 41, in _real_extract
service_name = video_data['video_service_name'].lower()
KeyError: u'video_service_name'
| 0.57438 |
Traceback (most recent call last):
"C:\Users\F**********\Downloads\btcrecover-master\btcrecover.py", line 35, in <module>
print("Starting", btcrpass.full_version(),
"C:\Users\F**********\Downloads\btcrecover-master\btcrecover\btcrpass.py", line 52, in full_version
calcsize("P") * 8,
TypeError: Struct() argument 1 must be string, not unicode
| Traceback (most recent call last):
"/home/user/.local/bin/pytest", line 11, in <module>
sys.exit(main())
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 63, in main
config = _prepareconfig(args, plugins)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 207, in _prepareconfig
pluginmanager=pluginmanager, args=args
"/home/user/.local/lib/python3.6/site-packages/pluggy/hooks.py", line 289, in __call__
return self._hookexec(self, self.get_hookimpls(), kwargs)
"/home/user/.local/lib/python3.6/site-packages/pluggy/manager.py", line 87, in _hookexec
return self._inner_hookexec(hook, methods, kwargs)
"/home/user/.local/lib/python3.6/site-packages/pluggy/manager.py", line 81, in <lambda>
firstresult=hook.spec.opts.get("firstresult") if hook.spec else False,
"/home/user/.local/lib/python3.6/site-packages/pluggy/callers.py", line 203, in _multicall
gen.send(outcome)
"/home/user/.local/lib/python3.6/site-packages/_pytest/helpconfig.py", line 94, in pytest_cmdline_parse
config = outcome.get_result()
"/home/user/.local/lib/python3.6/site-packages/pluggy/callers.py", line 80, in get_result
raise ex[1].with_traceback(ex[2])
"/home/user/.local/lib/python3.6/site-packages/pluggy/callers.py", line 187, in _multicall
res = hook_impl.function(*args)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 687, in pytest_cmdline_parse
self.parse(args)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 895, in parse
self._preparse(args, addopts=addopts)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 836, in _preparse
self._consider_importhook(args)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 784, in _consider_importhook
self._mark_plugins_for_rewrite(hook)
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 806, in _mark_plugins_for_rewrite
for name in _iter_rewritable_modules(package_files):
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 625, in _iter_rewritable_modules
for fn in package_files:
"/home/user/.local/lib/python3.6/site-packages/_pytest/config/__init__.py", line 803, in <genexpr>
for file in dist.files
TypeError: 'NoneType' object is not iterable
| 0.620245 |
Traceback (most recent call last):
"D:/python36/new/speech_recongition_.py", line 12, in <module>
with speech_recognition.Audio
(mfile) as source:
"D:\python36\lib\site-packages\speech_recognition\__init__.py", line 236, in __enter__
raise ValueError("Audio file could not be read as PCM WAV, AIFF/AIFF-C, or Native FLAC; check if file is corrupted or in another format")
ValueError: Audio file could not be read as PCM WAV, AIFF/AIFF-C, or Native FLAC; check if file is corrupted or in another format
| Traceback (most recent call last):
"/home/smr/tf/lib/python3.5/site-packages/tensorflow/python/framework/op_def_library.py", line 524, in _apply_op_helper
values, as_ref=input_arg.is_ref).dtype.name
"/home/smr/tf/lib/python3.5/site-packages/tensorflow/python/framework/ops.py", line 1104, in internal_convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/home/smr/tf/lib/python3.5/site-packages/tensorflow/python/framework/constant_op.py", line 235, in _constant_tensor_conversion_function
return constant(v, dtype=dtype, name=name)
"/home/smr/tf/lib/python3.5/site-packages/tensorflow/python/framework/constant_op.py", line 214, in constant
value, dtype=dtype, shape=shape, verify_shape=verify_shape))
"/home/smr/tf/lib/python3.5/site-packages/tensorflow/python/framework/tensor_util.py", line 441, in make_tensor_proto
_GetDenseDimensions(values)))
ValueError: Argument must be a dense tensor: range(0, 3) - got shape [3], but wanted [].
| 0.521836 |
Traceback (most recent call last):
"<ipython-input-217-a1e5d119cf6e>", line 1, in <module>
qs.reports.basic(stock, "LTC-USD")
"/home/andreas/anaconda3/lib/python3.7/site-packages/quantstats/reports.py", line 259, in basic
compounded=compounded)
"/home/andreas/anaconda3/lib/python3.7/site-packages/quantstats/reports.py", line 299, in metrics
dd = _calc_dd(df, display=(display or "internal" in kwargs))
"/home/andreas/anaconda3/lib/python3.7/site-packages/quantstats/reports.py", line 588, in _calc_dd
by='days', ascending=False)['days'].values[0])),
ValueError: cannot convert float NaN to integer
| Traceback (most recent call last):
"/srv/www/pmas/lib/python3.6/site-packages/django/core/handlers/exception.py", line 34, in inner
response = get_response(request)
"/srv/www/pmas/lib/python3.6/site-packages/django/core/handlers/base.py", line 115, in _get_response
response = self.process_exception_by_middleware(e, request)
"/srv/www/pmas/lib/python3.6/site-packages/django/core/handlers/base.py", line 113, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/contrib/admin/options.py", line 606, in wrapper
return self.admin_site.admin_view(view)(*args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/utils/decorators.py", line 142, in _wrapped_view
response = view_func(request, *args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/views/decorators/cache.py", line 44, in _wrapped_view_func
response = view_func(request, *args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/contrib/admin/sites.py", line 223, in inner
return view(request, *args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/contrib/admin/options.py", line 1637, in change_view
return self.changeform_view(request, object_id, form_url, extra_context)
"/srv/www/pmas/lib/python3.6/site-packages/django/utils/decorators.py", line 45, in _wrapper
return bound_method(*args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/utils/decorators.py", line 142, in _wrapped_view
response = view_func(request, *args, **kwargs)
"/srv/www/pmas/lib/python3.6/site-packages/django/contrib/admin/options.py", line 1522, in changeform_view
return self._changeform_view(request, object_id, form_url, extra_context)
"/srv/www/pmas/lib/python3.6/site-packages/django/contrib/admin/options.py", line 1554, in _changeform_view
form_validated = form.is_valid()
"/srv/www/pmas/lib/python3.6/site-packages/django/forms/forms.py", line 185, in is_valid
return self.is_bound and not self.errors
"/srv/www/pmas/lib/python3.6/site-packages/django/forms/forms.py", line 180, in errors
self.full_clean()
"/srv/www/pmas/lib/python3.6/site-packages/django/forms/forms.py", line 383, in full_clean
self._post_clean()
"/srv/www/pmas/lib/python3.6/site-packages/django/forms/models.py", line 398, in _post_clean
self.instance = construct_instance(self, self.instance, opts.fields, opts.exclude)
"/srv/www/pmas/lib/python3.6/site-packages/django/forms/models.py", line 60, in construct_instance
f.save_form_data(instance, cleaned_data[f.name])
"/srv/www/pmas/lib/python3.6/site-packages/django/db/models/fields/__init__.py", line 859, in save_form_data
setattr(instance, self.name, data)
"/srv/www/pmas/lib/python3.6/site-packages/viewflow/fields.py", line 79, in __set__
obj.__dict__[self.field.name] = self.field.to_python(value)
"/srv/www/pmas/lib/python3.6/site-packages/viewflow/fields.py", line 104, in to_python
return import_flow_by_ref(value)
"/srv/www/pmas/lib/python3.6/site-packages/viewflow/fields.py", line 14, in import_flow_by_ref
app_label, flow_path = flow_strref.split('/')
ValueError: not enough values to unpack (expected 2, got 1)
| 0.575102 |
Traceback (most recent call last):
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/uvicorn/protocols/http/httptools_impl.py", line 398, in run_asgi
result = await app(self.scope, self.receive, self.send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/uvicorn/middleware/proxy_headers.py", line 45, in __call__
return await self.app(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/fastapi/applications.py", line 199, in __call__
await super().__call__(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/applications.py", line 111, in __call__
await self.middleware_stack(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/middleware/errors.py", line 181, in __call__
raise exc from None
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/middleware/errors.py", line 159, in __call__
await self.app(scope, receive, _send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/middleware/cors.py", line 78, in __call__
await self.app(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/middleware/sessions.py", line 75, in __call__
await self.app(scope, receive, send_wrapper)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/exceptions.py", line 82, in __call__
raise exc from None
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/exceptions.py", line 71, in __call__
await self.app(scope, receive, sender)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/routing.py", line 566, in __call__
await route.handle(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/routing.py", line 227, in handle
await self.app(scope, receive, send)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/starlette/routing.py", line 41, in app
response = await func(request)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/fastapi/routing.py", line 201, in app
raw_response = await run_endpoint_function(
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/fastapi/routing.py", line 148, in run_endpoint_function
return await dependant.call(**values)
"/root/.local/share/virtualenvs/bot-Z2emI11w/lib/python3.9/site-packages/dependency_injector/wiring.py", line 624, in _patched
result = await fn(*args, **to_inject)
"/app/bot/endpoints/bot_endpoints.py", line 37, in bot_index
bot_service.updater.dispatcher.process_update(
AttributeError: 'dependency_injector.providers.ThreadSafeSingleton' object has no attribute 'updater'
| Traceback (most recent call last):
"gui\builtinShipBrowser\sfBrowserItem.py", line 363, in OnEnterWindow
"gui\builtinShipBrowser\fitItem.py", line 559, in Refresh
"service\fit.py", line 348, in getFit
"service\fit.py", line 529, in recalc
"eos\saveddata\fit.py", line 522, in clear
"eos\saveddata\module.py", line 891, in clear
"eos\saveddata\module.py", line 400, in itemModifiedAttributes
AttributeError: 'Module' object has no attribute '_Module__itemModifiedAttributes'
| 0.653455 |
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 42, in main
set_kube_command(runner, args)
"/usr/local/bin/telepresence/telepresence/startup.py", line 159, in set_kube_command
for cluster_setting in kubectl_config["clusters"]:
TypeError: 'NoneType' object is not iterable
| > Traceback (most recent call last):
"/opt/bazarr/bazarr/../libs/flask/app.py", line 1949, in full_dispatch_request
rv = self.dispatch_request()
"/opt/bazarr/bazarr/../libs/flask/app.py", line 1935, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/opt/bazarr/bazarr/../libs/flask_restful/__init__.py", line 458, in wrapper
resp = resource(*args, **kwargs)
"/opt/bazarr/bazarr/../libs/flask/views.py", line 89, in view
return self.dispatch_request(*args, **kwargs)
"/opt/bazarr/bazarr/../libs/flask_restful/__init__.py", line 573, in dispatch_request
resp = meth(*args, **kwargs)
"/opt/bazarr/bazarr/api.py", line 62, in wrapper
return actual_method(*args, **kwargs)
"/opt/bazarr/bazarr/api.py", line 1661, in get
data = database.execute("SELECT table_shows.title as seriesTitle, table_episodes.monitored, "
TypeError: can only concatenate str (not "int") to str | 0.55129 |
Traceback (most recent call last):
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 3523, in table_part
values[name] = df.evaluate(name)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 5120, in evaluate
return self._evaluate_implementation(expression, i1=i1, i2=i2, out=out, selection=selection, filtered=filtered, internal=internal, parallel=parallel, chunk_size=chunk_size)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 5237, in _evaluate_implementation
df.map_reduce(assign, lambda *_: None, expressions, ignore_filter=False, selection=selection, pre_filter=use_filter, info=True, to_numpy=False)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 306, in map_reduce
return self._delay(delay, task)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 1428, in _delay
self.execute()
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 293, in execute
self.executor.execute()
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\execution.py", line 127, in execute
raise RuntimeError("nested execute call")
RuntimeError: nested execute call
| Traceback (most recent call last):
"/usr/local/lib/python2.7/site-packages/sentry_sdk/utils.py", line 50, in capture_internal_exceptions
yield
"/usr/local/lib/python2.7/site-packages/sentry_sdk/serializer.py", line 208, in _serialize_node
obj, max_depth=max_depth, max_breadth=max_breadth
"/usr/local/lib/python2.7/site-packages/sentry_sdk/serializer.py", line 268, in _serialize_node_impl
for i, v in enumerate(obj):
RuntimeError: deque mutated during iteration
| 0.541056 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/Users/andreas/.virtualenvs/tempenv-397a3176205ee/lib/python2.7/site-packages/celery/app/task.py", line 412, in delay
return self.apply_async(args, kwargs)
"/Users/andreas/.virtualenvs/tempenv-397a3176205ee/lib/python2.7/site-packages/celery/app/task.py", line 535, in apply_async
**options
"/Users/andreas/.virtualenvs/tempenv-397a3176205ee/lib/python2.7/site-packages/celery/app/base.py", line 737, in send_task
amqp.send_task_message(P, name, message, **options)
"/Users/andreas/.virtualenvs/tempenv-397a3176205ee/lib/python2.7/site-packages/celery/app/amqp.py", line 562, in send_task_message
exchange=exchange, routing_key=routing_key)
"/Users/andreas/.virtualenvs/tempenv-397a3176205ee/lib/python2.7/site-packages/celery/utils/dispatch/signal.py", line 222, in send
self.sender_receivers_cache.get(sender) is NO_RECEIVERS:
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/weakref.py", line 343, in get
return self.data.get(ref(key),default)
TypeError: cannot create weak reference to 'unicode' object
| Traceback (most recent call last):
"infer.py", line 117, in <module>
infer_from_dataset(model_path=epoch_path)
"infer.py", line 74, in infer_from_dataset
debug=False)
TypeError: infer_from_dataset() got an unexpected keyword argument 'fetch_info'
| 0.551247 |
Traceback (most recent call last):
"/var/mycodo-root/mycodo/mycodo_daemon.py", line 962, in output_state
return self.controller['Output'].output_state(output_id)
AttributeError: 'NoneType' object has no attribute 'output_state'
|
Traceback (most recent call last):
"test.py", line 3, in ?
database = sqlalchemy.create_engine('sqlite://publish.db')
"/usr/lib/python2.4/site-packages/sqlalchemy/engine/__init__.py", line 91, in create_engine
return strategy.create(*args, **kwargs)
"/usr/lib/python2.4/site-packages/sqlalchemy/engine/strategies.py", line 41, in create
dialect = module.dialect(**dialect_args)
"/usr/lib/python2.4/site-packages/sqlalchemy/databases/sqlite.py", line 148, in __init__
self.supports_cast = (sqlite is not None and vers(sqlite.sqlite_version) >= vers("3.2.3"))
AttributeError: 'module' object has no attribute 'sqlite_version' | 0.61818 |
Traceback (most recent call last):
"/usr/lib/python2.7/logging/__init__.py", line 861, in emit
msg = self.format(record)
"/usr/lib/python2.7/logging/__init__.py", line 734, in format
return fmt.format(record)
"/usr/lib/python2.7/logging/__init__.py", line 469, in format
s = self._fmt % record.__dict__
KeyError: 'username'
| Traceback (most recent call last):
"/usr/lib/python3.5/site-packages/tensorflow/python/ops/script_ops.py", line 83, in __call__
ret = func(*args)
"./faster_rcnn/../lib/rpn_msr/proposal_layer_tf.py", line 73, in proposal_layer
pre_nms_topN
= cfg[cfg_key].RPN_PRE_NMS_TOP_N
KeyError: b'TEST'
| 0.501348 |
Traceback (most recent call last):
"/home/ubuntu/miniconda3/lib/python3.6/site-packages/urllib3/connectionpool.py", line 380, in _make_request
httplib_response = conn.getresponse(buffering=True)
TypeError: getresponse() got an unexpected keyword argument 'buffering'
| Traceback (most recent call last):
"/home/raphael/git_core/likeabot/test_db.py", line 47, in <module>
print(messages)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 2690, in __repr__
sql, params = self.sql()
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 3117, in sql
return self.compiler().generate_select(self)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1951, in generate_select
return self.build_query(clauses, alias_map)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1835, in build_query
return self.parse_node(Clause(*clauses), alias_map)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1788, in parse_node
sql, params, unknown = self._parse(node, alias_map, conv)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1754, in _parse
sql, params = self._parse_map[node_type](node, alias_map, conv)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1682, in _parse_clause
node.nodes, alias_map, conv, node.glue)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1813, in parse_node_list
node_sql, node_params = self.parse_node(node, alias_map, conv)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1788, in parse_node
sql, params, unknown = self._parse(node, alias_map, conv)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1754, in _parse
sql, params = self._parse_map[node_type](node, alias_map, conv)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1682, in _parse_clause
node.nodes, alias_map, conv, node.glue)
"/home/raphael/.virtualenvs/likeabot/lib/python3.5/site-packages/peewee.py", line 1816, in parse_node_list
return glue.join(sql), params
TypeError: sequence item 0: expected str instance, BaseModel found
| 0.582764 |
Traceback (most recent call last):
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/server/procpool/worker.py", line 75, in worker
res = await meth(*args)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/server/compiler/compiler.py", line 1795, in compile_eql_tokens
return self._compile(ctx=ctx, tokens=eql_tokens)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/server/compiler/compiler.py", line 1429, in _compile
comp: dbstate.BaseQuery = self._compile_dispatch_ql(ctx, stmt)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/server/compiler/compiler.py", line 1364, in _compile_dispatch_ql
return self._compile_and_apply_ddl_stmt(ctx, ql)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/server/compiler/compiler.py", line 714, in _compile_and_apply_ddl_stmt
delta = s_ddl.delta_from_ddl(
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/ddl.py", line 443, in delta_from_ddl
_, cmd = _delta_from_ddl(
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/ddl.py", line 478, in _delta_from_ddl
cmd = cmd_from_ddl(
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/ddl.py", line 324, in cmd_from_ddl
return sd.compile_ddl(schema, ddl, context=context)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/delta.py", line 2913, in compile_ddl
cmd = cmdcls._cmd_tree_from_ast(schema, astnode, context)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/scalars.py", line 241, in _cmd_tree_from_ast
cmd = super()._cmd_tree_from_ast(schema, astnode, context)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/inheriting.py", line 649, in _cmd_tree_from_ast
bases = cls._classbases_from_ast(schema, astnode, context)
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/inheriting.py", line 448, in _classbases_from_ast
obj = utils.ast_to_object_shell(
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/utils.py", line 247, in ast_to_object_shell
return ast_to_type_shell(
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/utils.py", line 128, in ast_to_type_shell
elements=[
"/usr/lib/x86_64-linux-gnu/edgedb-server-1-alpha5/lib/python3.8/site-packages/edb/schema/utils.py", line 129, in <listcomp>
st.val.value
AttributeError: 'TypeName' object has no attribute 'val'
```
| Traceback (most recent call last):
-snip-
doc.write_pdf(output)
"C:\Python39\lib\site-packages\weasyprint\document.py", line 1028, in write_pdf
page.paint(stream, scale=scale)
"C:\Python39\lib\site-packages\weasyprint\document.py", line 713, in paint
draw_page(self._page_box, context)
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 158, in draw_page
draw_stacking_context(context, stacking_context)
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 277, in draw_stacking_context
draw_stacking_context(context, child_context)
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 272, in draw_stacking_context
draw_inline_level(
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 1023, in draw_inline_level
draw_inline_level(
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 1018, in draw_inline_level
draw_text(context, child, child_offset_x, text_overflow)
"C:\Python39\lib\site-packages\weasyprint\draw.py", line 1062, in draw_text
pango.pango_layout_get_context(textbox.layout),
AttributeError: 'TextBox' object has no attribute 'layout'
| 0.635581 |
Traceback (most recent call last):
"/████/lib/python3.5/site-packages/tornado/httpclient.py", line 99, in __del__
"/████/lib/python3.5/site-packages/tornado/httpclient.py", line 104, in close
"/████/lib/python3.5/site-packages/tornado/simple_httpclient.py", line 139, in close
"/████/lib/python3.5/site-packages/tornado/httpclient.py", line 220, in close
RuntimeError: inconsistent AsyncHTTPClient cache
| Traceback (most recent call last):
"/home/david/projects/watson/.venv/bin/mkdocs", line 10, in <module>
sys.exit(cli())
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/mkdocs/cli.py", line 133, in build_command
site_dir=site_dir
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/mkdocs/config/base.py", line 147, in load_config
errors, warnings = cfg.validate()
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/mkdocs/config/base.py", line 80, in validate
self._post_validate()
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/mkdocs/config/base.py", line 72, in _post_validate
config_option.post_validation(self, key_name=key)
"/home/david/projects/watson/.venv/lib/python3.7/site-packages/mkdocs/config/config_options.py", line 345, in post_validation
for filename in self.walk_docs_dir(config['docs_dir']):
RuntimeError: generator raised StopIteration
| 0.534326 |
Traceback (most recent call last):
"/home/moonpen/.local/bin/anime", line 11, in <module>
sys.exit(cli())
"/home/moonpen/.local/lib/python3.6/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/home/moonpen/.local/lib/python3.6/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/home/moonpen/.local/lib/python3.6/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/moonpen/.local/lib/python3.6/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/moonpen/.local/lib/python3.6/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/moonpen/.local/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/cli.py", line 117, in dl
animes = util.parse_ep_str(anime, episode_range)
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/util.py", line 117, in parse_ep_str
for episode in split_anime(anime, episode_grammar):
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/sites/anime.py", line 78, in __getitem__
ep_no=ep_id[0])
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/sites/anime.py", line 122, in __init__
self.get_data()
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/sites/anime.py", line 162, in get_data
self._sources = self._get_sources()
"/home/moonpen/.local/lib/python3.6/site-packages/anime_downloader/sites/animepahe.py", line 28, in _get_sources
sources = episode['data'][episode_id]
TypeError: list indices must be integers or slices, not str
| 2019-05-25 13:38:43 ERROR
ThreadPoolExecutor-0_3 :: [34fdd20] Failed doing webui callback: Traceback (most recent call last):
"D:\SickChill\SickChill\sickbeard\webserve.py", line 287, in async_call
result = function(**kwargs)
TypeError: saveSearch() got an unexpected keyword argument 'torrent_download_dir_deluge'
| 0.469651 |
Traceback (most recent call last):
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/handlers/exception.py", line 34, in inner
response = get_response(request)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/handlers/base.py", line 115, in _get_response
response = self.process_exception_by_middleware(e, request)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/handlers/base.py", line 113, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/views/decorators/cache.py", line 44, in _wrapped_view_func
response = view_func(request, *args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/wagtail/admin/urls/__init__.py", line 102, in wrapper
return view_func(request, *args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/wagtail/admin/decorators.py", line 34, in decorated_view
return view_func(request, *args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/wagtail/admin/utils.py", line 151, in wrapped_view_func
return view_func(request, *args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/views/decorators/vary.py", line 20, in inner_func
response = func(*args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/wagtail/images/views/multiple.py", line 74, in add
image.save()
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/base.py", line 741, in save
force_update=force_update, update_fields=update_fields)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/base.py", line 779, in save_base
force_update, using, update_fields,
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/base.py", line 870, in _save_table
result = self._do_insert(cls._base_manager, using, fields, update_pk, raw)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/base.py", line 908, in _do_insert
using=using, raw=raw)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/manager.py", line 82, in manager_method
return getattr(self.get_queryset(), name)(*args, **kwargs)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/query.py", line 1186, in _insert
return query.get_compiler(using=using).execute_sql(return_id)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/sql/compiler.py", line 1334, in execute_sql
for sql, params in self.as_sql():
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/sql/compiler.py", line 1278, in as_sql
for obj in self.query.objs
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/sql/compiler.py", line 1278, in <listcomp>
for obj in self.query.objs
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/sql/compiler.py", line 1277, in <listcomp>
[self.prepare_value(field, self.pre_save_val(field, obj)) for field in fields]
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/sql/compiler.py", line 1228, in pre_save_val
return field.pre_save(obj, add=True)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/fields/files.py", line 288, in pre_save
file.save(file.name, file.file, save=False)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/fields/files.py", line 88, in save
setattr(self.instance, self.field.name, self.name)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/fields/files.py", line 346, in __set__
self.field.update_dimension_fields(instance, force=True)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/db/models/fields/files.py", line 449, in update_dimension_fields
width = file.width
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/files/images.py", line 19, in width
return self._get_image_dimensions()[0]
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/files/images.py", line 29, in _get_image_dimensions
self._dimensions_cache = get_image_dimensions(self, close=close)
"/home/bot/code/conuruinca/venv/lib/python3.7/site-packages/django/core/files/images.py", line 47, in get_image_dimensions
file = open(file_or_path, 'rb')
TypeError: expected str, bytes or os.PathLike object, not ImageField
| Traceback (most recent call last):
"<ipython-input-7-4f7ebe991432>", line 1, in <module>
a @ a
TypeError: unsupported operand type(s) for @: 'Array' and 'Array'
| 0.512735 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/__init__.py", line 231, in dumps
return _default_encoder.encode(obj)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type bytes is not JSON serializable
| Traceback (most recent call last):
"test.py", line 22, in <module>
backtest.start(data, kernel='rbf', C=1, gamma=10)
"/home/machol/virtualenv/local/lib/python2.7/site-packages/clairvoyant/engine.py", line 197, in start
Engine.start(self, data, **kwargs)
"/home/machol/virtualenv/local/lib/python2.7/site-packages/clairvoyant/engine.py", line 60, in start
self.model.fit(X, y)
"/home/machol/virtualenv/local/lib/python2.7/site-packages/clairvoyant/engine.py", line 22, in fit
self.svc.fit(self.scaler.transform(self.XX), self.yy)
"/home/machol/virtualenv/local/lib/python2.7/site-packages/sklearn/svm/base.py", line 187, in fit
fit(X, y, sample_weight, solver_type, kernel, random_seed=seed)
"/home/machol/virtualenv/local/lib/python2.7/site-packages/sklearn/svm/base.py", line 254, in _dense_fit
max_iter=self.max_iter, random_seed=random_seed)
"sklearn/svm/libsvm.pyx", line 59, in sklearn.svm.libsvm.fit
TypeError: a float is required
| 0.517658 |
Traceback (most recent call last):
"c:\dev\code\distributed\distributed\scheduler.py", line 1002, in handle_messages
msgs = yield next_message()
"C:\Python\envs\py-dev\lib\site-packages\tornado\gen.py", line 1015, in run
value = future.result()
"C:\Python\envs\py-dev\lib\site-packages\tornado\concurrent.py", line 237, in result
raise_exc_info(self._exc_info)
"<string>", line 3, in raise_exc_info
"C:\Python\envs\py-dev\lib\site-packages\tornado\gen.py", line 1024, in run
yielded = self.gen.send(value)
"c:\dev\code\distributed\distributed\core.py", line 217, in read
msg = protocol.loads(frames, deserialize=deserialize)
"c:\dev\code\distributed\distributed\protocol\core.py", line 96, in loads
bytestrings = set(header['bytestrings'])
KeyError: 'bytestrings'
| Traceback (most recent call last):
"/home/bignose/youtube-dl/lib/python3.6/site-packages/youtube_dl/extractor/common.py", line 502, in extract
ie_result = self._real_extract(url)
"/home/bignose/youtube-dl/lib/python3.6/site-packages/youtube_dl/extractor/abc.py", line 135, in _real_extract
stream = next(s for s in video_params['playlist'] if s.get('type') in ('program', 'livestream'))
KeyError: 'playlist'
| 0.4675 |
Traceback (most recent call last):
"/builddir/build/BUILD/salt-2015.5.5/salt-2015.5.5/tests/unit/pyobjects_test.py", line 125, in test_factory_serialization
Registry.states['/usr/local/bin/pydmesg'],
KeyError: '/usr/local/bin/pydmesg' | Traceback (most recent call last):
"C:\Users\SESA151752\Documents\Anaconda3\lib\site-packages\traitlets\traitlets.py", line 528, in get
value = obj._trait_values[self.name]
KeyError: 'context'
| 0.502248 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/util/json.py", line 57, in save_json
json_data = json.dumps(data, sort_keys=True, indent=4, cls=encoder)
"/usr/local/lib/python3.7/json/__init__.py", line 238, in dumps
**kw).encode(obj)
"/usr/local/lib/python3.7/json/encoder.py", line 201, in encode
chunks = list(chunks)
"/usr/local/lib/python3.7/json/encoder.py", line 431, in _iterencode
yield from _iterencode_dict(o, _current_indent_level)
"/usr/local/lib/python3.7/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/local/lib/python3.7/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/local/lib/python3.7/json/encoder.py", line 325, in _iterencode_list
yield from chunks
"/usr/local/lib/python3.7/json/encoder.py", line 438, in _iterencode
o = _default(o)
"/usr/local/lib/python3.7/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type IPv4Network is not JSON serializable
| Traceback (most recent call last):
"<input>", line 14, in <module>
TypeError: store_many() takes 2 positional arguments but 3 were given
| 0.425284 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/pika/diagnostic_utils.py", line 53, in log_exception_func_wrap
return func(*args, **kwargs)
"/usr/lib/python2.7/site-packages/pika/adapters/utils/io_services_utils.py", line 1093, in _on_socket_writable
'but _tx_buffers is empty.', self._state)
AssertionError: ('_AsyncPlaintextTransport._on_socket_writable() called, but _tx_buffers is empty.', 1)
| Traceback (most recent call last):
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/sphinx/cmd/build.py", line 300, in build_main
app = Sphinx(args.sourcedir, args.confdir, args.outputdir,
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/sphinx/application.py", line 228, in __init__
self.setup_extension(extension)
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/sphinx/application.py", line 449, in setup_extension
self.registry.load_extension(self, extname)
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/sphinx/registry.py", line 472, in load_extension
mod = __import__(extname, None, None, ['setup'])
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbsphinx.py", line 41, in <module>
import nbconvert
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbconvert/__init__.py", line 4, in <module>
from .exporters import *
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbconvert/exporters/__init__.py", line 4, in <module>
from .slides import SlidesExporter
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbconvert/exporters/slides.py", line 12, in <module>
from ..preprocessors.base import Preprocessor
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbconvert/preprocessors/__init__.py", line 7, in <module>
from .csshtmlheader import CSSHTMLHeaderPreprocessor
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/nbconvert/preprocessors/csshtmlheader.py", line 14, in <module>
from jupyterlab_pygments import JupyterStyle
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/jupyterlab_pygments/__init__.py", line 4, in <module>
from .style import JupyterStyle
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/jupyterlab_pygments/style.py", line 10, in <module>
class JupyterStyle(Style):
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/pygments/style.py", line 101, in __new__
ndef[0] = colorformat(styledef)
"/home/docs/checkouts/readthedocs.org/user_builds/pint/envs/0.16/lib/python3.8/site-packages/pygments/style.py", line 58, in colorformat
assert False, "wrong color format %r" % text
AssertionError: wrong color format 'var(--jp-mirror-editor-variable-color)'
| 0.495657 |
Traceback (most recent call last):
"C:\Program
s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\pydevd.py", line 1585, in <module>
globals = debugger.run(setup['file'], None, None, is_module)
"C:\Program
s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\pydevd.py", line 1015, in run
pydev_imports.execfile(file, globals, locals)
# execute the script
"C:\Program
s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\_pydev_imps\_pydev_execfile.py", line 18, in execfile
exec(compile(contents+"\n", file, 'exec'), glob, loc)
"E:/cliff/Programmer-related/GPU_related/keras学习/keras2.05_examples/image_ocr.py", line 501, in <module>
train(run_name, 0, 20, 128)
"E:/cliff/Programmer-related/GPU_related/keras学习/keras2.05_examples/image_ocr.py", line 464, in train
name='dense2')(concatenate([gru_2, gru_2b]))
"C:\Anaconda3\lib\site-packages\keras\engine\topology.py", line 596, in __call__
output = self.call(inputs, **kwargs)
"C:\Anaconda3\lib\site-packages\keras\layers\core.py", line 845, in call
output = K.bias_add(output, self.bias)
"C:\Anaconda3\lib\site-packages\keras\backend\tensorflow_backend.py", line 3389, in bias_add
x += reshape(bias, (1, bias_shape[0], 1))
"C:\Anaconda3\lib\site-packages\tensorflow\python\ops\math_ops.py", line 838, in binary_op_wrapper
return func(x, y, name=name)
"C:\Anaconda3\lib\site-packages\tensorflow\python\ops\gen_math_ops.py", line 67, in add
result = _op_def_lib.apply_op("Add", x=x, y=y, name=name)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 767, in apply_op
op_def=op_def)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\ops.py", line 2508, in create_op
set_shapes_for_outputs(ret)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\ops.py", line 1873, in set_shapes_for_outputs
shapes = shape_func(op)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\ops.py", line 1823, in call_with_requiring
return call_cpp_shape_fn(op, require_shape_fn=True)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\common_shapes.py", line 610, in call_cpp_shape_fn
debug_python_shape_fn, require_shape_fn)
"C:\Anaconda3\lib\site-packages\tensorflow\python\framework\common_shapes.py", line 676, in _call_cpp_shape_fn_impl
raise ValueError(err.message)
ValueError: Dimensions must be equal, but are 32 and 28 for 'dense2/add' (op: 'Add') with input shapes: [?,32,28], [1,28,1].
| Traceback (most recent call last):
"deploy/python/infer.py", line 192, in <module>
main(args)
"deploy/python/infer.py", line 187, in main
predictor.run(get_images(args.image_path))
"deploy/python/infer.py", line 100, in run
self.predictor.run()
ValueError: In user code:
| 0.536734 |
Traceback (most recent call last):
"train_model.py", line 187, in <module>
data.populate_events()
"/Users/x/src/generator/generator/y/y/readers/reader", line 377, in populate_events
joint_dataframe2 = pd.merge(event_df,other_df, on = ["other_id","id"])
"/Users/x/miniconda3/lib/python3.6/site-packages/modin/pandas/general.py", line 77, in merge
"can not merge DataFrame with instance of type {}".format(type(right))
ValueError: can not merge DataFrame with instance of type <class 'pandas.core.frame.DataFrame'>
| Traceback (most recent call last):
"/usr/local/bin/sceptre", line 11, in <module>
sys.exit(cli())
"/usr/local/lib/python2.7/site-packages/click/core.py", line 716, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python2.7/site-packages/click/core.py", line 696, in main
rv = self.invoke(ctx)
"/usr/local/lib/python2.7/site-packages/click/core.py", line 1060, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python2.7/site-packages/click/core.py", line 889, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python2.7/site-packages/click/core.py", line 534, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python2.7/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/usr/local/lib/python2.7/site-packages/sceptre/cli/helpers.py", line 39, in decorated
return func(*args, **kwargs)
"/usr/local/lib/python2.7/site-packages/sceptre/cli/launch.py", line 23, in launch_command
stack, env = get_stack_or_env(ctx, path)
"/usr/local/lib/python2.7/site-packages/sceptre/cli/helpers.py", line 111, in get_stack_or_env
env = config_reader.construct_environment(path)
"/usr/local/lib/python2.7/site-packages/sceptre/config_reader.py", line 397, in construct_environment
rel_path, copy.deepcopy(environment_config)
"/usr/local/lib/python2.7/site-packages/sceptre/config_reader.py", line 313, in _construct_stack
config = self.read(rel_path, environment_config)
"/usr/local/lib/python2.7/site-packages/sceptre/config_reader.py", line 172, in read
config.update(self._recursive_read(directory_path, filename))
"/usr/local/lib/python2.7/site-packages/sceptre/config_reader.py", line 202, in _recursive_read
config.update(child_config)
ValueError: dictionary update sequence element #0 has length 1; 2 is required
| 0.501109 |
Traceback (most recent call last):
"object_detection/train.py", line 198, in <module>
tf.app.run()
"/home/rrscw/anaconda3/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"object_detection/train.py", line 194, in main
worker_job_name, is_chief, FLAGS.train_dir)
"/home/rrscw/models-master/object_detection/trainer.py", line 184, in train
data_augmentation_options)
"/home/rrscw/models-master/object_detection/trainer.py", line 77, in _create_input_queue
prefetch_queue_capacity=prefetch_queue_capacity)
"/home/rrscw/models-master/object_detection/core/batcher.py", line 93, in __init__
num_threads=num_batch_queue_threads)
"/home/rrscw/anaconda3/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 919, in batch
name=name)
"/home/rrscw/anaconda3/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 697, in _batch
tensor_list = _as_tensor_list(tensors)
"/home/rrscw/anaconda3/lib/python3.6/site-packages/tensorflow/python/training/input.py", line 385, in _as_tensor_list
return [tensors[k] for k in sorted(tensors)]
TypeError: '<' not supported between instances of 'tuple' and 'str
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_platform.py", line 82, in async_setup
SLOW_SETUP_MAX_WAIT, loop=hass.loop)
"/usr/lib/python3.6/asyncio/tasks.py", line 358, in wait_for
return fut.result()
"/usr/lib/python3.6/asyncio/futures.py", line 245, in result
raise self._exception
"/usr/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/broadlink.py", line 62, in setup_platform
broadlink_data = BroadlinkData(update_interval, host, mac_addr, timeout)
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/broadlink.py", line 111, in __init__
self._device = broadlink.a1((ip_addr, 80), mac_addr)
TypeError: __init__() missing 1 required positional argument: 'devtype'
| 0.590995 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/salt/state.py", line 1933, in call
**cdata['kwargs'])
"/usr/lib/python3.6/site-packages/salt/loader.py", line 1951, in wrapper
return f(*args, **kwargs)
"/usr/lib/python3.6/site-packages/salt/states/user.py", line 509, in present
present_optgroups = [x for x in optional_groups
"/usr/lib/python3.6/site-packages/salt/states/user.py", line 510, in <listcomp>
if __salt__['group.info'](x)]
"/usr/lib/python3.6/site-packages/salt/modules/groupadd.py", line 95, in info
grinfo = grp.getgrnam(name)
TypeError: getgrnam() argument 1 must be str, not OrderedDict
Started: 16:38:18.985961
| Traceback (most recent call last):
"/Users/xxx/anaconda/envs/xxx/lib/python3.7/site-packages/numpy/core/fromnumeric.py", line 61, in _wrapfunc
return bound(*args, **kwds)
TypeError: 'JaxprTracer' object cannot be interpreted as an integer
| 0.566654 |
Traceback (most recent call last):
"export_inference_graph.py", line 162, in <module>
tf.app.run()
"/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
"/usr/local/lib/python3.6/dist-packages/absl/app.py", line 299, in run
_run_main(main, args)
"/usr/local/lib/python3.6/dist-packages/absl/app.py", line 250, in _run_main
sys.exit(main(argv))
"export_inference_graph.py", line 158, in main
write_inference_graph=FLAGS.write_inference_graph)
"/content/drive/My Drive/OD/models-master/research/object_detection/exporter.py", line 489, in export_inference_graph
write_inference_graph=write_inference_graph)
"/content/drive/My Drive/OD/models-master/research/object_detection/exporter.py", line 418, in _export_inference_graph
trained_checkpoint_prefix=checkpoint_to_use)
"/content/drive/My Drive/OD/models-master/research/object_detection/exporter.py", line 327, in write_graph_and_checkpoint
saver.restore(sess, trained_checkpoint_prefix)
"/usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/saver.py", line 1282, in restore
checkpoint_prefix)
ValueError: The passed save_path is not a valid checkpoint: training/model.ckpt-1001
| Traceback (most recent call last):
"main.py", line 75, in gen_img_retry
return renderer.gen_img(img_index)
"/opt/shakey/synetic/text_renderer/textrenderer/renderer.py", line 94, in gen_img
word_img = self.noiser.apply(word_img)
"/opt/shakey/synetic/text_renderer/textrenderer/noiser.py", line 38, in apply
return noise_func(img)
"/opt/shakey/synetic/text_renderer/textrenderer/noiser.py", line 58, in apply_uniform_noise
row, col, channel = img.shape
ValueError: not enough values to unpack (expected 3, got 2)
| 0.530021 |
Traceback (most recent call last):
"/Users/user/opt/anaconda3/envs/coin-trader/lib/python3.6/site-packages/cfscrape/__init__.py", line 255, in solve_challenge
javascript, flags=re.S
AttributeError: 'NoneType' object has no attribute 'groups'
| Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/events.py", line 88, in _run
self._context.run(self._callback, *self._args)
"/usr/local/lib/python3.7/site-packages/aiohttp/web_ws.py", line 102, in _send_heartbeat
self._loop.create_task(self._writer.ping())
# type: ignore
AttributeError: 'NoneType' object has no attribute 'ping'
| 0.608241 |
Traceback (most recent call last):
"/usr/local/bin/catt", line 10, in <module>
sys.exit(main())
"/usr/local/lib/python3.7/site-packages/catt/cli.py", line 472, in main
return cli(obj={}, default_map=readconfig())
"/usr/local/lib/python3.7/site-packages/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.7/site-packages/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/click/decorators.py", line 27, in new_func
return f(get_current_context().obj, *args, **kwargs)
"/usr/local/lib/python3.7/site-packages/catt/cli.py", line 256, in clear
cst.clear()
AttributeError: 'DefaultCastController' object has no attribute 'clear'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: 'Workplane' object has no attribute 'newShape'
| 0.545746 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/spyder/widgets/helperwidgets.py", line 123, in paint
textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options)
TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\utils.py", line 656, in log_errors
yield
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\scheduler.py", line 2205, in remove_worker
address = self.coerce_address(address)
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\scheduler.py", line 4943, in coerce_address
raise TypeError("addresses should be strings or tuples, got %r" % (addr,))
TypeError: addresses should be strings or tuples, got None
| 0.476269 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/site-packages/sphinx/config.py", line 361, in eval_config_file
execfile_(filename, namespace)
"/usr/local/lib/python3.7/site-packages/sphinx/util/pycompat.py", line 86, in execfile_
exec(code, _globals)
"/Users/bsipocz/munka/devel/numpy/doc/source/conf.py", line 374, in <module>
class NumPyLexer(CLexer):
"/Users/bsipocz/munka/devel/numpy/doc/source/conf.py", line 377, in NumPyLexer
tokens = copy.deepcopy(lexers['c'].tokens)
KeyError: 'c'
| Traceback (most recent call last):
"C:\Users\Dipanshu\Anaconda3\lib\site-packages\traitlets\traitlets.py", line 528, in get
value = obj._trait_values[self.name]
KeyError: 'context'
| 0.464229 |
[ERROR
] An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1933, in call
**cdata['kwargs'])
"/usr/lib/python2.7/dist-packages/salt/loader.py", line 1939, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/states/boto3_route53.py", line 553, in rr_present
if rr.startswith('magic:'):
AttributeError: 'OrderedDict' object has no attribute 'startswith'
| Traceback (most recent call last):
"/Users/cfregly/miniconda3/lib/python3.6/site.py", line 541, in <module>
main()
"/Users/cfregly/miniconda3/lib/python3.6/site.py", line 522, in main
known_paths = addusersitepackages(known_paths)
"/Users/cfregly/miniconda3/lib/python3.6/site.py", line 282, in addusersitepackages
user_site = getusersitepackages()
"/Users/cfregly/miniconda3/lib/python3.6/site.py", line 258, in getusersitepackages
user_base = getuserbase() # this will also set USER_BASE
"/Users/cfregly/miniconda3/lib/python3.6/site.py", line 248, in getuserbase
USER_BASE = get_config_var('userbase')
"/Users/cfregly/miniconda3/lib/python3.6/sysconfig.py", line 607, in get_config_var
return get_config_vars().get(name)
"/Users/cfregly/miniconda3/lib/python3.6/sysconfig.py", line 586, in get_config_vars
import _osx_support
"/Users/cfregly/miniconda3/lib/python3.6/_osx_support.py", line 4, in <module>
import re
"/Users/cfregly/miniconda3/lib/python3.6/re.py", line 142, in <module>
class RegexFlag(enum.IntFlag):
AttributeError: module 'enum' has no attribute 'IntFlag'
| 0.558581 |
Traceback (most recent call last):
"/usr/share/dupeguru/qt/details_dialog.py", line 40, in appWillSavePrefs
if self._shown_once:
AttributeError: 'NoneType' object has no attribute '_shown_once'
| Traceback (most recent call last):
"test_linalg.py", line 27, in tearDown
linalg.shutdown()
AttributeError: module 'skcuda.linalg' has no attribute 'shutdown'
| 0.493596 |
Traceback (most recent call last):
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget
"kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__
AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
| Traceback (most recent call last):
"/home/docs/checkouts/readthedocs.org/user_builds/eplusga/envs/latest/lib/python3.6/site-packages/sphinx/ext/autodoc/importer.py", line 152, in import_module
__import__(modname)
"/home/docs/checkouts/readthedocs.org/user_builds/eplusga/checkouts/latest/eplus_ga/evaluator.py", line 14, in <module>
from problem import Problem
"/home/docs/checkouts/readthedocs.org/user_builds/eplusga/checkouts/latest/eplus_ga/problem.py", line 13, in <module>
class Problem:
"/home/docs/checkouts/readthedocs.org/user_builds/eplusga/checkouts/latest/eplus_ga/problem.py", line 139, in Problem
def to_platypus(self) -> platypus.Problem:
AttributeError: module 'platypus' has no attribute 'Problem'`
| 0.579192 |
Traceback (most recent call last):
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/task.py", line 547, in __run_plugin
result = method(*args, **kwargs)
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/event.py", line 20, in __call__
return self.func(*args, **kwargs)
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/components/series/series.py", line 561, in on_task_filter
self.process_series(task, series_entries, series_config)
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/components/series/series.py", line 688, in process_series
downloaded = entity.downloaded_releases
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/components/series/db.py", line 321, in downloaded_releases
return [release for release in self.releases if release.downloaded]
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/attributes.py", line 282, in __get__
return self.impl.get(instance_state(instance), dict_)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/attributes.py", line 710, in get
value = self.callable_(state, passive)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/strategies.py", line 729, in _load_for_state
return self._emit_lazyload(
"<string>", line 1, in <lambda>
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/strategies.py", line 870, in _emit_lazyload
q(session)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/ext/baked.py", line 541, in all
return list(self)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/ext/baked.py", line 439, in __iter__
self.session._autoflush()
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/session.py", line 1577, in _autoflush
self.flush()
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/session.py", line 2470, in flush
self._flush(objects)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/session.py", line 2608, in _flush
transaction.rollback(_capture_exception=True)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/util/langhelpers.py", line 68, in __exit__
compat.reraise(exc_type, exc_value, exc_tb)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/util/compat.py", line 153, in reraise
raise value
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/orm/session.py", line 2572, in _flush
self.dispatch.after_flush(self, flush_context)
"/home/xxxxxx/.local/lib/python3.8/site-packages/sqlalchemy/event/attr.py", line 261, in __call__
fn(*args, **kw)
"/home/xxxxxx/.local/lib/python3.8/site-packages/flexget/plugins/operate/debug_db_sessions.py", line 69, in after_flush
logger.debug(
"/home/xxxxxx/.local/lib/python3.8/site-packages/loguru/_logger.py", line 1967, in debug
__self._log("DEBUG", None, False, __self._options, __message, args, kwargs)
"/home/xxxxxx/.local/lib/python3.8/site-packages/loguru/_logger.py", line 1948, in _log
log_record["message"] = message.format(*args, **kwargs)
TypeError: __repr__ returned non-string (type bytes)
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/rapids/notebooks/k.py", line 1174, in split
for train, test in self._iter_indices(X, y, groups):
"/rapids/notebooks/k.py", line 1494, in _iter_indices
print(rng.permutation(cp.array([1, 2, 3])))
"/conda/envs/rapids/lib/python3.6/site-packages/cupy/random/generator.py", line 956, in permutation
raise TypeError('The data type of argument "num" must be integer')
TypeError: The data type of argument "num" must be integer
| 0.542554 |
Traceback (most recent call last):
"/usr/local/bin/bandcamp-dl", line 11, in <module>
load_entry_point('bandcamp-downloader==0.0.8.post12', 'console_scripts', 'bandcamp-dl')()
"/usr/local/Cellar/bandcamp-dl/0.0.8-12_3/libexec/lib/python3.8/site-packages/bandcamp_dl/__main__.py", line 93, in main
album = bandcamp.parse(url, True, arguments['--embed-lyrics'], arguments['--debug'])
"/usr/local/Cellar/bandcamp-dl/0.0.8-12_3/libexec/lib/python3.8/site-packages/bandcamp_dl/bandcamp.py", line 40, in parse
bandcamp_json = BandcampJSON(self.soup, debugging).generate()
"/usr/local/Cellar/bandcamp-dl/0.0.8-12_3/libexec/lib/python3.8/site-packages/bandcamp_dl/bandcampjson.py", line 25, in generate
self.js_to_json()
"/usr/local/Cellar/bandcamp-dl/0.0.8-12_3/libexec/lib/python3.8/site-packages/bandcamp_dl/bandcampjson.py", line 50, in js_to_json
self.get_js()
"/usr/local/Cellar/bandcamp-dl/0.0.8-12_3/libexec/lib/python3.8/site-packages/bandcamp_dl/bandcampjson.py", line 37, in get_js
self.js_data = self.body.find("script", {"src": False}, text=re.compile(self.target)).string
AttributeError: 'NoneType' object has no attribute 'string'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Users\simon\pandas-simonjayhawkins\pandas\core\frame.py", line 2717, in _unpickle_frame_compat
columns = com._unpickle_array(cols)
AttributeError: module 'pandas.core.common' has no attribute '_unpickle_array'
| 0.545594 |
Traceback (most recent call last):
"c:\users\laggron\appdata\local\programs\python\python37\lib\site-packages\discord\client.py", line 270, in _run_event
await coro(*args, **kwargs)
"c:\users\laggron\appdata\local\programs\python\python37\lib\site-packages\redbot\cogs\customcom\customcom.py", line 461, in on_message
message=message, command=ctx.invoked_with
"c:\users\laggron\appdata\local\programs\python\python37\lib\site-packages\redbot\cogs\customcom\customcom.py", line 89, in get
ccinfo = await self.db(message.guild).commands.get_raw(command, default=None)
AttributeError: 'Value' object has no attribute 'get_raw'
| Traceback (most recent call last):
"sync_watch_status.py", line 509, in <module>
sync_watch_status(watched_lst, _library.title, server, username, same_server)
"sync_watch_status.py", line 381, in sync_watch_status
sectionTo = accountTo.library.section(section)
AttributeError: 'NoneType' object has no attribute 'library'
| 0.611471 |
Traceback (most recent call last):
"/home/ec2-user/.local/lib/python3.6/site-packages/botocore/credentials.py", line 909, in _get_role_config_values
source_profile = profiles[self._profile_name]['source_profile']
KeyError: 'source_profile'
| [2020-04-22 21:20:27] [Error]
Traceback (most recent call last):
"pkLottery.py", line 64, in run
"pkLottery.py", line 26, in pk_lottery
KeyError: 0
| 0.488759 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/multiprocessing/process.py", line 267, in _bootstrap
self.run()
"/usr/local/lib/python2.7/multiprocessing/process.py", line 114, in run
self._target(*self._args, **self._kwargs)
"./astra.py", line 121, in modules_scan
sqli_check(url,method,headers,body,scanid)
"/app/modules/sqli.py", line 116, in sqli_check
set_option_status = set_options_list(url,method,headers,body,taskid)
"/app/modules/sqli.py", line 34, in set_options_list
if options_list.status_code == 200:
AttributeError: 'NoneType' object has no attribute 'status_code'
| Traceback (most recent call last):
"run/run_training.py", line 108, in <module>
trainer.run_training()
"D:\DeepLearning\nnUNet-master\nnunet\training\network_training\nnUNetTrainer.py", line 277, in run_training
super(nnUNetTrainer, self).run_training()
"D:\DeepLearning\nnUNet-master\nnunet\training\network_training\network_trainer.py", line 359, in run_training
l = self.run_iteration(self.tr_gen, True)
"D:\DeepLearning\nnUNet-master\nnunet\training\network_training\network_trainer.py", line 542, in run_iteration
l = self.loss(output, target)
"D:\Anaconda3\envs\pytorch\lib\site-packages\torch\nn\modules\module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"D:\DeepLearning\nnUNet-master\nnunet\training\loss_functions\dice_loss.py", line 124, in forward
dc_loss = self.dc(net_output, target)
"D:\Anaconda3\envs\pytorch\lib\site-packages\torch\nn\modules\module.py", line 489, in __call__
result = self.forward(*input, **kwargs)
"D:\DeepLearning\nnUNet-master\nnunet\training\loss_functions\dice_loss.py", line 92, in forward
shp_x = x.shape
AttributeError: 'tuple' object has no attribute 'shape'
| 0.618733 |
Traceback (most recent call last):
"/home/hook/.local/lib/python3.8/site-packages/websockets/client.py", line 101, in read_http_response
status_code, reason, headers = await read_response(self.reader)
"/home/hook/.local/lib/python3.8/site-packages/websockets/http.py", line 149, in read_response
raise ValueError(f"unsupported HTTP version: {d(version)}")
ValueError: unsupported HTTP version: HTTP/1.0
| Traceback (most recent call last):
"/root/anaconda3/lib/python3.7/threading.py", line 926, in _bootstrap_inner
self.run()
"/root/anaconda3/lib/python3.7/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/reader.py", line 805, in __thread_main__
six.reraise(*sys.exc_info())
"/root/anaconda3/lib/python3.7/site-packages/six.py", line 703, in reraise
raise value
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/reader.py", line 785, in __thread_main__
for tensors in self._tensor_reader():
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/reader.py", line 853, in __tensor_reader_impl__
for slots in paddle_reader():
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/data_feeder.py", line 489, in __reader_creator__
yield self.feed(item)
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/data_feeder.py", line 330, in feed
ret_dict[each_name] = each_converter.done()
"/root/anaconda3/lib/python3.7/site-packages/paddle/fluid/data_feeder.py", line 139, in done
arr = numpy.array(self.data, dtype=self.dtype)
ValueError: could not broadcast input array from shape (3,800,1067) into shape (3,800)
| 0.537473 |
Traceback (most recent call last):
"/Users/andy/PycharmProjects/wechat_friends-master/analyse.py", line 199, in <module>
get_pie('性别统计', name_list, num_list)
"/Users/andy/PycharmProjects/wechat_friends-master/analyse.py", line 24, in get_pie
subtitle=subtitle, subtitle_text_size=25, width=800, height=800)
TypeError: __init__() got an unexpected keyword argument 'page_title' | Traceback (most recent call last):
"C:\Users\USER\manim\manimlib\extract_scene.py", line 150, in main
scene = SceneClass(**scene_kwargs)
"C:\Users\USER\manim\manimlib\scene\scene.py", line 52, in __init__
self.construct()
"example_scenes.py", line 34, in construct
LaggedStart(*map(FadeOutAndShiftDown, basel)),
"C:\Users\USER\manim\manimlib\animation\composition.py", line 33, in __init__
self.group = Group(*remove_list_redundancies(
TypeError: remove_list_redundancies() missing 1 required positional argument: 'l'
| 0.569787 |
[!] 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):
"demo.py", line 38, in <module>
writer.add_pr_curve('xoxo', np.random.randint(2, size=100), np.random.rand(100),
AttributeError: 'SummaryWriter' object has no attribute 'add_pr_curve'
| 0.566829 |
Traceback (most recent call last):
"/opt/pupy/pupylib/PupyJob.py", line 161, in module_worker
module.run(self.args)
"/opt/pupy/modules/lazagne.py", line 76, in run
category_choosed=args.category, raise_on_exception=False))
"/usr/local/lib/python2.7/dist-packages/rpyc/core/netref.py", line 199, in __call__
return syncreq(_self, consts.HANDLE_CALL, args, kwargs)
"/usr/local/lib/python2.7/dist-packages/rpyc/core/netref.py", line 72, in syncreq
return conn.sync_request(handler, oid, *args)
"/opt/pupy/network/lib/connection.py", line 381, in sync_request
raise obj
TypeError: runLaZagne() got an unexpected keyword argument 'category_choosed'
| Traceback (most recent call last):
"/opt/conda/lib/python3.7/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/opt/conda/lib/python3.7/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/opt/conda/lib/python3.7/site-packages/armory/scenarios/base.py", line 223, in <module>
run_config(args.config, args.from_file, args.check, args.mongo_host)
"/opt/conda/lib/python3.7/site-packages/armory/scenarios/base.py", line 179, in run_config
scenario.evaluate(config, mongo_host)
"/opt/conda/lib/python3.7/site-packages/armory/scenarios/base.py", line 59, in evaluate
results = self._evaluate(config)
"/opt/conda/lib/python3.7/site-packages/armory/scenarios/audio_classification.py", line 122, in _evaluate
x_adv = attack.generate(x=x, y=y)
"/opt/conda/lib/python3.7/site-packages/art/attacks/attack.py", line 74, in replacement_function
return fdict[func_name](self, *args, **kwargs)
"/opt/conda/lib/python3.7/site-packages/art/attacks/evasion/fast_gradient.py", line 171, in generate
y = check_and_transform_label_format(y, self.estimator.nb_classes)
"/opt/conda/lib/python3.7/site-packages/art/utils.py", line 323, in check_and_transform_label_format
labels = to_categorical(labels, nb_classes)
"/opt/conda/lib/python3.7/site-packages/art/utils.py", line 275, in to_categorical
categorical = np.zeros((labels.shape[0], nb_classes), dtype=np.float32)
TypeError: 'method' object cannot be interpreted as an integer
| 0.567918 |
Traceback (most recent call last):
"c:\program files (x86)\python38-32\lib\runpy.py", line 192, in _run_module_as_main
return _run_code(code, main_globals, None,
"c:\program files (x86)\python38-32\lib\runpy.py", line 85, in _run_code
exec(code, run_globals)
"C:\Program
s (x86)\Python38-32\Scripts\pip.exe\__main__.py", line 9, in <module>
TypeError: 'module' object is not callable
| Traceback (most recent call last):
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 62, in application
response = frappe.api.handle()
"/home/frappe/frappe-bench/apps/frappe/frappe/api.py", line 56, in handle
return frappe.handler.handle()
"/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 20, in handle
data = execute_cmd(cmd)
"/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 55, in execute_cmd
return frappe.call(method, **frappe.form_dict)
"/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 1026, in call
return fn(*args, **newargs)
"/home/frappe/frappe-bench/apps/frappe/frappe/desk/treeview.py", line 20, in get_all_nodes
data = tree_method(doctype, parent, **filters)
TypeError: get_children() got an unexpected keyword argument 'data'
| 0.536331 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/selenium/webdriver/common/service.py", line 163, in __del__
"/usr/lib/python3.6/site-packages/selenium/webdriver/common/service.py", line 139, in stop
"/usr/lib/python3.6/site-packages/selenium/webdriver/common/service.py", line 110, in send_remote_shutdown_command
ImportError: sys.meta_path is None, Python is likely shutting down
| ```Traceback (most recent call last):
"./EDMC.py", line 38, in <module>
import stats
"/home/chronos/elitedangerous/EDMarketConnector/stats.py", line 16, in <module>
from monitor import monitor
"/home/chronos/elitedangerous/EDMarketConnector/monitor.py", line 10, in <module>
from typing import Any, Optional, OrderedDict as OrderedDictT, Tuple, TYPE_CHECKING, Union
ImportError: cannot import name 'OrderedDict'
| 0.516723 |
Traceback (most recent call last):
"udemy-dl.py", line 858, in <module>
main()
"udemy-dl.py", line 774, in main
udemy.ExtractAndDownload(path=outto)
"udemy-dl.py", line 280, in ExtractAndDownload
self.login()
"udemy-dl.py", line 39, in login
extract_info.login(self.username, self.password)
"/Users/shade/.Trash/udemy-dl-master/udemy/_extractor.py", line 99, in login
csrf_token = self._get_csrf_token()
"/Users/shade/.Trash/udemy-dl-master/udemy/_extractor.py", line 70, in _get_csrf_token
return match.group(1)
AttributeError: 'NoneType' object has no attribute 'group' | Traceback (most recent call last):
"run_kitti.py", line 351, in <module>
trainer.test(model)
"/opt/conda/lib/python3.7/site-packages/pytorch_lightning/trainer/trainer.py", line 1198, in test
self.model.teardown('test')
"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py", line 594, in __getattr__
type(self).__name__, name))
AttributeError: 'LightningDataParallel' object has no attribute 'teardown'
| 0.621892 |
Traceback (most recent call last):
"/usr/local/bin/sam", line 11, in <module>
sys.exit(cli())
"/usr/local/lib/python3.7/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python3.7/site-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/click/decorators.py", line 64, in new_func
return ctx.invoke(f, obj, *args[1:], **kwargs)
"/usr/local/lib/python3.7/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/samcli/commands/local/generate_event/kinesis/cli.py", line 36, in cli
do_cli(ctx, region, partition, sequence, data)
# pragma: no cover
"/usr/local/lib/python3.7/site-packages/samcli/commands/local/generate_event/kinesis/cli.py", line 47, in do_cli
event = json.dumps(event_dict, indent=4)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/__init__.py", line 238, in dumps
**kw).encode(obj)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 201, in encode
chunks = list(chunks)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 431, in _iterencode
yield from _iterencode_dict(o, _current_indent_level)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 325, in _iterencode_list
yield from chunks
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 405, in _iterencode_dict
yield from chunks
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 438, in _iterencode
o = _default(o)
"/usr/local/Cellar/python/3.7.0/Frameworks/Python.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type bytes is not JSON serializable
|
Traceback (most recent call last):
"/Users/bl755p/Documents/WRT_NLP.py", line 645, in <module>
convoNet.add(Input(shape=(None, maxRow, 29, 1)))
"/Users/bl755p/anaconda/envs/ATT_NLP-TensorFlow/lib/python3.5/site-packages/keras/models.py", line 284, in add
'Found: ' + str(layer))
TypeError: The added layer must be an instance of class Layer. Found: Tensor("input_1:0", shape=(?, ?, 23, 29, 1), dtype=float32)
| 0.589401 |
Traceback (most recent call last):
"/home/r2d2/hangoutsbot-master/hangupsbot/handlers.py", line 263, in run_pluggable_omnibus yield from function(*_passed)
"/usr/lib/python3.5/asyncio/coroutines.py", line 209, in corores = yield from res
"/home/r2d2/hangoutsbot-master/hangupsbot/plugins/telesync/__init__.py", line 870, in _on_hangouts_message
has_photo, photo_file_name = yield from is_valid_image_link(sync_text)
"/home/r2d2/hangoutsbot-master/hangupsbot/plugins/telesync/__init__.py", line 841, in is_valid_image_link
file_ext = content_disp[2].split('.')[1].strip()
IndexError: list index out of range
| Traceback (most recent call last):
"c:\program files\python35\lib\multiprocessing\pool.py", line 119, in worker
result = (True, func(*args, **kwds))
"c:\program files\python35\lib\multiprocessing\pool.py", line 47, in starmapstar
return list(itertools.starmap(args[0], args[1]))
"c:\program files\python35\lib\site-packages\lightfm\inference.py", line 115, in _batch_predict_for_user
user_repr = _user_repr[user_id, :]
IndexError: too many indices for array
| 0.56617 |
Traceback (most recent call last):
"C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\IPython\core\interactiveshell.py", line 2044, in showtraceback
stb = value._render_traceback_()
AttributeError: 'ImportError' object has no attribute '_render_traceback_'
| Traceback (most recent call last):
"<string>", line 1, in <module>
"C:\Users\takuya\ghq\github.com\tamago324\LeaderF\autoload\leaderf\python\leaderf\manager.py", line 375, in _previewResult
self._acceptSelection(line)
"C:\Users\takuya\ghq\github.com\tamago324\LeaderF\autoload\leaderf\python\leaderf\rgExpl.py", line 410, in _acceptSelection
file, sep, line_num = m.group(1, 2, 3)
AttributeError: 'NoneType' object has no attribute 'group'
| 0.627828 |
Traceback (most recent call last):
"./mwe.py", line 13, in <module>
print(f(A, B))
"/dev/shm/gerrit/venv/stable-3.6/lib/python3.6/site-packages/sympy/utilities/lambdify.py", line 441, in wrapper
return funcarg(*[namespace['asarray'](i) for i in argsx], **kwargsx)
"<string>", line 1, in <lambda>
ValueError: operands could not be broadcast together with shapes (3,) (2,)
| Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/gevent/greenlet.py", line 536, in run
result = self._run(*self.args, **self.kwargs)
"/usr/local/lib/python3.6/site-packages/socketio/server.py", line 685, in _handle_event_internal
r = server._trigger_event(data[0], namespace, sid, *data[1:])
"/usr/local/lib/python3.6/site-packages/socketio/server.py", line 714, in _trigger_event
return self.handlers[namespace][event](*args)
"/usr/local/lib/python3.6/site-packages/flask_socketio/__init__.py", line 284, in _handler
*args)
"/usr/local/lib/python3.6/site-packages/flask_socketio/__init__.py", line 716, in _handle_event
ret = handler(*args)
"/auction-ws-web/websocket/event/auction_event.py", line 103, in leave_auction_room
print_room_info("/auction_car", room_name, assist_info)
"/auction-ws-web/websocket/event/impl.py", line 60, in print_room_info
for sid, _ in socketio.server.manager.get_participants(namespace, room)
"/auction-ws-web/websocket/event/impl.py", line 60, in <dictcomp>
for sid, _ in socketio.server.manager.get_participants(namespace, room)
ValueError: too many values to unpack (expected 2)
| 0.562465 |
Traceback (most recent call last):
"/tmp/logbook/logbook/handlers.py", line 216, in handle
self.emit(record)
"/tmp/logbook/logbook/handlers.py", line 586, in emit
self.write(self.encode(msg))
"/tmp/logbook/logbook/handlers.py", line 699, in write
ret = self._compressor.process(item)
AttributeError: 'Compressor' object has no attribute 'process'
| 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.583079 |
Traceback (most recent call last):
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker
xlog.exception("google_ip.runJob fail:%r", e)
AttributeError: 'NoneType' object has no attribute 'exception'
| >Traceback (most recent call last):
"c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 589, in <module>
main()
"c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 576, in main
known_paths = addsitepackages(known_paths)
"c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 359, in addsitepackages
addsitedir(sitedir, known_paths)
"c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 208, in addsitedir
addpackage(sitedir, name, known_paths)
"c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 179, in addpackage
import traceback
"c:\users\dell\appdata\local\programs\python\python39\lib\traceback.py", line 5, in <module>
import linecache
"c:\users\dell\appdata\local\programs\python\python39\lib\linecache.py", line 11, in <module>
import tokenize
"c:\users\dell\appdata\local\programs\python\python39\lib\tokenize.py", line 32, in <module>
import re
"c:\users\dell\appdata\local\programs\python\python39\lib\re.py", line 145, in <module>
class RegexFlag(enum.IntFlag):
AttributeError: module 'enum' has no attribute 'IntFlag'
| 0.581956 |
Traceback (most recent call last):
"/<<PKGBUILDDIR>>/tests/unit/templates/test_jinja.py", line 135, in test_import
fc, jinja = self.get_test_saltenv()
"/<<PKGBUILDDIR>>/tests/unit/templates/test_jinja.py", line 127, in get_test_saltenv
loader = self.get_loader(saltenv='test')
"/<<PKGBUILDDIR>>/tests/unit/templates/test_jinja.py", line 117, in get_loader
with patch.object(SaltCacheLoader, 'file_client', Mock()):
AttributeError: 'MagicMock' object has no attribute 'object'
| Traceback (most recent call last):
"/Users/SmileOS/anaconda3/envs/theano_python35/lib/python3.5/site-packages/dedupe/api.py", line 760, in _checkRecordPair
record_pair[0].keys() and record_pair[1].keys()
AttributeError: 'list' object has no attribute 'keys'
| 0.635675 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_export() missing 1 required positional argument: 'tmpdir'
| Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/homeassistant/setup.py", line 194, in _async_setup_component
component.setup, hass, processed_config)
"/usr/lib/python3.5/asyncio/futures.py", line 380, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.5/asyncio/tasks.py", line 304, in _wakeup
future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 293, in result
raise self._exception
"/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.5/dist-packages/homeassistant/components/tesla.py", line 59, in setup
email, password, update_interval),
"/root/.homeassistant/deps/lib/python3.5/site-packages/teslajsonpy/controller.py", line 26, in __init__
self.update(car['id'])
"/root/.homeassistant/deps/lib/python3.5/site-packages/teslajsonpy/controller.py", line 56, in update
with self.__lock():
TypeError: 'RLock' object is not callable
| 0.497646 |
Traceback (most recent call last):
"mlflow_test.py", line 14, in <module>
pickle.dump(cls, open('test_dump.pkl', 'wb'))
AttributeError: Can't pickle local object '_get_rest_store.<locals>.get_default_host_creds'
| Traceback (most recent call last):
"/home/admin/work/_public-mars-0.1.0b1.zip/mars/worker/execution.py", line 457, in _handle_rejection
six.reraise(*exc)
"/home/admin/work/_public-mars-0.1.0b1.zip/mars/lib/six.py", line 703, in reraise
raise value
"/home/admin/work/_public-mars-0.1.0b1.zip/mars/promise.py", line 86, in _wrapped
result = func(*args, **kwargs)
"/home/admin/work/_public-mars-0.1.0b1.zip/mars/utils.py", line 287, in _wrapped
return func(*args, **kwargs)
"/home/admin/work/_public-mars-0.1.0b1.zip/mars/worker/execution.py", line 328, in _prepare_inputs
for w in worker_results.children:
AttributeError: 'tuple' object has no attribute 'children'
| 0.548316 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/torch_xla/distributed/xla_multiprocessing.py", line 119, in _start_fn
fn(gindex, *args)
"/usr/local/lib/python3.6/dist-packages/pytorch_lightning/trainer/distrib_parts.py", line 492, in tpu_train
os.environ['XLA_USE_BF16'] = 1
"/usr/lib/python3.6/os.py", line 674, in __setitem__
value = self.encodevalue(value)
"/usr/lib/python3.6/os.py", line 744, in encode
raise TypeError("str expected, not %s" % type(value).__name__)
TypeError: str expected, not int
| Traceback (most recent call last):
"PixivUtil2.py", line 444, in process_member
"PixivUtil2.py", line 674, in process_image
"PixivHelper.pyc", line 149, in make
name
TypeError: coercing to Unicode: need string or buffer, NoneType found
| 0.552149 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"line/client.py", line 88, in __init__
self.login()
"line/api.py", line 88, in login
j = self._get_json(self.LINE_SESSION_LINE_URL)
"line/api.py", line 335, in _get_json
return json.loads(self._session.get(url, headers=self._headers).text)
"/usr/local/Cellar/python/2.7.13/Frameworks/Python.framework/Versions/2.7/lib/python2.7/json/__init__.py", line 339, in loads
return _default_decoder.decode(s)
"/usr/local/Cellar/python/2.7.13/Frameworks/Python.framework/Versions/2.7/lib/python2.7/json/decoder.py", line 364, in decode
obj, end = self.raw_decode(s, idx=_w(s, 0).end())
"/usr/local/Cellar/python/2.7.13/Frameworks/Python.framework/Versions/2.7/lib/python2.7/json/decoder.py", line 382, in raw_decode
raise ValueError("No JSON object could be decoded")
ValueError: No JSON object could be decoded | Traceback (most recent call last):
"./mmcif_fail.py", line 8, in <module>
structure_cif = mmCIF_parser.get_structure('6g2i','6g2i.cif')
"/home/mothcw/anaconda3/lib/python3.8/site-packages/Bio/PDB/MMCIFParser.py", line 63, in get_structure
self._structure_builder.set_header(self._get_header())
"/home/mothcw/anaconda3/lib/python3.8/site-packages/Bio/PDB/MMCIFParser.py", line 112, in _get_header
self.header["resolution"] = float(self.header["resolution"])
ValueError: could not convert string to float: '.'
| 0.586791 |
Traceback (most recent call last):
"/data/db1/anaconda3/lib/python3.6/site-packages/distributed/utils.py", line 229, in f
result[0] = yield make_coro()
"/data/db1/anaconda3/lib/python3.6/site-packages/tornado/gen.py", line 1055, in run
value = future.result()
"/data/db1/anaconda3/lib/python3.6/site-packages/tornado/concurrent.py", line 238, in result
raise_exc_info(self._exc_info)
"<string>", line 4, in raise_exc_info
"/data/db1/anaconda3/lib/python3.6/site-packages/tornado/gen.py", line 1063, in run
yielded = self.gen.throw(*exc_info)
"/data/db1/anaconda3/lib/python3.6/site-packages/distributed/client.py", line 1246, in _gather
traceback)
"/data/db1/anaconda3/lib/python3.6/site-packages/six.py", line 685, in reraise
raise value.with_traceback(tb)
"/opt/anaconda3/lib/python3.6/site-packages/distributed/protocol/pickle.py", line 59, in loads
"/opt/anaconda3/lib/python3.6/site-packages/cloudpickle/cloudpickle.py", line 800, in _make_skel_func
"/opt/anaconda3/lib/python3.6/site-packages/cloudpickle/cloudpickle.py", line 792, in _reconstruct_closure
TypeError: 'int' object is not iterable
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"C:\Users\antho\AppData\Local\Temp\pip-build-z1lho91z\pendulum\setup.py", line 114, in <module>
setup(**kwargs)
"C:\Users\antho\Miniconda3\lib\distutils\core.py", line 148, in setup
dist.run_commands()
"C:\Users\antho\Miniconda3\lib\distutils\dist.py", line 955, in run_commands
self.run_command(cmd)
"C:\Users\antho\Miniconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\antho\Miniconda3\lib\site-packages\setuptools\command\install.py", line 61, in run
return orig.install.run(self)
"C:\Users\antho\Miniconda3\lib\distutils\command\install.py", line 539, in run
self.run_command('build')
"C:\Users\antho\Miniconda3\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"C:\Users\antho\Miniconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\antho\Miniconda3\lib\distutils\command\build.py", line 135, in run
self.run_command(cmd_name)
"C:\Users\antho\Miniconda3\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"C:\Users\antho\Miniconda3\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"C:\Users\antho\AppData\Local\Temp\pip-build-z1lho91z\pendulum\setup.py", line 58, in run
build_ext.run(self)
"C:\Users\antho\Miniconda3\lib\distutils\command\build_ext.py", line 308, in run
force=self.force)
"C:\Users\antho\Miniconda3\lib\distutils\ccompiler.py", line 1031, in new_compiler
return klass(None, dry_run, force)
"C:\Users\antho\Miniconda3\lib\distutils\cygwinccompiler.py", line 285, in __init__
CygwinCCompiler.__init__ (self, verbose, dry_run, force)
"C:\Users\antho\Miniconda3\lib\distutils\cygwinccompiler.py", line 129, in __init__
if self.ld_version >= "2.10.90":
TypeError: unorderable types: NoneType() >= str()
| 0.646133 |
Traceback (most recent call last):
"/config/custom_components/sonoff/sonoff_cloud.py", line 234, in _connect
await self._process_ws_msg(resp)
"/config/custom_components/sonoff/sonoff_cloud.py", line 162, in _process_ws_msg
device = self.devices[deviceid]
KeyError: '1000fc5a22'
| 2019-01-30 07:03:39.083851 WARNING odianosen_iphone_cf_setup: Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/appdaemon/scheduler.py", line 114, in exec_schedule
"kwargs": deepcopy(args["kwargs"]),
"/usr/local/lib/python3.5/dist-packages/appdaemon/threading.py", line 537, in dispatch_worker
constrained = await self.check_constraint(arg, myargs["kwargs"][arg], self.AD.app_management.objects[name]["object"])
KeyError: 'odianosen_iphone_cf_setup'
| 0.579186 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.6/site-packages/homeassistant/util/__init__.py", line 325, in wrapper
result = method(*args, **kwargs)
TypeError: update() takes 1 positional argument but 2 were given
| Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/lutris/gui/views/store.py", line 420, in add_game
self.store.append(
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 997, in append
return self._do_insert(-1, row)
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 988, in _do_insert
row, columns = self._convert_row(row)
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 900, in _convert_row
result.append(self._convert_value(cur_col, value))
"/usr/lib/python3.8/site-packages/gi/overrides/Gtk.py", line 914, in _convert_value
return GObject.Value(self.get_column_type(column), value)
"/usr/lib/python3.8/site-packages/gi/overrides/GObject.py", line 210, in __init__
self.set_value(py_value)
"/usr/lib/python3.8/site-packages/gi/overrides/GObject.py", line 249, in set_value
raise TypeError("Expected string but got %s%s" %
TypeError: Expected string but got 0.0<class 'float'>
| 0.52008 |
Traceback (most recent call last):
"/usr/lib/python3.7/threading.py", line 926, in _bootstrap_inner
self.run()
"test.py", line 46, in run
self.do_sth()
"/home/conrad/workspace/root_class.py", line 41, in wrapper_2
wrapped_func(*func_args, **func_kwargs)
"/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 292, in wrapped_f
return self.call(f, *args, **kw)
"/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 358, in call
do = self.iter(retry_state=retry_state)
"/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 328, in iter
return self.retry_error_callback(retry_state=retry_state)
"/home/conrad/.local/lib/python3.7/site-packages/tenacity/compat.py", line 300, in wrapped_retry_error_callback
return fn(retry_state.outcome)
"/home/conrad/workspace/root_class.py", line 28, in lastRetryHandler
return last_attempt.outcome.result()
AttributeError: 'Future' object has no attribute 'outcome' | Traceback (most recent call last):
"\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\ext\commands\core.py", line 85, in wrapped
ret = await coro(*args, **kwargs)
"C:\Users\\Desktop\Coding\Python\Lost... Bot\Cogs\staff.py", line 36, in guild
temp = await self.bot.fetch_template(code)
"C:\Users\\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\client.py", line 1144, in fetch_template
return Template(data=data, state=self._connection)
"C:\Users\\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\template.py", line 120, in __init__
self.source_guild = Guild(data=source_serialised, state=state)
"C:\Users\\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\guild.py", line 190, in __init__
self._from_data(data)
"C:\Users\\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\guild.py", line 308, in _from_data
cache_online_members = self._state._member_cache_flags.online
"C:\Users\\AppData\Local\Programs\Python\Python39\lib\site-packages\discord\template.py", line 75, in __getattr__
raise AttributeError('PartialTemplateState does not support {0!r}.'.format(attr))
AttributeError: PartialTemplateState does not support '_member_cache_flags'.
| 0.559099 |
Traceback (most recent call last):
"D:\KunQian\WeiboSpider\weibo_spider\writer\mysql_writer.py", line 77, in _mysql_insert
sql, [tuple(data.values()) for data in data_list])
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 182, in executemany
self.rowcount = sum(self.execute(query, arg) for arg in args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 182, in <genexpr>
self.rowcount = sum(self.execute(query, arg) for arg in args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 146, in execute
query = self.mogrify(query, args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 125, in mogrify
query = query % self._escape_args(args, conn)
TypeError: not enough arguments for format string
| Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/urllib3/util/timeout.py", line 124, in _validate_timeout
float(value)
TypeError: float() argument must be a string or a number, not 'Timeout'
| 0.607478 |
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):
"/usr/local/lib/python3.8/dist-packages/django/core/handlers/exception.py", line 34, in inner
response = get_response(request)
"/usr/local/lib/python3.8/dist-packages/django/core/handlers/base.py", line 115, in _get_response
response = self.process_exception_by_middleware(e, request)
"/usr/local/lib/python3.8/dist-packages/django/core/handlers/base.py", line 113, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/var/www/html/bottlecrm/common/views.py", line 93, in landing_page
return render(request, "landing_page.html", status=200)
"/usr/local/lib/python3.8/dist-packages/django/shortcuts.py", line 19, in render
content = loader.render_to_string(template_name, context, request, using=using)
"/usr/local/lib/python3.8/dist-packages/django/template/loader.py", line 62, in render_to_string
return template.render(context, request)
"/usr/local/lib/python3.8/dist-packages/django/template/backends/django.py", line 61, in render
return self.template.render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 171, in render
return self._render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 163, in _render
return self.nodelist.render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 936, in render
bit = node.render_annotated(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 903, in render_annotated
return self.render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/loader_tags.py", line 150, in render
return compiled_parent._render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 163, in _render
return self.nodelist.render(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 936, in render
bit = node.render_annotated(context)
"/usr/local/lib/python3.8/dist-packages/django/template/base.py", line 903, in render_annotated
return self.render(context)
"/usr/local/lib/python3.8/dist-packages/compressor/templatetags/compress.py", line 143, in render
return self.render_compressed(context, self.kind, self.mode, forced=forced)
"/usr/local/lib/python3.8/dist-packages/compressor/templatetags/compress.py", line 111, in render_compressed
cache_key, cache_content = self.render_cached(compressor, kind, mode)
"/usr/local/lib/python3.8/dist-packages/compressor/templatetags/compress.py", line 89, in render_cached
cache_key = get_templatetag_cachekey(compressor, mode, kind)
"/usr/local/lib/python3.8/dist-packages/compressor/cache.py", line 104, in get_templatetag_cachekey
"templatetag.%s.%s.%s" % (compressor.cachekey, mode, kind))
"/usr/local/lib/python3.8/dist-packages/django/utils/functional.py", line 48, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"/usr/local/lib/python3.8/dist-packages/compressor/base.py", line 200, in cachekey
[self.content] + self.mtimes).encode(self.charset), 12)
"/usr/local/lib/python3.8/dist-packages/django/utils/functional.py", line 48, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"/usr/local/lib/python3.8/dist-packages/compressor/base.py", line 193, in mtimes
return [str(get_mtime(value))
"/usr/local/lib/python3.8/dist-packages/compressor/base.py", line 193, in <listcomp>
return [str(get_mtime(value))
"/usr/local/lib/python3.8/dist-packages/compressor/cache.py", line 110, in get_mtime
mtime = cache.get(key)
"/usr/local/lib/python3.8/dist-packages/django/core/cache/backends/memcached.py", line 180, in get
val = self._cache.get(key)
"/usr/local/lib/python3.8/dist-packages/django/core/cache/backends/memcached.py", line 171, in _cache
self._client = self._lib.Client(self._servers, **client_kwargs)
"/usr/local/lib/python3.8/dist-packages/memcache.py", line 215, in __init__
self.set_servers(servers)
"/usr/local/lib/python3.8/dist-packages/memcache.py", line 291, in set_servers
self.servers = [_Host(s, self.debug, dead_retry=self.dead_retry,
TypeError: 'NoneType' object is not iterable
| 0.609124 |
Traceback (most recent call last):
"D:\bld\arrow_1568153654810\_test_env\lib\site-packages\chai\chai.py", line 63, in wrapper
func(self, *args, **kwargs)
"D:\bld\arrow_1568153654810\test_tmp\tests\parser_tests.py", line 229, in test_parse_timestamp
self.expected = datetime.fromtimestamp(negative_int_timestamp, tz=tz_utc)
ValueError: timestamp out of range for platform localtime()/gmtime() function
| Traceback (most recent call last):
"preprocess.py", line 50, in <module>
main()
"preprocess.py", line 46, in main
preprocess_ljspeech(args)
"preprocess.py", line 21, in preprocess_ljspeech
metadata = ljspeech.build_from_path(in_dir, out_dir, args.num_workers, tqdm=tqdm)
"/home/ubuntu/tacotron/datasets/ljspeech.py", line 33, in build_from_path
return [future.result() for future in tqdm(futures)]
"/home/ubuntu/tacotron/datasets/ljspeech.py", line 33, in <listcomp>
return [future.result() for future in tqdm(futures)]
"/usr/lib/python3.5/concurrent/futures/_base.py", line 398, in result
return self.__get_result()
"/usr/lib/python3.5/concurrent/futures/_base.py", line 357, in __get_result
raise self._exception
ValueError: operands could not be broadcast together with shapes (1,1025) (0,)` | 0.583189 |
Traceback (most recent call last):
"/usr/local/bin/rasa", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/dist-packages/rasa/__main__.py", line 76, in main
cmdline_arguments.func(cmdline_arguments)
"/usr/local/lib/python3.6/dist-packages/rasa/cli/visualize.py", line 38, in visualize_stories
args.config, args.domain, args.stories, args.nlu, args.out, args.max_history
"uvloop/loop.pyx", line 1417, in uvloop.loop.Loop.run_until_complete
"/usr/local/lib/python3.6/dist-packages/rasa/core/visualize.py", line 53, in visualize
stories_path, output_path, max_history, nlu_training_data=nlu_data_path
"/usr/local/lib/python3.6/dist-packages/rasa/core/agent.py", line 803, in visualize
fontsize,
"/usr/local/lib/python3.6/dist-packages/rasa/core/training/visualization.py", line 582, in visualize_stories
fontsize=fontsize,
"/usr/local/lib/python3.6/dist-packages/rasa/core/training/visualization.py", line 491, in visualize_neighborhood
_merge_equivalent_nodes(graph, max_history)
"/usr/local/lib/python3.6/dist-packages/rasa/core/training/visualization.py", line 207, in _merge_equivalent_nodes
graph, i, j, max_history
"/usr/local/lib/python3.6/dist-packages/rasa/core/training/visualization.py", line 147, in _nodes_are_equivalent
return graph.node[node_a]["label"] == graph.node[node_b]["label"] and (
AttributeError: 'MultiDiGraph' object has no attribute 'node'
| Traceback (most recent call last):
"/usr/share/razercommander/main.py", line 527, in on_universalApplyButton_clicked
currentFX = fxListBox.get_selected_row().value
AttributeError: 'NoneType' object has no attribute 'value'
| 0.599134 |
Traceback (most recent call last):
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\core\window\window_sdl2.py", line 723, in mainloop
self._mainloop()
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\core\window\window_sdl2.py", line 460, in _mainloop
EventLoop.idle()
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\base.py", line 340, in idle
self.dispatch_input()
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\base.py", line 325, in dispatch_input
post_dispatch_input(*pop(0))
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\base.py", line 291, in post_dispatch_input
wid.dispatch('on_touch_up', me)
"kivy\_event.pyx", line 707, in kivy._event.EventDispatcher.dispatch
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\uix\behaviors\button.py", line 179, in on_touch_up
self.dispatch('on_release')
"kivy\_event.pyx", line 703, in kivy._event.EventDispatcher.dispatch
"kivy\_event.pyx", line 1214, in kivy._event.EventObservers.dispatch
"kivy\_event.pyx", line 1098, in kivy._event.EventObservers._dispatch
"C:\Users\matts\AppData\Local\Programs\Python\Python36\lib\site-packages\kivy\lang\builder.py", line 64, in custom_callback
exec(__kvlang__.co_value, idmap)
"C:\Users\matts\Desktop\kivy-designer\designer\designer.kv", line 200, in <module>
on_release: root.dispatch('on_ok')
"kivy\_event.pyx", line 703, in kivy._event.EventDispatcher.dispatch
"kivy\_event.pyx", line 1214, in kivy._event.EventObservers.dispatch
"kivy\_event.pyx", line 1138, in kivy._event.EventObservers._dispatch
"C:\Users\matts\Desktop\kivy-designer\designer\utils\utils.py", line 198, in wrapper
f(*args, **kwargs)
"C:\Users\matts\Desktop\kivy-designer\designer\app.py", line 566, in _perform_reload
self._perform_open(self.project_manager.current_project.path)
"C:\Users\matts\Desktop\kivy-designer\designer\app.py", line 989, in _perform_open
self.designer_git.load_repo(file_path)
"C:\Users\matts\Desktop\kivy-designer\designer\tools\git_integration.py", line 121, in load_repo
self._update_menu()
"C:\Users\matts\Desktop\kivy-designer\designer\tools\git_integration.py", line 128, in _update_menu
self.remove_children()
"C:\Users\matts\Desktop\kivy-designer\designer\uix\contextual.py", line 491, in remove_children
self.container.remove_widget(child)
AttributeError: 'NoneType' object has no attribute 'remove_widget'
| Traceback (most recent call last):
"D:\anaconda\lib\site-packages\IPython\core\interactiveshell.py", line 2961, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-12-1ae8ba69565c>", line 1, in <module>
bin_df.ix[0:1,'nbin']
"D:\PyTest\venv\lib\site-packages\pandas\core\indexing.py", line 125, in __getitem__
values = self.obj._get_value(*key)
"D:\PyTest\venv\lib\site-packages\pandas\core\frame.py", line 2827, in _get_value
return engine.get_value(series._values, index)
AttributeError: 'pandas._libs.interval.IntervalTree' object has no attribute 'get_value'
| 0.598344 |
ERROR
1545093433.24
tribler_window:68
(root)
Traceback (most recent call last):
"TriblerGUI\event_request_manager.py", line 133, in on_read_data
RuntimeError: [Failure instance: Traceback: <type 'exceptions.AttributeError'>: 'LibtorrentDownloadImpl' object has no attribute 'unwanteddir_abs'
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/whipper-0.7.3-py2.7.egg/whipper/extern/task/task.py", line 518, in c
callable(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/whipper-0.7.3-py2.7.egg/whipper/program/cdparanoia.py", line 316, in _read
self._done()
"/usr/local/lib/python2.7/dist-packages/whipper-0.7.3-py2.7.egg/whipper/program/cdparanoia.py", line 392, in _done
self.quality = self._parser.getTrackQuality()
"/usr/local/lib/python2.7/dist-packages/whipper-0.7.3-py2.7.egg/whipper/program/cdparanoia.py", line 200, in getTrackQuality
raise RuntimeError("cdparanoia couldn't read any frames "
RuntimeError: cdparanoia couldn't read any frames for the current track
| 0.506022 |
Traceback (most recent call last):
"/usr/local/bin/samsungctl", line 9, in <module>
load_entry_point('samsungctl==0.6.0', 'console_scripts', 'samsungctl')()
"/usr/local/lib/python3.2/dist-packages/samsungctl/__main__.py", line 101, in main
with Remote(config) as remote:
"/usr/local/lib/python3.2/dist-packages/samsungctl/remote.py", line 10, in __init__
self.remote = RemoteWebsocket(config)
"/usr/local/lib/python3.2/dist-packages/samsungctl/remote_websocket.py", line 21, in __init__
self.connection = websocket.WebSocket()
TypeError: __init__() takes exactly 4 arguments (1 given)
| Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| 0.51822 |
Traceback (most recent call last):
"/usr/lib/python3.5/threading.py", line 914, in _bootstrap_inner
self.run()
"/usr/lib/python3.5/threading.py", line 862, in run
self._target(*self._args, **self._kwargs)
"ex.py", line 9, in start_capture
for packet in capture.sniff_continuously(packet_count=5):
"/usr/local/lib/python3.5/dist-packages/pyshark/capture/capture.py", line 227, in _packets_from_tshark_sync
tshark_process = existing_process or self.eventloop.run_until_complete(self._get_tshark_process())
"/usr/lib/python3.5/asyncio/base_events.py", line 466, in run_until_complete
return future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 293, in result
raise self._exception
"/usr/lib/python3.5/asyncio/tasks.py", line 239, in _step
result = coro.send(None)
"/usr/local/lib/python3.5/dist-packages/pyshark/capture/live_capture.py", line 97, in _get_tshark_process
stderr=self._stderr_output())
"/usr/lib/python3.5/asyncio/subprocess.py", line 212, in create_subprocess_exec
stderr=stderr, **kwds)
"/usr/lib/python3.5/asyncio/base_events.py", line 1189, in subprocess_exec
bufsize, **kwargs)
"/usr/lib/python3.5/asyncio/unix_events.py", line 194, in _make_subprocess_transport
self._child_watcher_callback, transp)
"/usr/lib/python3.5/asyncio/unix_events.py", line 856, in add_child_handler
"Cannot add child handler, "
RuntimeError: Cannot add child handler, the child watcher does not have a loop attached
| Traceback (most recent call last):
"xla_spawn.py", line 72, in <module>
main()
"xla_spawn.py", line 68, in main
xmp.spawn(mod._mp_fn, args=(), nprocs=args.num_cores)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch_xla/distributed/xla_multiprocessing.py", line 387, in spawn
_start_fn(0, pf_cfg, fn, args)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch_xla/distributed/xla_multiprocessing.py", line 324, in _start_fn
fn(gindex, *args)
"/home/GPT/run_language_modeling.py", line 294, in _mp_fn
main()
"/home/GPT/run_language_modeling.py", line 252, in main
prediction_loss_only=True,
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/transformers/trainer.py", line 229, in __init__
self.model = model.to(args.device) if model is not None else None
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 612, in to
return self._apply(convert)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 359, in _apply
module._apply(fn)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 359, in _apply
module._apply(fn)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 359, in _apply
module._apply(fn)
[Previous line repeated 1 more time]
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 402, in _apply
self._buffers[key] = fn(buf)
"/root/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 610, in convert
return t.to(device, dtype if t.is_floating_point() else None, non_blocking)
RuntimeError: tensorflow/compiler/xla/xla_client/xrt_computation_client.cc:383 : Check failed: session->session()->Run( session_work->feed_inputs, session_work->outputs_handles, &outputs) == ::tensorflow::Status::OK() (Unimplemented: From /job:tpu_worker/replica:0/task:0:
| 0.593294 |
Traceback (most recent call last):
"/usr/bin/ds4drv", line 9, in <module>
load_entry_point('ds4drv==0.5.0', 'console_scripts', 'ds4drv')()
"/usr/lib64/python2.7/site-packages/ds4drv/__main__.py", line 355, in main
options = load_options()
"/usr/lib64/python2.7/site-packages/ds4drv/__main__.py", line 334, in load_options
parse_uinput_mapping(name, mapping)
"/usr/lib64/python2.7/site-packages/ds4drv/uinput.py", line 386, in parse_uinput_mapping
mouse=mouse, mouse_options=mouse_options)
"/usr/lib64/python2.7/site-packages/ds4drv/uinput.py", line 41, in create_mapping
mouse = {getattr(ecodes, k): v for k,v in mouse.items()}
"/usr/lib64/python2.7/site-packages/ds4drv/uinput.py", line 41, in <dictcomp>
mouse = {getattr(ecodes, k): v for k,v in mouse.items()}
AttributeError: 'module' object has no attribute 'REL_WHEELDOWN'
| Traceback (most recent call last):
"/usr/bin/whipper", line 11, in <module>
load_entry_point('whipper==0.6.0', 'console_scripts', 'whipper')()
"/usr/lib/python2.7/dist-packages/whipper/command/main.py", line 40, in main
ret = cmd.do()
"/usr/lib/python2.7/dist-packages/whipper/command/basecommand.py", line 124, in do
return self.cmd.do()
"/usr/lib/python2.7/dist-packages/whipper/command/basecommand.py", line 124, in do
return self.cmd.do()
"/usr/lib/python2.7/dist-packages/whipper/command/cd.py", line 150, in do
self.device, self.options.offset)
AttributeError: 'Namespace' object has no attribute 'offset'
| 0.598339 |
Traceback (most recent call last):
"/fakeredis/test_fakeredis.py", line 2678, in test_expire_should_expire_key_by_aware_datetime
self.redis.set('foo', 'bar')
"/fakeredis/fakeredis.py", line 315, in get
value = self._db.get(name)
"/.virtualenvs/fakeredis/lib/python3.5/_collections_abc.py", line 597, in get
return self[key]
"/fakeredis/fakeredis.py", line 116, in __getitem__
self._update_expired_keys()
"/fakeredis/fakeredis.py", line 150, in _update_expired_keys
if now > self._ex_keys[key]:
TypeError: can't compare offset-naive and offset-aware datetimes
|
Traceback (most recent call last):
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/exceptions.py", line 819, in __call__
return func(*args, **kwargs)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/cli/main.py", line 78, in _main
exit_code = do_call(args, p)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/cli/conda_argparse.py", line 77, in do_call
exit_code = getattr(module, func_name)(args, parser)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/cli/main_update.py", line 14, in execute
install(args, parser, 'update')
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/cli/install.py", line 235, in install
force_reinstall=context.force,
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/solve.py", line 506, in solve_for_transaction
force_remove, force_reinstall)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/solve.py", line 439, in solve_for_diff
final_precs = self.solve_final_state(deps_modifier, prune, ignore_pinned, force_remove)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/solve.py", line 180, in solve_final_state
index, r = self._prepare(prepared_specs)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/solve.py", line 580, in _prepare
self.subdirs, prepared_specs)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/index.py", line 215, in get_reduced_index
new_records = query_all(spec)
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/index.py", line 184, in query_all
return tuple(concat(future.result() for future in as_completed(futures)))
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/subdir_data.py", line 94, in query
self.load()
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/subdir_data.py", line 148, in load
_internal_state = self._load()
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/subdir_data.py", line 216, in _load
mod_etag_headers.get('_mod'))
"/Users/apple/anaconda/lib/python3.6/site-packages/conda/core/subdir_data.py", line 416, in fetch_repodata_remote_request
timeout=timeout)
"/Users/apple/.local/lib/python3.6/site-packages/requests/sessions.py", line 480, in get
return self.request('GET', url, **kwargs)
"/Users/apple/.local/lib/python3.6/site-packages/requests/sessions.py", line 459, in request
prep.url, proxies, stream, verify, cert
"/Users/apple/.local/lib/python3.6/site-packages/requests/sessions.py", line 617, in merge_environment_settings
env_proxies = get_environ_proxies(url) or {}
"/Users/apple/.local/lib/python3.6/site-packages/requests/utils.py", line 562, in get_environ_proxies
if should_bypass_proxies(url):
TypeError: should_bypass_proxies_patched() missing 1 required positional argument: 'no_proxy'
| 0.579085 |
Traceback (most recent call last):
"pipeline.py", line 29, in <module>
compiler.Compiler().compile(pipeline_func, pipeline_filename)
"/Users/mattbrown/.pyenv/versions/issue-278/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 668, in compile
workflow = self._compile(pipeline_func)
"/Users/mattbrown/.pyenv/versions/issue-278/lib/python3.6/site-packages/kfp/compiler/compiler.py", line 603, in _compile
pipeline_func(*args_list)
"pipeline.py", line 23, in debug_pipeline
debug_task = debug_op().apply(gcp.use_gcp_secret(secret))
"/Users/mattbrown/.pyenv/versions/issue-278/lib/python3.6/site-packages/kfp/gcp.py", line 36, in use_gcp_secret
volume_name = 'gcp-credentials-' + secret_name
TypeError: must be str, not PipelineParam
| Traceback (most recent call last):
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1994, in __call__
return self.wsgi_app(environ, start_response)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1985, in wsgi_app
response = self.handle_exception(e)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1540, in handle_exception
reraise(exc_type, exc_value, tb)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\_compat.py", line 33, in reraise
raise value
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1982, in wsgi_app
response = self.full_dispatch_request()
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1614, in full_dispatch_request
rv = self.handle_user_exception(e)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1517, in handle_user_exception
reraise(exc_type, exc_value, tb)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\_compat.py", line 33, in reraise
raise value
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"d:\Project\source\views\site.py", line 236, in index
return render_template('site/index.html', form=form)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\templating.py", line 134, in render_template
context, ctx.app)
"C:\Compilers and Interpreters\Python35\lib\site-packages\flask\templating.py", line 116, in _render
rv = template.render(context)
"C:\Compilers and Interpreters\Python35\lib\site-packages\jinja2\environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"C:\Compilers and Interpreters\Python35\lib\site-packages\jinja2\environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"C:\Compilers and Interpreters\Python35\lib\site-packages\jinja2\_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"d:\Project\source\templates\site\index.html", line 1, in top-level template code
{% extends 'layout/basic.html' %}
"d:\Project\source\templates\layout\basic.html", line 2, in top-level template code
{% from 'macros.html' import google_analytics %}
"d:\Project\source\templates\layout\base.html", line 29, in top-level template code
{% block grid %}{% endblock %}
"d:\Project\source\templates\layout\basic.html", line 6, in block "grid"
{% call google_analytics() %}{% endcall %}
TypeError: macro 'google_analytics' was invoked with two values for the special caller argument.
This is most likely a bug.
| 0.515711 |
Traceback (most recent call last):
"/usr/local/bin/lektor", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/click/decorators.py", line 64, in new_func
return ctx.invoke(f, obj, *args[1:], **kwargs)
"/usr/local/lib/python2.7/dist-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/lektor/cli.py", line 509, in plugins_list_cmd
ctx.load_plugins()
"/usr/local/lib/python2.7/dist-packages/lektor/cli.py", line 96, in load_plugins
load_packages(self.get_env(), reinstall=reinstall)
"/usr/local/lib/python2.7/dist-packages/lektor/packages.py", line 304, in load_packages
refresh=reinstall)
"/usr/local/lib/python2.7/dist-packages/lektor/packages.py", line 274, in update_cache
download_and_install_package(package_root, package, version)
"/usr/local/lib/python2.7/dist-packages/lektor/packages.py", line 103, in download_and_install_package
raise RuntimeError('Failed to install dependency package.')
RuntimeError: Failed to install dependency package.
| Traceback (most recent call last):
"/home/razvan/.config/itch/apps/Armory3D/Armory/2.79/scripts/modules/addon_utils.py", line 331, in enable
mod = __import__(module_name)
"/home/razvan/.config/blender/2.79/scripts/addons/blender-osm/__init__.py", line 58, in <module>
class BlenderOsmPreferences(bpy.types.AddonPreferences):
RuntimeError: bpy.types.AddonPreferences subtype could not be generated, this is a bug!
| 0.534652 |
2018-10-11 08:13:58,182 - WARNING - 117:DummyThread-47 - zato.server.service:501 - Traceback (most recent call last):
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 476, in update_handle
self._invoke(service, channel)
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 398, in _invoke
service.handle()
"/opt/zato/3.0/code/zato-server/src/zato/server/service/internal/service.py", line 311, in handle
response = func(id_, payload, channel, data_format, transport, serialize=True)
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 601, in invoke
return self.invoke_by_impl_name(self.server.service_store.name_to_impl_name[name], *args, **kwargs)
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 583, in invoke_by_impl_name
return self.update_handle(*invoke_args, **kwargs)
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 476, in update_handle
self._invoke(service, channel)
"/opt/zato/3.0/code/zato-server/src/zato/server/service/__init__.py", line 398, in _invoke
service.handle()
"/opt/zato/3.0/code/zato-server/src/zato/server/service/internal/apispec/__init__.py", line 68, in handle
include, exclude, self.request.input.query).get_info()
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 261, in get_info
self.parse()
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 342, in parse
info = ServiceInfo(details.name, details.service_class, self.simple_io_config)
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 90, in __init__
self.parse()
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 95, in parse
self.set_config()
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 182, in set_config
self._add_ns_sio()
"/opt/zato/3.0/code/zato-server/src/zato/server/apispec/__init__.py", line 150, in _add_ns_sio
for param in param_list:
TypeError: 'Boolean' object is not iterable
| Traceback (most recent call last):
"jira-python/sample.py", line __, in <module>
print('expected', issue.fields.customfield_10800[0].name)
# Boom!
"jira-python/jira/resources.py", line 173, in __getattr__
if hasattr(self, 'raw') and item in self.raw:
TypeError: argument of type 'NoneType' is not iterable
| 0.632919 |
Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_arrow.py", line 469, in test_isoformat
result = self.arrow.isoformat()
AttributeError: 'TestArrowDatetimeInterface' object has no attribute 'arrow'
| Traceback (most recent call last):
"/home/ederenn/projects/golem-env/lib/python3.6/site-packages/twisted/internet/defer.py", line 653, in _runCallbacks
current.result = callback(current.result, *args, **kw)
"/home/ederenn/projects/golem-env/lib/python3.6/site-packages/twisted/internet/task.py", line 865, in <lambda>
d.addCallback(lambda ignored: callable(*args, **kw))
"/home/ederenn/projects/golem/golem/task/server/resources.py", line 222, in <lambda>
lambda *_: self._handshake_timeout(self.key_id)
AttributeError: 'TaskServer' object has no attribute '_handshake_timeout'
| 0.582352 |
Traceback (most recent call last):
"/usr/local/bin/pip2", line 7, in <module>
from pip._internal import main
"/usr/local/lib/python2.7/dist-packages/pip/_internal/__init__.py", line 42, in <module>
from pip._internal import cmdoptions
"/usr/local/lib/python2.7/dist-packages/pip/_internal/cmdoptions.py", line 16, in <module>
from pip._internal.index import (
"/usr/local/lib/python2.7/dist-packages/pip/_internal/index.py", line 15, in <module>
from pip._vendor import html5lib, requests, six
"/usr/local/lib/python2.7/dist-packages/pip/_vendor/requests/__init__.py", line 86, in <module>
from pip._vendor.urllib3.contrib import pyopenssl
"/usr/local/lib/python2.7/dist-packages/pip/_vendor/urllib3/contrib/pyopenssl.py", line 46, in <module>
import OpenSSL.SSL
"/usr/local/lib/python2.7/dist-packages/OpenSSL/__init__.py", line 8, in <module>
from OpenSSL import crypto, SSL
"/usr/local/lib/python2.7/dist-packages/OpenSSL/SSL.py", line 204, in <module>
if _lib.Cryptography_HAS_SSL_ST:
AttributeError: 'module' object has no attribute 'Cryptography_HAS_SSL_ST'
| Traceback (most recent call last):
"R:\New folder\MusicBot\musicbot\bot.py", line 2759, in on_message
handler_kwargs['voice_channel'] = message.guild.me.voice.channel if message.guild.me.voice else None
AttributeError: 'NoneType' object has no attribute 'voice'
| 0.57417 |
Traceback (most recent call last):
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\tabular\trainer\abstract_trainer.py", line 914, in _train_and_save
model = self._train_single(X, y, model, X_val, y_val, **model_fit_kwargs)
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\tabular\trainer\abstract_trainer.py", line 886, in _train_single
model.fit(X=X, y=y, X_val=X_val, y_val=y_val, **model_fit_kwargs)
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\core\models\abstract\abstract_model.py", line 411, in fit
self._fit(**kwargs)
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\tabular\models\fastainn\tabular_nn_fastai.py", line 164, in _fit
try_import_fastai()
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\core\utils\try_import.py", line 106, in try_import_fastai
import autogluon.tabular.models.fastainn.imports_helper
"D:\tutorials\automl\venv1\lib\site-packages\autogluon\tabular\models\fastainn\imports_helper.py", line 1, in <module>
from fastai.tabular.all import *
"D:\tutorials\automl\venv1\lib\site-packages\fastai\tabular\all.py", line 1, in <module>
from ..basics import *
"D:\tutorials\automl\venv1\lib\site-packages\fastai\basics.py", line 1, in <module>
from .data.all import *
"D:\tutorials\automl\venv1\lib\site-packages\fastai\data\all.py", line 1, in <module>
from ..torch_basics import *
"D:\tutorials\automl\venv1\lib\site-packages\fastai\torch_basics.py", line 9, in <module>
from .imports import *
"D:\tutorials\automl\venv1\lib\site-packages\fastai\imports.py", line 25, in <module>
import requests,yaml,matplotlib.pyplot as plt,pandas as pd,scipy
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\pyplot.py", line 2469, in <module>
switch_backend(rcParams["backend"])
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\__init__.py", line 619, in __getitem__
plt.switch_backend(rcsetup._auto_backend_sentinel)
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\pyplot.py", line 257, in switch_backend
switch_backend(candidate)
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\pyplot.py", line 277, in switch_backend
class backend_mod(matplotlib.backend_bases._Backend):
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\pyplot.py", line 278, in backend_mod
locals().update(vars(importlib.import_module(backend_name)))
"C:\Anaconda3\lib\importlib\__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\backend_qt5agg.py", line 11, in <module>
from .backend_qt5 import (
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\backend_qt5.py", line 13, in <module>
import matplotlib.backends.qt_editor.figureoptions as figureoptions
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\qt_editor\figureoptions.py", line 11, in <module>
from matplotlib.backends.qt_compat import QtGui
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\qt_compat.py", line 174, in <module>
_setup()
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\qt_compat.py", line 134, in _setup_pyqt4
_setup_pyqt4_internal(api=2)
"D:\tutorials\automl\venv1\lib\site-packages\matplotlib\backends\qt_compat.py", line 117, in _setup_pyqt4_internal
sip.setapi(_sip_api, api)
AttributeError: module 'sip' has no attribute 'setapi'
| Traceback (most recent call last):
"D:/My_Workspaces/untitled3/Page.py", line 18, in <module>
news_cctv_df = ak.news_cctv(date="20210123")
AttributeError: module 'akshare' has no attribute 'news_cctv' | 0.591073 |
Traceback (most recent call last):
"netmiko_for_nc_001.py", line 540, in <module>
result += netmiko_send_config_set(device, ['logging 1.2.3.4 udp 5052'])
TypeError: can only concatenate str (not "NoneType") to str
| Traceback (most recent call last):
"C:\Users\spork\AppData\Local\Programs\Python\Python35\lib\multiprocessing\process.py", line 252, in _bootstrap
self.run()
"C:\Users\spork\AppData\Local\Programs\Python\Python35\lib\multiprocessing\process.py", line 93, in run
self._target(*self._args, **self._kwargs)
"C:\Users\spork\Desktop\SimpleCoin\simpleCoin\miner.py", line 114, in mine
NODE_PENDING_TRANSACTIONS = json.loads(NODE_PENDING_TRANSACTIONS)
"C:\Users\spork\AppData\Local\Programs\Python\Python35\lib\json\__init__.py", line 312, in loads
s.__class__.__name__))
TypeError: the JSON object must be str, not 'bytes'
| 0.562052 |
Traceback (most recent call last):
"C:\Users\oliver.horvath\venv\pywinautogithub\lib\site-packages\pywinauto\uia_defines.py", line 232, in get_elem_interface
iface = cur_ptrn.QueryInterface(cls_name)
"C:\Users\oliver.horvath\venv\pywinautogithub\lib\site-packages\comtypes\__init__.py", line 1158, in QueryInterface
self.__com_QueryInterface(byref(iid), byref(p))
ValueError: NULL COM pointer access
| Traceback (most recent call last):
"pdfminer_repro.py", line 7, in <module>
high_level.extract_text_to_fp(f, io.BytesIO())
"/home/user/.local/lib/python3.8/site-packages/pdfminer/high_level.py", line 79, in extract_text_to_fp
for page in PDFPage.get_pages(inf,
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdfpage.py", line 128, in get_pages
doc = PDFDocument(parser, password=password, caching=caching)
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdfdocument.py", line 572, in __init__
self.read_xref_from(parser, pos, self.xrefs)
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdfdocument.py", line 815, in read_xref_from
xref.load(parser)
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdfdocument.py", line 241, in load
self.data = stream.get_data()
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdftypes.py", line 319, in get_data
self.decode()
"/home/user/.local/lib/python3.8/site-packages/pdfminer/pdftypes.py", line 308, in decode
data = apply_png_predictor(pred, colors, columns,
"/home/user/.local/lib/python3.8/site-packages/pdfminer/utils.py", line 115, in apply_png_predictor
raise ValueError("Unsupported predictor value: %d" % ft)
ValueError: Unsupported predictor value: 228
| 0.51176 |
Traceback (most recent call last):
"/home/morteza/seq2seq/seq2seq/seq2seq/test/pipeline_test.py", line 76, in test_train_infer
_clear_flags()
"/home/morteza/seq2seq/seq2seq/seq2seq/test/pipeline_test.py", line 44, in _clear_flags
tf.app.flags.FLAGS = tf.app.flags._FlagValues()
AttributeError: module 'tensorflow.python.platform.flags' has no attribute '_FlagValues' | Traceback (most recent call last):
"examples/question-answering/run_nq.py", line 809, in <module>
main()
"examples/question-answering/run_nq.py", line 752, in main
global_step, tr_loss = train(args, train_dataset, model, tokenizer)
"examples/question-answering/run_nq.py", line 248, in train
tokenizer.save_pretrained(output_dir)
"/home/danishp/git/explain-qa/src/third_party/transformers/src/transformers/tokenization_utils_base.py", line 1368, in save_pretrained
write_dict[key] = value.__getstate__()
AttributeError: 'AddedToken' object has no attribute '__getstate__'
| 0.614603 |
Traceback (most recent call last):
"train_search.py", line 272, in <module>
train()
"train_search.py", line 203, in train
hidden[s_id] = repackage_hidden(hidden[s_id])
"/home/isucholu/darts/rnn/utils.py", line 12, in repackage_hidden
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in <genexpr>
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in repackage_hidden
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in <genexpr>
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in repackage_hidden
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in <genexpr>
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in repackage_hidden
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in <genexpr>
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/darts/rnn/utils.py", line 12, in repackage_hidden
return tuple(repackage_hidden(v) for v in h)
"/home/isucholu/.local/lib/python3.5/site-packages/torch/tensor.py", line 422, in __iter__
raise TypeError('iteration over a 0-d tensor')
TypeError: iteration over a 0-d tensor
| Traceback (most recent call last):
"/home/budziq/.local/bin/pipenv", line 11, in <module>
sys.exit(cli())
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 764, in __call__
return self.main(*args, **kwargs)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 717, in main
rv = self.invoke(ctx)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 1137, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 956, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/decorators.py", line 64, in new_func
return ctx.invoke(f, obj, *args, **kwargs)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/core.py", line 555, in invoke
return callback(*args, **kwargs)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/vendor/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/cli/command.py", line 319, in lock
ensure_project(three=state.three, python=state.python, pypi_mirror=state.pypi_mirror)
"/home/budziq/.local/lib/python3.5/site-packages/pipenv/core.py", line 581, in ensure_project
python_version(path_to_python) or ""
TypeError: 'in <string>' requires string as left operand, not Float
| 0.505674 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/asyncio/tasks.py", line 182, in _step
result = coro.throw(exc)
"/usr/src/app/homeassistant/core.py", line 1025, in _event_to_service_call
yield from service_handler.func(service_call)
"/usr/src/app/homeassistant/components/fan/__init__.py", line 219, in async_handle_fan_service
yield from getattr(fan, method['method'])(**params)
"/usr/local/lib/python3.6/asyncio/futures.py", line 332, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/local/lib/python3.6/asyncio/tasks.py", line 250, in _wakeup
future.result()
"/usr/local/lib/python3.6/asyncio/futures.py", line 245, in result
raise self._exception
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/app/homeassistant/components/fan/isy994.py", line 92, in turn_on
self.set_speed(speed)
"/usr/src/app/homeassistant/components/fan/isy994.py", line 88, in set_speed
self.speed = self.state
AttributeError: can't set attribute
| Traceback (most recent call last):
"main.py", line 289, in <module>
main()
"main.py", line 131, in main
train(train_loader, model, criterion, optimizer, epoch)
"main.py", line 159, in train
for i, (input, target) in enumerate(train_loader):
"/usr/local/lib/python2.7/dist-packages/torch/utils/data/dataloader.py", line 201, in __next__
return self._process_next_batch(batch)
"/usr/local/lib/python2.7/dist-packages/torch/utils/data/dataloader.py", line 221, in _process_next_batch
raise batch.exc_type(batch.exc_msg)
AttributeError: Traceback (most recent call last):
| 0.598219 |
Traceback (most recent call last):
"/usr/bin/mackup", line 11, in <module>
load_entry_point('mackup==0.8.14', 'console_scripts', 'mackup')()
"/usr/lib/python3.5/site-packages/mackup/main.py", line 121, in main
app.restore()
"/usr/lib/python3.5/site-packages/mackup/application.py", line 190, in restore
utils.link(mackup_filepath, home_filepath)
"/usr/lib/python3.5/site-packages/mackup/utils.py", line 145, in link
os.symlink(target, link_to)
NotFoundError: [Errno 2] No such file or directory: '/home/michael/Dropbox/Mackup/.config/i3/' -> '/home/michael/.config/i3/' | Traceback (most recent call last):
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/forkserver.py", line 261, in main
old_handlers)
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/forkserver.py", line 297, in _serve_one
code = spawn._main(child_r)
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 114, in _main
prepare(preparation_data)
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 225, in prepare
_fixup_main_from_path(data['init_main_from_path'])
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 277, in _fixup_main_from_path
run_name="__mp_main__")
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/runpy.py", line 261, in run_path
code, fname = _get_code_from_file(run_name, path_name)
"/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/runpy.py", line 231, in _get_code_from_file
with open(fname, "rb") as f:
NotFoundError: [Errno 2] No such file or directory: '/Users/123456/PycharmProjects/Data_folder/<input>'
| 0.633188 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.