text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"/Users/robeden/git/third-party/checkov/checkov/common/checks/base_check.py", line 62, in run
raise e
"/Users/robeden/git/third-party/checkov/checkov/common/checks/base_check.py", line 42, in run
check_result['result'] = self.scan_entity_conf(entity_configuration, entity_type)
"/Users/robeden/git/third-party/checkov/checkov/terraform/checks/resource/base_resource_check.py", line 16, in scan_entity_conf
self.handle_dynamic_values(conf)
"/Users/robeden/git/third-party/checkov/checkov/terraform/checks/resource/base_resource_check.py", line 38, in handle_dynamic_values
for dynamic_element in conf.get("dynamic", []):
AttributeError: 'list' object has no attribute 'get'
| Traceback (most recent call last):
"detect.py", line 161, in <module>
detect()
"detect.py", line 23, in detect
model = attempt_load(weights, map_location=device)
# load FP32 model
"C:\Users\zzy\Desktop\darknet-pytorch\yolov5\models\experimental.py", line 133, in attempt_load
model.append(torch.load(w, map_location=map_location)['model'].float().fuse().eval())
# load FP32 model
AttributeError: 'collections.OrderedDict' object has no attribute 'float' | 0.645637 |
Traceback (most recent call last):
"faceswap.py", line 36, in <module>
ARGUMENTS.func(ARGUMENTS)
"/home/hyy/swap/faceswap-master/lib/cli.py", line 81, in execute_script
process.process()
"/home/hyy/swap/faceswap-master/scripts/convert.py", line 42, in process
model = self.load_model()
"/home/hyy/swap/faceswap-master/scripts/convert.py", line 74, in load_model
self._image_shape = model.IMAGE_SHAPE
AttributeError: 'Model' object has no attribute 'IMAGE_SHAPE'
| 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'
| 0.597892 |
Traceback (most recent call last):
"/usr/local/bin/interlace", line 11, in <module>
load_entry_point('Interlace==1.8.0', 'console_scripts', 'interlace')()
"/usr/local/lib/python3.7/site-packages/Interlace-1.8.0-py3.7.egg/Interlace/interlace.py", line 32, in main
"/usr/local/lib/python3.7/site-packages/Interlace-1.8.0-py3.7.egg/Interlace/interlace.py", line 11, in build_queue
"/usr/local/lib/python3.7/site-packages/Interlace-1.8.0-py3.7.egg/Interlace/lib/core/input.py", line 289, in process_commands
"/usr/local/lib/python3.7/site-packages/Interlace-1.8.0-py3.7.egg/Interlace/lib/core/input.py", line 214, in _replace_variable_with_commands
"/usr/local/lib/python3.7/site-packages/Interlace-1.8.0-py3.7.egg/Interlace/lib/threader.py", line 27, in replace
TypeError: replace() argument 2 must be str, not int
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/setup.py", line 394, in <module>
setup_package()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/setup.py", line 386, in setup_package
setup(**metadata)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/core.py", line 169, in setup
return old_setup(**new_attr)
"/Users/yukienomiya/Desktop/sunpy/.venv/lib/python3.9/site-packages/setuptools/__init__.py", line 153, in setup
return distutils.core.setup(**attrs)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/core.py", line 148, in setup
dist.run_commands()
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/install.py", line 62, in run
r = self.setuptools_run()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/install.py", line 36, in setuptools_run
return distutils_install.run(self)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/command/install.py", line 546, in run
self.run_command('build')
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/build.py", line 47, in run
old_build.run(self)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/command/build.py", line 135, in run
self.run_command(cmd_name)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/build_src.py", line 148, in run
self.build_sources()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/build_src.py", line 159, in build_sources
self.build_library_sources(*libname_info)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/build_src.py", line 294, in build_library_sources
sources = self.generate_sources(sources, (lib_name, build_info))
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/build_src.py", line 377, in generate_sources
source = func(extension, build_dir)
"numpy/core/setup.py", line 673, in get_mathlib_info
st = config_cmd.try_link('int main(void) { return 0;}')
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/distutils/command/config.py", line 241, in try_link
self._check_compiler()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/command/config.py", line 79, in _check_compiler
self.fcompiler = new_fcompiler(compiler=self.fcompiler,
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/__init__.py", line 872, in new_fcompiler
compiler = get_default_fcompiler(plat, requiref90=requiref90,
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/__init__.py", line 843, in get_default_fcompiler
compiler_type =
_find_existing_fcompiler(matching_compiler_types,
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/__init__.py", line 794, in _find_existing_fcompiler
c.customize(dist)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/__init__.py", line 518, in customize
linker_so_flags = self.flag_vars.linker_so
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/environment.py", line 39, in __getattr__
return self._get_var(name, conf_desc)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/environment.py", line 53, in _get_var
var = self._hook_handler(name, hook)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/__init__.py", line 697, in _environment_hook
return hook()
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/gnu.py", line 332, in get_flags_linker_so
flags = GnuFCompiler.get_flags_linker_so(self)
"/private/var/folders/b9/j0x70mhd64915hhdnrsbltrh0000gn/T/pip-install-u9hh_mbv/numpy_d98824e53e814bc4b468c5f9dc7b8f46/numpy/distutils/fcompiler/gnu.py", line 144, in get_flags_linker_so
os.environ['MACOSX_DEPLOYMENT_TARGET'] = target
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/os.py", line 684, in __setitem__
value = self.encodevalue(value)
"/usr/local/Cellar/[email protected]/3.9.2_4/Frameworks/Python.framework/Versions/3.9/lib/python3.9/os.py", line 756, in encode
raise TypeError("str expected, not %s" % type(value).__name__)
TypeError: str expected, not int
| 0.668147 |
Traceback (most recent call last):
"demo.py", line 250, in <module>
test_oneimage()
"demo.py", line 245, in test_oneimage
det = bbox_vote(det)
"demo.py", line 69, in bbox_vote
det_accu_sum[:, 0:4] = np.sum(det_accu[:, 0:4], axis=0) / np.sum(det_accu[:, -1:])
"/home/kzezel/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/tensor.py", line 398, in __rdiv__
return self.reciprocal() * other
"/home/kzezel/anaconda3/envs/pytorch/lib/python3.6/site-packages/torch/tensor.py", line 486, in __array__
return self.numpy()
TypeError: can't convert CUDA tensor to numpy. Use Tensor.cpu() to copy the tensor to host memory first.
| Traceback (most recent call last):
"<input>", line 1, in <module>
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/generic.py", line 11466, in stat_func
func, name=name, axis=axis, skipna=skipna, numeric_only=numeric_only
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/frame.py", line 8660, in _reduce
result = func(values)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/frame.py", line 8570, in func
return op(values, axis=axis, skipna=skipna, **kwds)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 71, in _f
return f(*args, **kwargs)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 129, in f
result = alt(values, axis=axis, skipna=skipna, **kwds)
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 563, in nanmean
the_sum = _ensure_numeric(values.sum(axis, dtype=dtype_sum))
"/Users/pgali/PycharmProjects/del/venv1/lib/python3.7/site-packages/pandas/core/nanops.py", line 1418, in _ensure_numeric
x = x.astype(np.float64)
TypeError: float() argument must be a string or a number, not 'NAType'
| 0.549392 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/utils/process.py", line 747, in _run
return self._original_run()
"/usr/lib64/python2.7/multiprocessing/process.py", line 114, in run
self._target(*self._args, **self._kwargs)
"/usr/lib/python2.7/site-packages/salt/client/ssh/__init__.py", line 518, in handle_routine
**target)
"/usr/lib/python2.7/site-packages/salt/client/ssh/__init__.py", line 920, in __init__
self.shell = salt.client.ssh.shell.gen_shell(opts, **args)
"/usr/lib/python2.7/site-packages/salt/client/ssh/shell.py", line 63, in gen_shell
shell = Shell(opts, **kwargs)
"/usr/lib/python2.7/site-packages/salt/client/ssh/shell.py", line 90, in __init__
self.host = host.strip('[]')
AttributeError: 'NoneType' object has no attribute 'strip'
| Traceback (most recent call last):
"c:\users\hp\python38_64\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 3012, in _parsed_pkg_info
return self._pkg_info
"c:\users\hp\python38_64\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 2815, in __getattr__
raise AttributeError(attr)
AttributeError: _pkg_info
| 0.52824 |
Traceback (most recent call last):
"/bot/bot/cogs/moderation/scheduler.py", line 415, in _scheduled_task
expiry = dateutil.parser.isoparse(infraction["expires_at"]).replace(tzinfo=None)
"/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 37, in func
return f(self, str_in, *args, **kwargs)
"/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 134, in isoparse
components, pos = self._parse_isodate(dt_str)
"/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 208, in _parse_isodate
return self._parse_isodate_common(dt_str)
"/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 213, in _parse_isodate_common
len_str = len(dt_str)
TypeError: object of type 'NoneType' has no len()
| `Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/stephen_chan/.local/lib/python3.6/site-packages/datasets/metric.py", line 393, in compute
output = self._compute(predictions=predictions, references=references, **kwargs)
"/home/stephen_chan/.cache/huggingface/modules/datasets_modules/metrics/bertscore/361e597a01a41d6cf95d94bbfb01dea16261687abc0c6c74cc9930f80488f363/bertscore.py", line 108, in _compute
hashcode = bert_score.utils.get_hash(model_type, num_layers, idf, rescale_with_baseline)
TypeError: get_hash() missing 1 required positional argument: 'use_custom_baseline'`
| 0.468664 |
Traceback (most recent call last):
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/werkzeug/serving.py", line 270, in run_wsgi
execute(self.server.app)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/werkzeug/serving.py", line 258, in execute
application_iter = app(environ, start_response)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/Users/gabbard/anaconda3/envs/gaia-alternatives/lib/python3.6/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/Users/gabbard/projects/gaia/gaia-alternatives/repos/vista-nlp-jvm/vista_nlp_serialization/chained_exception_mcve.py", line 20, in process
raise ValueError("Wrapper") from e
ValueError: Wrapper
| Traceback (most recent call last):
"/opt/conda/lib/python3.6/multiprocessing/process.py", line 258, in _bootstrap
self.run()
"/opt/conda/lib/python3.6/multiprocessing/process.py", line 93, in run
self._target(*self._args, **self._kwargs)
"/opt/conda/lib/python3.6/multiprocessing/pool.py", line 108, in worker
task = get()
"/opt/conda/lib/python3.6/site-packages/joblib/pool.py", line 364, in get
rrelease()
"<ipython-input-1-f5429385facc>", line 13, in signal_handler
raise ValueError("received SIGTERM signal")
ValueError: received SIGTERM signal
| 0.543073 |
[>>>>
] 1/8, 0.1 task/s, elapsed: 9s, ETA:
60sTraceback (most recent call last):
"/Users/apple/Desktop/github/mmtracking/demo/demo_mot.py", line 88, in <module>
main()
"/Users/apple/Desktop/github/mmtracking/demo/demo_mot.py", line 64, in main
result = inference_mot(model, img, frame_id=i)
"/Users/apple/Desktop/github/mmtracking/mmtrack/apis/inference.py", line 92, in inference_mot
result = model(return_loss=False, rescale=True, **data)
"/Users/apple/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/Users/apple/anaconda3/lib/python3.7/site-packages/mmcv/runner/fp16_utils.py", line 84, in new_func
return old_func(*args, **kwargs)
"/Users/apple/Desktop/github/mmtracking/mmtrack/models/mot/base.py", line 154, in forward
return self.forward_test(img, img_metas, **kwargs)
"/Users/apple/Desktop/github/mmtracking/mmtrack/models/mot/base.py", line 131, in forward_test
return self.simple_test(imgs[0], img_metas[0], **kwargs)
"/Users/apple/Desktop/github/mmtracking/mmtrack/models/mot/tracktor.py", line 139, in simple_test
**kwargs)
"/Users/apple/Desktop/github/mmtracking/mmtrack/models/mot/trackers/tracktor_tracker.py", line 146, in track
feats, img_metas, model.detector, frame_id, rescale)
"/Users/apple/Desktop/github/mmtracking/mmtrack/models/mot/trackers/tracktor_tracker.py", line 72, in regress_tracks
return_inds=True)
TypeError: multiclass_nms() got an unexpected keyword argument 'return_inds'
| Traceback (most recent call last):
"/home/dat/bag/train/DatNet.py", line 208, in <module>
dat = DatNet()
"/home/dat/bag/train/DatNet.py", line 23, in __init__
init=init, reg=reg, use_shortcuts=use_shortcuts)
"/home/dat/bag/train/DatNet.py", line 176, in build
x = Dense(1024, name='fc1')(x)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/keras/engine/topology.py", line 528, in __call__
self.build(input_shapes[0])
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/keras/layers/core.py", line 827, in build
constraint=self.kernel_constraint)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/keras/engine/topology.py", line 364, in add_weight
weight = K.variable(initializer(shape), dtype=K.floatx(), name=name)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/keras/initializers.py", line 205, in __call__
dtype=dtype, seed=self.seed)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/keras/backend/tensorflow_backend.py", line 3146, in random_uniform
dtype=dtype, seed=seed)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/ops/random_ops.py", line 244, in random_uniform
seed2=seed2)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/ops/gen_random_ops.py", line 220, in _random_uniform
seed=seed, seed2=seed2, name=name)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/framework/op_def_library.py", line 585, in apply_op
param_name=input_name)
"/home/dat/anaconda3/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/framework/op_def_library.py", line 61, in _SatisfiesTypeConstraint
", ".join(dtypes.as_dtype(x).name for x in allowed_list)))
TypeError: Value passed to parameter 'shape' has DataType float32 not in list of allowed values: int32, int64
| 0.584679 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/asyncio/tasks.py", line 240, in _step
result = coro.send(None)
"/home/circleci/repo/homeassistant/helpers/entity_platform.py", line 365, in _async_add_entity
await entity.async_update_ha_state()
"/home/circleci/repo/homeassistant/helpers/entity.py", line 225, in async_update_ha_state
self._async_write_ha_state()
"/home/circleci/repo/homeassistant/helpers/entity.py", line 248, in _async_write_ha_state
state = self.state
"/home/circleci/repo/homeassistant/components/dyson/sensor.py", line 175, in state
return float("{0:.1f}".format(temperature_kelvin - 273.15))
TypeError: unsupported operand type(s) for -: 'Mock' and 'float'
| Traceback (most recent call last):
"../python/paddle/v2/fluid/tests/book/test_recognize_digits_conv_dist.py", line 46, in <module>
pserver_prog = exe.get_pserver_program(pserver_endpoint)
"/paddle/build/python/build/lib-python/paddle/v2/fluid/executor.py", line 132, in get_pserver_program
"GradList": [ p.name for p in self.param_grad_map[endpoint]["grads"]]
"/paddle/build/python/build/lib-python/paddle/v2/fluid/framework.py", line 424, in append_op
op = Operator(self, op_desc, *args, **kwargs)
"/paddle/build/python/build/lib-python/paddle/v2/fluid/framework.py", line 302, in __init__
self.desc.set_attr(attr_name, attrs[attr_name])
TypeError: set_attr(): incompatible function arguments. The following argument types are supported:
| 0.593271 |
Traceback (most recent call last):
"/nix/store/hr12pxbvgddw7mhnpsk88h8yydrbbl64-mycli-1.23.1/lib/python3.8/site-packages/mycli/main.py", line 447, in connect
_connect()
"/nix/store/hr12pxbvgddw7mhnpsk88h8yydrbbl64-mycli-1.23.1/lib/python3.8/site-packages/mycli/main.py", line 424, in _connect
self.sqlexecute = SQLExecute(
"/nix/store/hr12pxbvgddw7mhnpsk88h8yydrbbl64-mycli-1.23.1/lib/python3.8/site-packages/mycli/sqlexecute.py", line 63, in __init__
self.connect()
"/nix/store/hr12pxbvgddw7mhnpsk88h8yydrbbl64-mycli-1.23.1/lib/python3.8/site-packages/mycli/sqlexecute.py", line 121, in connect
conn = pymysql.connect(
"/nix/store/3fxbd88721pi5v8b8sz6z46gxpm7jmrq-python3.8-PyMySQL-0.10.1/lib/python3.8/site-packages/pymysql/__init__.py", line 94, in Connect
return Connection(*args, **kwargs)
"/nix/store/3fxbd88721pi5v8b8sz6z46gxpm7jmrq-python3.8-PyMySQL-0.10.1/lib/python3.8/site-packages/pymysql/connections.py", line 258, in __init__
raise ValueError("port should be of type int")
ValueError: port should be of type int
| Traceback (most recent call last):
"mc-market.py", line 151, in <module>
main()
"mc-market.py", line 35, in main
get_request(WEBSITE_URL)
"mc-market.py", line 126, in get_request
respond = scraper.get(url, headers=headers, allow_redirects=allow_redirects)
"/usr/local/lib/python3.5/dist-packages/requests/sessions.py", line 546, in get
return self.request('GET', url, **kwargs)
"/usr/local/lib/python3.5/dist-packages/cfscrape/__init__.py", line 128, in request
resp = self.solve_cf_challenge(resp, **kwargs)
"/usr/local/lib/python3.5/dist-packages/cfscrape/__init__.py", line 181, in solve_cf_challenge
answer, delay = self.solve_challenge(body, domain)
"/usr/local/lib/python3.5/dist-packages/cfscrape/__init__.py", line 297, in solve_challenge
"Cloudflare IUAM challenge returned unexpected answer. %s" % BUG_REPORT
ValueError: Cloudflare IUAM challenge returned unexpected answer. Cloudflare may have changed their technique, or there may be a bug in the script.
| 0.584662 |
Traceback (most recent call last):
"dj\manage.py", line 24, in <module>
"dj\manage.py", line 20, in main
"site-packages\django\core\management\__init__.py", line 381, in execute_from_command_line
"site-packages\django\core\management\__init__.py", line 375, in execute
"site-packages\django\core\management\base.py", line 323, in run_from_argv
"C:\Users\omen\Desktop\dist\dj\django\core\management\commands\runserver.py", line 60, in execute
super().execute(*args, **options)
"site-packages\django\core\management\base.py", line 364, in execute
"C:\Users\omen\Desktop\dist\dj\django\core\management\commands\runserver.py", line 95, in handle
self.run(**options)
"C:\Users\omen\Desktop\dist\dj\django\core\management\commands\runserver.py", line 102, in run
autoreload.run_with_reloader(self.inner_run, **options)
"site-packages\django\utils\autoreload.py", line 598, in run_with_reloader
"site-packages\django\utils\autoreload.py", line 583, in start_django
"site-packages\django\utils\autoreload.py", line 301, in run
"site-packages\django\utils\autoreload.py", line 307, in run_loop
"site-packages\django\utils\autoreload.py", line 347, in tick
"site-packages\django\utils\autoreload.py", line 363, in snapshot_files
"site-packages\django\utils\autoreload.py", line 262, in watched_files
"site-packages\django\utils\autoreload.py", line 103, in iter_all_python_module_files
"site-packages\django\utils\autoreload.py", line 139, in iter_modules_and_files
"pathlib.py", line 1339, in exists
"pathlib.py", line 1161, in stat
OSError: [WinError 123] La syntaxe du nom de fichier, de répertoire ou de volume est incorrecte: '<frozen importlib._bootstrap>'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.7/site-packages/PIL/TiffImagePlugin.py", line 1099, in load
return self._load_libtiff()
"/usr/local/lib/python3.7/site-packages/PIL/TiffImagePlugin.py", line 1191, in _load_libtiff
raise IOError(err)
OSError: -2
| 0.548841 |
Traceback (most recent call last):
"/home/ubuntu/anaconda3/envs/multi/lib/python3.8/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
fn(i, *args)
"/home/ubuntu/fairseq/fairseq_cli/train.py", line 267, in distributed_main
main(args, init_distributed=True)
"/home/ubuntu/fairseq/fairseq_cli/train.py", line 101, in main
train(args, trainer, task, epoch_itr)
"/home/ubuntu/anaconda3/envs/multi/lib/python3.8/contextlib.py", line 75, in inner
return func(*args, **kwds)
"/home/ubuntu/fairseq/fairseq_cli/train.py", line 168, in train
log_output = trainer.train_step(samples)
"/home/ubuntu/anaconda3/envs/multi/lib/python3.8/contextlib.py", line 75, in inner
return func(*args, **kwds)
"/home/ubuntu/fairseq/fairseq/trainer.py", line 347, in train_step
logging_outputs, sample_size, ooms = self._aggregate_logging_outputs(
"/home/ubuntu/fairseq/fairseq/trainer.py", line 611, in _aggregate_logging_outputs
return self._fast_stat_sync_sum(logging_outputs, *extra_stats_to_sum)
"/home/ubuntu/fairseq/fairseq/trainer.py", line 649, in _fast_stat_sync_sum
stats = [0.] + list(extra_stats_to_sum) + [
"/home/ubuntu/fairseq/fairseq/trainer.py", line 650, in <listcomp>
sum(log.get(k, 0) for log in logging_outputs)
TypeError: unsupported operand type(s) for +: 'int' and 'dict'
| Traceback (most recent call last):
"/home/argaldo/deeppavlov/env/lib/python3.6/site-packages/deeppavlov/core/common/params.py", line 100, in from_params
component = cls(**dict(config_params, **kwargs))
"/home/argaldo/deeppavlov/env/lib/python3.6/site-packages/deeppavlov/core/models/tf_backend.py", line 77, in __call__
obj.__init__(*args, **kwargs)
"/home/argaldo/deeppavlov/env/lib/python3.6/site-packages/deeppavlov/core/models/tf_backend.py", line 30, in _wrapped
return func(*args, **kwargs)
TypeError: __init__() missing 1 required positional argument: 'hidden_size'
| 0.545893 |
Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| Traceback (most recent call last):
"/home/bremme/miniconda3/envs/data-analysis/bin/pyinstaller", line 11, in <module>
load_entry_point('PyInstaller==3.4.dev0+133d18156', 'console_scripts', 'pyinstaller')()
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/__main__.py", line 92, in run
run_build(pyi_config, spec_file, **vars(args))
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/__main__.py", line 46, in run_build
PyInstaller.building.build_main.main(pyi_config, spec_file, **kwargs)
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/build_main.py", line 791, in main
build(specfile, kw.get('distpath'), kw.get('workpath'), kw.get('clean_build'))
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/build_main.py", line 737, in build
exec(text, spec_namespace)
"<string>", line 95, in <module>
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/api.py", line 411, in __init__
strip_binaries=self.strip, upx_binaries=self.upx,
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/api.py", line 196, in __init__
self.__postinit__()
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/datastruct.py", line 161, in __postinit__
self.assemble()
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/site-packages/PyInstaller/building/api.py", line 273, in assemble
pylib_name = os.path.basename(bindepend.get_python_library_path())
"/home/bremme/miniconda3/envs/data-analysis/lib/python3.6/posixpath.py", line 144, in basename
p = os.fspath(p)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| 0.515628 |
Traceback (most recent call last):
"/home/pi/.local/lib/python3.7/site-packages/imdb/parser/http/utils.py", line 438, in parse
data = self.postprocess_data(data)
"/home/pi/.local/lib/python3.7/site-packages/imdb/parser/http/searchMovieAdvancedParser.py", line 230, in postprocess_data
secondary = _parse_secondary_info(secondary_info)
"/home/pi/.local/lib/python3.7/site-packages/imdb/parser/http/searchMovieAdvancedParser.py", line 52, in _parse_secondary_info
if match.group(2):
AttributeError: 'NoneType' object has no attribute 'group'
| Traceback (most recent call last):
"/usr/bin/urlwatch", line 111, in <module>
urlwatch_command.run()
"/usr/lib/python3/dist-packages/urlwatch/command.py", line 295, in run
self.urlwatcher.close()
"/usr/lib/python3/dist-packages/urlwatch/main.py", line 99, in close
self.report.finish()
"/usr/lib/python3/dist-packages/urlwatch/handler.py", line 159, in finish
ReporterBase.submit_all(self, self.job_states, duration)
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 103, in submit_all
subclass(report, cfg, job_states, duration).submit()
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 408, in submit
body_html = '\n'.join(self.convert(HtmlReporter).submit())
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 149, in submit
yield from (str(part) for part in self._parts())
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 149, in <genexpr>
yield from (str(part) for part in self._parts())
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 183, in _parts
yield SafeHtml(title).format(verb=job_state.verb,
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 144, in format
**{k: cgi.escape(str(v)) for k, v in kwargs.items()})
"/usr/lib/python3/dist-packages/urlwatch/reporters.py", line 144, in <dictcomp>
**{k: cgi.escape(str(v)) for k, v in kwargs.items()})
AttributeError: module 'cgi' has no attribute 'escape'
| 0.636172 |
Traceback (most recent call last):
"/volume2/@appstore/sickbeard-custom/var/SickBeard/medusa/server/web/core/base.py", line 263, in async_call
result = function(**kwargs)
"/volume2/@appstore/sickbeard-custom/var/SickBeard/medusa/server/web/core/base.py", line 351, in schedule
results = ComingEpisodes.get_coming_episodes(ComingEpisodes.categories, app.COMING_EPS_SORT, False)
"/volume2/@appstore/sickbeard-custom/var/SickBeard/medusa/show/coming_episodes.py", line 121, in get_coming_episodes
results.sort(ComingEpisodes.sorts[sort])
"/volume2/@appstore/sickbeard-custom/var/SickBeard/medusa/show/coming_episodes.py", line 40, in <lambda>
'date': (lambda a, b: cmp(a['localtime'], b['localtime'])),
TypeError: can't compare offset-naive and offset-aware datetimes
| `Traceback (most recent call last):
"onnx_to_tensorrt.py", line 119, in <module>
main()
"onnx_to_tensorrt.py", line 115, in main
_ = build_engine(onnx_file_path, engine_file_path, args.verbose)
"onnx_to_tensorrt.py", line 69, in build_engine
with trt.Builder(TRT_LOGGER) as builder, builder.create_network(EXPLICIT_BATCH) as network, trt.OnnxParser(network, TRT_LOGGER) as parser:
TypeError: create_network(): incompatible function arguments. The following argument types are supported:
| 0.47357 |
Traceback (most recent call last):
"/usr/lib/python3.4/concurrent/futures/thread.py", line 54, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/hass/hass_venv/lib/python3.4/site-packages/homeassistant/core.py", line 1054, in execute_service
service_handler.func(service_call)
"/srv/hass/hass_venv/lib/python3.4/site-packages/homeassistant/components/media_player/__init__.py", line 402, in play_media_service
player.play_media(media_type, media_id, **kwargs)
TypeError: play_media() got an unexpected keyword argument 'enqueue'
| Traceback (most recent call last):
"ex.py", line 2, in <module>
print(e[0])
TypeError: 'Exception' object is not subscriptable
| 0.578027 |
Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| Traceback (most recent call last):
"<ipython-input-1-f0d2181562f3>", line 1, in <module>
runfile('C:/Users/hansch/../gensim_issue.py', wdir='C:/Users/hansch/../eurolex')
"C:\Users\hansch\AppData\Local\conda\conda\envs\gpupy36gensim\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 668, in runfile
execfile(filename, namespace)
"C:\Users\hansch\AppData\Local\conda\conda\envs\gpupy36gensim\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 108, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)
"C:/Users/hansch/../gensim_issue.py", line 11, in <module>
googleNewsModel.add(list('unknown word'), list(np.random.random(300))) # add the token and the random wordvector to the google News word vectors
AttributeError: 'Word2VecKeyedVectors' object has no attribute 'add'
| 0.635502 |
Traceback (most recent call last):
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/bin/dnsviz", line 106, in <module>
main()
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/bin/dnsviz", line 88, in main
mod = importlib.import_module('dnsviz.commands.%s' % command)
"/home/dnsviz/.pyenv/versions/3.6.4/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 665, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/commands/probe.py", line 63, in <module>
from dnsviz.analysis import WILDCARD_EXPLICIT_DELEGATION, PrivateAnalyst, PrivateRecursiveAnalyst, OnlineDomainNameAnalysis, NetworkConnectivityException, DNS_RAW_VERSION
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/analysis/__init__.py", line 1, in <module>
from .online import WILDCARD_EXPLICIT_DELEGATION, Analyst, OnlineDomainNameAnalysis, PrivateAnalyst, RecursiveAnalyst, PrivateRecursiveAnalyst, NetworkConnectivityException, DNS_RAW_VERSION
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/analysis/online.py", line 50, in <module>
import dnsviz.query as Q
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/query.py", line 54, in <module>
from .response import *
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/response.py", line 51, in <module>
from . import crypto
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/crypto.py", line 163, in <module>
_check_gost_support()
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/crypto.py", line 98, in _check_gost_support
_gost_init()
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/dnsviz/crypto.py", line 135, in _gost_init
gost = Engine.Engine(b'gost')
"/home/dnsviz/.pyenv/versions/dnsviz-3.6.4/lib/python3.6/site-packages/M2Crypto-0.29.0-py3.6-linux-x86_64.egg/M2Crypto/Engine.py", line 32, in __init__
self._ptr = m2.engine_by_id(id)
TypeError: in method 'engine_by_id', argument 1 of type 'char const *'
| Traceback (most recent call last):
"/home/scout/scout/lib64/python3.6/site-packages/AWSScout2/rules/preprocessing.py", line 632, in new_go_to_and_do
callback(aws_config, current_config[key][value], path, current_path, value, callback_args)
"/home/scout/scout/lib64/python3.6/site-packages/AWSScout2/rules/preprocessing.py", line 686, in get_lb_attack_surface
security_group_to_attack_surface(aws_config, elb_config['external_attack_surface'], public_dns, current_path, security_groups, listeners)
"/home/scout/scout/lib64/python3.6/site-packages/AWSScout2/rules/preprocessing.py", line 726, in security_group_to_attack_surface
if listener > port_min and listener < port_max and \
TypeError: '>' not supported between instances of 'int' and 'str'
| 0.611771 |
Traceback (most recent call last):
"/usr/share/python-wheels/urllib3-1.13.1-py2.py3-none-any.whl/urllib3/connectionpool.py", line 377, in _make_request
httplib_response = conn.getresponse(buffering=True)
TypeError: getresponse() got an unexpected keyword argument 'buffering'
| Traceback (most recent call last):
".\Src\StdLib\Lib\ctypes\test\test_pickling.py", line 55, in test_unpickable
self.assertRaises(ValueError, lambda: self.dumps(Y()))
"C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\unittest\case.py", line 479, in assertRaises
callableObj(*args, **kwargs)
".\Src\StdLib\Lib\ctypes\test\test_pickling.py", line 55, in <lambda$71>
self.assertRaises(ValueError, lambda: self.dumps(Y()))
".\Src\StdLib\Lib\ctypes\test\test_pickling.py", line 19, in dumps
return pickle.dumps(item, self.proto)
"C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 1380, in dumps
Pickler(file, protocol).dump(obj)
"C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 224, in dump
self.save(obj)
"C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 306, in save
rv = reduce(self.proto)
TypeError: Structure() takes at least 2147483647 arguments (0 given)
| 0.562554 |
Traceback (most recent call last):
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/engine/train_loop.py", line 132, in train
self.run_step()
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/engine/train_loop.py", line 215, in run_step
loss_dict = self.model(data)
"/home/ryan/.pyenv/versions/objDet3.7/lib/python3.7/site-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/modeling/meta_arch/rcnn.py", line 123, in forward
_, detector_losses = self.roi_heads(images, features, proposals, gt_instances)
"/home/ryan/.pyenv/versions/objDet3.7/lib/python3.7/site-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/modeling/roi_heads/roi_heads.py", line 669, in forward
losses.update(self._forward_mask(features, proposals))
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/modeling/roi_heads/roi_heads.py", line 773, in _forward_mask
return self.mask_head(mask_features, proposals)
"/home/ryan/.pyenv/versions/objDet3.7/lib/python3.7/site-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/modeling/roi_heads/mask_head.py", line 190, in forward
return {"loss_mask": mask_rcnn_loss(x, instances, self.vis_period)}
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/modeling/roi_heads/mask_head.py", line 63, in mask_rcnn_loss
gt_masks_per_image = instances_per_image.gt_masks.crop_and_resize(
"/home/ryan/Documents/NIUVT/objDet/detectron/detectron2/detectron2/structures/instances.py", line 60, in __getattr__
raise AttributeError("Cannot find field '{}' in the given Instances!".format(name))
AttributeError: Cannot find field 'gt_masks' in the given Instances!
| Traceback (most recent call last):
"/home/synapse/src/synapse/http/server.py", line 78, in wrapped_request_handler
await h(self, request)
"/home/synapse/src/synapse/http/server.py", line 331, in _async_render
callback_return = await callback_return
"/home/synapse/src/synapse/rest/client/v2_alpha/groups.py", line 329, in on_GET
group_id, requester_user_id
AttributeError: 'NoneType' object has no attribute 'content'
| 0.571661 |
Traceback (most recent call last):
"/home/fraser/habitat_baseline_testing/dqn_agent.py", line 12, in <module>
envs = construct_envs(config=basic_config, env_class=Env)
"/home/fraser/habitat_baseline_testing/habitat_installation/HabitatChallenge/habitat-lab/habitat_baselines/utils/env_utils.py", line 56, in construct_envs
dataset = make_dataset(config.TASK_CONFIG.DATASET.TYPE)
"/home/fraser/miniconda3/envs/habitat/lib/python3.6/site-packages/yacs/config.py", line 141, in __getattr__
raise AttributeError(name)
AttributeError: TASK_CONFIG
| Traceback (most recent call last):
"pokecli.py", line 865, in <module>
main()
"pokecli.py", line 202, in main
formatted='Starting bot...'
"/Users/***/PokemonGo-Bot/pokemongo_bot/event_manager.py", line 77, in emit
handler.handle_event(event, sender, level, formatted_msg, data)
"/Users/***/PokemonGo-Bot/pokemongo_bot/event_handlers/telegram_handler.py", line 579, in handle_event
self.tbot.sendMessage(chat_id=uid, parse_mode='Markdown', text=msg)
"/Users/***/PokemonGo-Bot/pokemongo_bot/event_handlers/telegram_handler.py", line 123, in sendMessage
self._tbot.sendMessage(chat_id=chat_id, parse_mode=parse_mode, text=text)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/telegram/bot.py", line 125, in decorator
result = func(self, *args, **kwargs)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/telegram/bot.py", line 151, in decorator
result = self._request.post(url, data, timeout=kwargs.get('timeout'))
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/telegram/utils/request.py", line 207, in post
**urlopen_kwargs)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/telegram/utils/request.py", line 132, in _request_wrapper
resp = self._con_pool.request(*args, **kwargs)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/request.py", line 70, in request
**urlopen_kw)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/request.py", line 148, in request_encode_body
return self.urlopen(method, url, **extra_kw)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/poolmanager.py", line 244, in urlopen
response = conn.urlopen(method, u.request_uri, **kw)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/connectionpool.py", line 588, in urlopen
conn = self._get_conn(timeout=pool_timeout)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/connectionpool.py", line 241, in _get_conn
if conn and is_connection_dropped(conn):
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/util/connection.py", line 27, in is_connection_dropped
return bool(wait_for_read(sock, timeout=0.0))
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/util/wait.py", line 33, in wait_for_read
return _wait_for_io_events(socks, EVENT_READ, timeout)
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/util/wait.py", line 22, in _wait_for_io_events
with DefaultSelector() as selector:
"/Users/***/PokemonGo-Bot/lib/python2.7/site-packages/urllib3/util/selectors.py", line 431, in __init__
self._kqueue = select.kqueue()
AttributeError: 'module' object has no attribute 'kqueue'
| 0.563248 |
Traceback (most recent call last):
"udemy-dl.py", line 924, in <module>
main()
"udemy-dl.py", line 829, in main
udemy.ExtractAndDownload()
"udemy-dl.py", line 291, in ExtractAndDownload
self.login()
"udemy-dl.py", line 40, in login
extract_info.login(self.username, self.password)
"D:\udemy-dl\udemy\_extractor.py", line 147, in login
login_form
= self._fill_login_form(login_popup, username, password)
"D:\udemy-dl\udemy\_extractor.py", line 98, in _fill_login_form
login_form = self._form_hidden_inputs('login-form', webpage)
"D:\udemy-dl\udemy\_extractor.py", line 88, in _form_hidden_inputs
return _hidden_inputs(form)
"D:\udemy-dl\udemy\_utils.py", line 80, in _hidden_inputs
html = re.sub(r'<!--(?:(?!<!--).)*-->', '', html)
"C:\Python27\lib\re.py", line 155, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or buffer
| Traceback (most recent call last):
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/distributed/ipythontasks.py", line 51, in _setup_logging
yield config
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/distributed/ipythontasks.py", line 429, in detect_sv
return ipython.zip_args(apply(structural.detect_sv, *args))
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/structural/__init__.py", line 197, in detect_sv
for svdata in caller_fn(items):
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/structural/titancna.py", line 28, in run
het_file = _titan_het_file(heterogeneity.get_variants(paired.tumor_data), work_dir, paired)
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/structural/titancna.py", line 127, in _titan_het_file
work_dir, paired, OutWriter)
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/heterogeneity/bubbletree.py", line 147, in prep_vrn_file
stats = _is_possible_loh(rec, bcf_in, params, somatic_info)
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/heterogeneity/bubbletree.py", line 309, in _is_possible_loh
stats = _tumor_normal_stats(rec, somatic_info)
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/heterogeneity/bubbletree.py", line 292, in _tumor_normal_stats
alt, depth, freq = sample_alt_and_depth(rec, sample)
"/home/pastore/data/bcbio/anaconda/lib/python2.7/site-packages/bcbio/heterogeneity/bubbletree.py", line 350, in sample_alt_and_depth
all_counts = [int(x) for x in sample["AD"]]
TypeError: int() argument must be a string or a number, not 'NoneType'` | 0.603449 |
Traceback (most recent call last):
"/home/joe/miniconda3/envs/gis-dataprocessing/lib/python3.7/site-packages/pip/_vendor/pep517/_in_process.py", line 64, in prepare_metadata_for_build_wheel
hook = backend.prepare_metadata_for_build_wheel
AttributeError: module 'poetry.masonry.api' has no attribute 'prepare_metadata_for_build_wheel'
|
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1624, in call
**cdata['kwargs'])
"/usr/lib/python2.7/dist-packages/salt/loader.py", line 1492, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/states/pip_state.py", line 597, in installed
out = _check_pkg_version_format(pkg)
"/usr/lib/python2.7/dist-packages/salt/states/pip_state.py", line 181, in _check_pkg_version_format
specifier = install_req.req.specifier
AttributeError: Requirement instance has no attribute 'specifier'
Started: 20:19:45.883326 | 0.58799 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/pip/basecommand.py", line 122, in main
status = self.run(options, args)
"/usr/lib/python2.7/dist-packages/pip/commands/install.py", line 262, in run
for req in parse_requirements(filename, finder=finder, options=options, session=session):
"/usr/lib/python2.7/dist-packages/pip/req.py", line 1632, in parse_requirements
req = InstallRequirement.from_line(line, comes_from, prereleases=getattr(options, "pre", None))
"/usr/lib/python2.7/dist-packages/pip/req.py", line 173, in from_line
return cls(req, comes_from, url=url, prereleases=prereleases)
"/usr/lib/python2.7/dist-packages/pip/req.py", line 71, in __init__
req = pkg_resources.Requirement.parse(req)
"/usr/lib/python2.7/dist-packages/pkg_resources.py", line 2667, in parse
reqs = list(parse_requirements(s))
"/usr/lib/python2.7/dist-packages/pkg_resources.py", line 2605, in parse_requirements
line, p, specs = scan_list(VERSION,LINE_END,line,p,(1,2),"version spec")
"/usr/lib/python2.7/dist-packages/pkg_resources.py", line 2573, in scan_list
raise ValueError("Expected "+item_name+" in",line,"at",line[p:])
ValueError: ('Expected version spec in', 'Recon-ng is a full-featured Web Reconnaissance framework written in Python. Complete with independent modules, database interaction, built in convenience functions, interactive help, and command completion, Recon-ng provides a powerful environment in which open source web-based reconnaissance can be conducted quickly and thoroughly.', 'at', ' is a full-featured Web Reconnaissance framework written in Python. Complete with independent modules, database interaction, built in convenience functions, interactive help, and command completion, Recon-ng provides a powerful environment in which open source web-based reconnaissance can be conducted quickly and thoroughly.')
| `Traceback (most recent call last):
"/usr/lib64/python2.6/runpy.py", line 122, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/usr/lib64/python2.6/runpy.py", line 34, in _run_code
exec code in run_globals
"/home/Git-Auto-Deploy/gitautodeploy/__main__.py", line 2, in <module>
from gitautodeploy import main
"gitautodeploy/gitautodeploy.py", line 17, in <module>
from .wsserver import WebSocketClientHandlerFactory
ValueError: Attempted relative import in non-package`
| 0.601131 |
Traceback (most recent call last):
"generator.py", line 2143, in <module>
qemuBuildWrappers(sys.argv[1])
"generator.py", line 2008, in qemuBuildWrappers
items.sort(key=lambda i: (int(i[1]), i[0]))
"generator.py", line 2008, in <lambda>
items.sort(key=lambda i: (int(i[1]), i[0]))
ValueError: invalid literal for int() with base 10: 'VIR_DOMAIN_AGENT_RESPONSE_TIMEOUT_BLOCK'
| `Traceback (most recent call last):
"cifar10_main.py", line 295, in <module>
absl_app.run(main)
"/home/albert/quant_env/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
"/home/albert/quant_env/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
"cifar10_main.py", line 289, in main
run_cifar(flags.FLAGS)
"cifar10_main.py", line 282, in run_cifar
shape=[HEIGHT, WIDTH, NUM_CHANNELS])
"/home/albert/models/official/resnet/resnet_run_loop.py", line 691, in resnet_main
max_steps=flags_obj.max_train_steps)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 367, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1156, in _train_model
return self._train_model_distributed(input_fn, hooks, saving_listeners)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1219, in _train_model_distributed
self._config._train_distribute, input_fn, hooks, saving_listeners)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1299, in _actual_train_model_distributed
self.config))
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/distribute/distribute_lib.py", line 1555, in call_for_each_replica
return self._call_for_each_replica(fn, args, kwargs)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/distribute/one_device_strategy.py", line 163, in _call_for_each_replica
return fn(*args, **kwargs)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1146, in _call_model_fn
model_fn_results = self._model_fn(features=features, **kwargs)
"cifar10_main.py", line 246, in cifar10_model_fn
fine_tune=params['fine_tune']
"/home/albert/models/official/resnet/resnet_run_loop.py", line 442, in resnet_model_fn
tf.contrib.quantize.create_training_graph(quant_delay=1000)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/contrib/quantize/python/quantize_graph.py", line 122, in create_training_graph
freeze_bn_delay=freeze_bn_delay)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/contrib/quantize/python/quantize_graph.py", line 73, in _create_graph
is_training=is_training)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/contrib/quantize/python/fold_batch_norms.py", line 53, in FoldBatchNorms
graph, is_training, freeze_batch_norm_delay=freeze_batch_norm_delay)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/contrib/quantize/python/fold_batch_norms.py", line 128, in _FoldFusedBatchNorms
correction_recip, new_layer_tensor, name='post_conv_mul')
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/util/dispatch.py", line 180, in wrapper
return target(*args, **kwargs)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/ops/math_ops.py", line 322, in multiply
return gen_math_ops.mul(x, y, name)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/ops/gen_math_ops.py", line 6490, in mul
"Mul", x=x, y=y, name=name)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/framework/op_def_library.py", line 788, in _apply_op_helper
op_def=op_def)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/util/deprecation.py", line 507, in new_func
return func(*args, **kwargs)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 3616, in create_op
op_def=op_def)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 2027, in __init__
control_input_ops)
"/home/albert/quant_env/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 1867, in _create_c_op
raise ValueError(str(e))
ValueError: Dimensions must be equal, but are 16 and 32 for 'resnet_model/conv2d/post_conv_mul' (op: 'Mul') with input shapes: [16], [?,16,32,32].` | 0.551533 |
Traceback (most recent call last):
"/opt/conda/bin/pytest", line 8, in <module>
sys.exit(main())
"/opt/conda/lib/python3.6/site-packages/_pytest/config/__init__.py", line 63, in main
config = _prepareconfig(args, plugins)
"/opt/conda/lib/python3.6/site-packages/_pytest/config/__init__.py", line 207, in _prepareconfig
pluginmanager=pluginmanager, args=args
"/opt/conda/lib/python3.6/site-packages/pluggy/hooks.py", line 286, in __call__
return self._hookexec(self, self.get_hookimpls(), kwargs)
"/opt/conda/lib/python3.6/site-packages/pluggy/manager.py", line 93, in _hookexec
return self._inner_hookexec(hook, methods, kwargs)
"/opt/conda/lib/python3.6/site-packages/pluggy/manager.py", line 87, in <lambda>
firstresult=hook.spec.opts.get("firstresult") if hook.spec else False,
"/opt/conda/lib/python3.6/site-packages/pluggy/callers.py", line 203, in _multicall
gen.send(outcome)
"/opt/conda/lib/python3.6/site-packages/_pytest/helpconfig.py", line 94, in pytest_cmdline_parse
config = outcome.get_result()
"/opt/conda/lib/python3.6/site-packages/pluggy/callers.py", line 80, in get_result
raise ex[1].with_traceback(ex[2])
"/opt/conda/lib/python3.6/site-packages/pluggy/callers.py", line 187, in _multicall
res = hook_impl.function(*args)
"/opt/conda/lib/python3.6/site-packages/_pytest/config/__init__.py", line 739, in pytest_cmdline_parse
self.parse(args)
"/opt/conda/lib/python3.6/site-packages/_pytest/config/__init__.py", line 947, in parse
self._preparse(args, addopts=addopts)
"/opt/conda/lib/python3.6/site-packages/_pytest/config/__init__.py", line 893, in _preparse
self.pluginmanager.load_setuptools_entrypoints("pytest11")
"/opt/conda/lib/python3.6/site-packages/pluggy/manager.py", line 299, in load_setuptools_entrypoints
plugin = ep.load()
"/opt/conda/lib/python3.6/site-packages/importlib_metadata/__init__.py", line 94, in load
module = import_module(match.group('module'))
"/opt/conda/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 941, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 941, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 665, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/opt/conda/lib/python3.6/site-packages/hypothesis/__init__.py", line 36, in <module>
from hypothesis.core import example, find, given, reproduce_failure, seed
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/opt/conda/lib/python3.6/site-packages/_pytest/assertion/rewrite.py", line 304, in load_module
exec(co, mod.__dict__)
"/opt/conda/lib/python3.6/site-packages/hypothesis/core.py", line 73, in <module>
from hypothesis.internal.conjecture.engine import ConjectureRunner, sort_key
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/opt/conda/lib/python3.6/site-packages/_pytest/assertion/rewrite.py", line 304, in load_module
exec(co, mod.__dict__)
"/opt/conda/lib/python3.6/site-packages/hypothesis/internal/conjecture/engine.py", line 45, in <module>
from hypothesis.internal.conjecture.shrinker import Shrinker, sort_key
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/opt/conda/lib/python3.6/site-packages/_pytest/assertion/rewrite.py", line 304, in load_module
exec(co, mod.__dict__)
"/opt/conda/lib/python3.6/site-packages/hypothesis/internal/conjecture/shrinker.py", line 1446, in <module>
@attr.s(slots=True, eq=False)
TypeError: attrs() got an unexpected keyword argument 'eq'
| Traceback (most recent call last):
"C:\Program
s\WindowsApps\PythonSoftwareFoundation.Python.3.8_3.8.1776.0_x64__qbz5n2kfra8p0\lib\threading.py", line 932, in _bootstrap_inner
self.run()
"C:\Program
s\WindowsApps\PythonSoftwareFoundation.Python.3.8_3.8.1776.0_x64__qbz5n2kfra8p0\lib\threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"C:\Users\Test\env\lib\site-packages\andriller\utils.py", line 40, in command
return method(self, *args, **kwargs)
"C:\Users\Test\env\lib\site-packages\andriller\windows.py", line 532, in RunUsbExtraction
drill.InitialAdbRead()
"C:\Users\Test\env\lib\site-packages\andriller\driller.py", line 108, in InitialAdbRead
self.REPORT['permisson'] = get_permission()
"C:\Users\Test\env\lib\site-packages\andriller\driller.py", line 79, in get_permission
if 'root' in self.adb('exec-out id'):
TypeError: argument of type 'NoneType' is not iterable
| 0.538825 |
Traceback (most recent call last):
"manage.py", line 18, in <module>
from security_monkey.datastore import ExceptionLogs, clear_old_exceptions, store_exception
"/usr/local/src/security_monkey/security_monkey/__init__.py", line 269, in <module>
setup_logging()
"/usr/local/src/security_monkey/security_monkey/__init__.py", line 252, in setup_logging
dictConfig(app.config.get('LOG_CFG'))
"/usr/lib/python2.7/logging/config.py", line 794, in dictConfig
dictConfigClass(config).configure()
"/usr/lib/python2.7/logging/config.py", line 576, in configure
'%r: %s' % (name, e))
ValueError: Unable to configure handler 'file': [Errno 13] Permission denied: '/var/log/security_monkey/securitymonkey.log'
| Traceback (most recent call last):
"train.py", line 238, in <module>
main()
"train.py", line 76, in main
input_tensors, variables, loss, outputs, checks = gan.build_model()
"/home/bsatya/Study/ML/text-to-image/model.py", line 39, in build_model
fake_image = self.generator(t_z, t_real_caption)
"/home/bsatya/Study/ML/text-to-image/model.py", line 139, in generator
z_concat = tf.concat(1, [t_z, reduced_text_embedding])
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/ops/array_ops.py", line 1121, in concat
dtype=dtypes.int32).get_shape().assert_is_compatible_with(
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1050, in convert_to_tensor
as_ref=False)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1146, in internal_convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/ops/array_ops.py", line 971, in _autopacking_conversion_function
return _autopacking_helper(v, dtype, name or "packed")
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/ops/array_ops.py", line 923, in _autopacking_helper
return gen_array_ops.pack(elems_as_tensors, name=scope)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/ops/gen_array_ops.py", line 4875, in pack
"Pack", values=values, axis=axis, name=name)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/util/deprecation.py", line 488, in new_func
return func(*args, **kwargs)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3274, in create_op
op_def=op_def)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1792, in __init__
control_input_ops)
"/home/bsatya/Study/ML/p3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1631, in _create_c_op
raise ValueError(str(e))
ValueError: Dimension 1 in both shapes must be equal, but are 100 and 256. Shapes are [64,100] and [64,256].
| 0.515406 |
Traceback (most recent call last):
"/usr/lib/python3.5/wsgiref/handlers.py", line 137, in run
self.result = application(self.environ, self.start_response)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/navigator.py", line 143, in app
return make_response(render_template(url))
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/navigator.py", line 75, in render_template
for width, height, data_url, links, anchors in get_pages(html):
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/navigator.py", line 32, in get_pages
document = html.render(enable_hinting=True, stylesheets=[STYLESHEET])
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/__init__.py", line 143, in render
font_config)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/document.py", line 326, in _render
[Page(p, enable_hinting) for p in page_boxes],
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/document.py", line 326, in <listcomp>
[Page(p, enable_hinting) for p in page_boxes],
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/__init__.py", line 67, in layout_document
layout_backgrounds(page, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 252, in layout_backgrounds
layout_box_backgrounds(page, page, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 58, in layout_box_backgrounds
layout_box_backgrounds(page, child, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 58, in layout_box_backgrounds
layout_box_backgrounds(page, child, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 58, in layout_box_backgrounds
layout_box_backgrounds(page, child, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 58, in layout_box_backgrounds
layout_box_backgrounds(page, child, get_image_from_uri)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/backgrounds.py", line 55, in layout_box_backgrounds
resolve_radii_percentages(box)
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/layout/percentages.py", line 125, in resolve_radii_percentages
ry = _percentage(ry, box.border_height())
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/formatting_structure/boxes.py", line 143, in border_height
return self.padding_height() + self.border_top_width + \
"/home/myuser/venvs/myvenv/lib/python3.5/site-packages/weasyprint/formatting_structure/boxes.py", line 134, in padding_height
return self.height + self.padding_top + self.padding_bottom
TypeError: Can't convert 'int' object to str implicitly
| Traceback (most recent call last):
"/home/chelseas/anaconda3/envs/rllab3/lib/python3.5/site-packages/tensorflow/python/framework/tensor_util.py", line 521, in make_tensor_proto
str_values = [compat.as_bytes(x) for x in proto_values]
"/home/chelseas/anaconda3/envs/rllab3/lib/python3.5/site-packages/tensorflow/python/framework/tensor_util.py", line 521, in <listcomp>
str_values = [compat.as_bytes(x) for x in proto_values]
"/home/chelseas/anaconda3/envs/rllab3/lib/python3.5/site-packages/tensorflow/python/util/compat.py", line 61, in as_bytes
(bytes_or_text,))
TypeError: Expected binary or unicode string, got obs
| 0.570587 |
[autoreload of pandas.tseries.api failed: Traceback (most recent call last):
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 246, in check
superreload(m, reload, self.old_objects)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 369, in superreload
module = reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/imp.py", line 315, in reload
return importlib.reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/importlib/__init__.py", line 166, in reload
_bootstrap._exec(spec, module)
"<frozen importlib._bootstrap>", line 618, in _exec
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/pandas/tseries/api.py", line 8, in <module>
import pandas.tseries.offsets as offsets
AttributeError: module 'pandas.tseries' has no attribute 'offsets'
| Traceback (most recent call last):
"train-atari.py", line 301, in <module>
train()
"train-atari.py", line 262, in train
trainer = SimpleTrainer() if config.nr_tower == 1 else AsyncMultiGPUTrainer(train_tower)
AttributeError: 'TrainConfig' object has no attribute 'nr_tower'
| 0.56486 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/youtube_dl/YoutubeDL.py", line 792, in extract_info
ie_result = ie.extract(url)
"/usr/lib64/python3.6/site-packages/youtube_dl/extractor/common.py", line 507, in extract
ie_result = self._real_extract(url)
"/usr/lib64/python3.6/site-packages/youtube_dl/extractor/screencast.py", line 94, in _real_extract
raise ExtractorError('Cannot find video')
youtube_dl.utils.ExtractorError: Cannot find video;
| Traceback (most recent call last):
"c:\dev\python38\lib\site-packages\youtube_dl\YoutubeDL.py", line 807, in extract_info
return self.process_ie_result(ie_result, download, extra_info)
"c:\dev\python38\lib\site-packages\youtube_dl\YoutubeDL.py", line 862, in process_ie_result
return self.process_video_result(ie_result, download=download)
"c:\dev\python38\lib\site-packages\youtube_dl\YoutubeDL.py", line 1634, in process_video_result
raise ExtractorError('requested format not available',
youtube_dl.utils.ExtractorError: requested format not available
| 0.643632 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/state.py", line 1981, in call
**cdata['kwargs'])
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1977, in wrapper
return f(*args, **kwargs)
"/var/cache/salt/minion/extmods/states/network.py", line 523, in managed
desired_slaves = kwargs['slaves'].split()
AttributeError: 'list' object has no attribute 'split'
Started: 14:28:30.762470
| Traceback (most recent call last):
"/usr/lib/python3.7/threading.py", line 917, in _bootstrap_inner
self.run()
"/home/pi/Proyectos/yowsapp-framework/libs/yowsup/yowsup/demos/common/sink_worker.py", line 131, in run
filename = media_message_protocolentity.display_name
"/home/pi/Proyectos/yowsapp-framework/libs/yowsup/yowsup/layers/protocol_media/protocolentities/message_media_contact.py", line 20, in display_name
return self.media_specific_attributes.display_name
AttributeError: 'NoneType' object has no attribute 'display_name'
| 0.602654 |
Traceback (most recent call last):
return constructor[m](evaluation_context)
"<string>", line 46, in GenerateConfig
KeyError: 'forseti-config'
| Traceback (most recent call last):
"/usr/lib/python2.7/logging/__init__.py", line 851, in emit
msg = self.format(record)
"/usr/lib/python2.7/logging/__init__.py", line 724, in format
return fmt.format(record)
"/usr/lib/python2.7/logging/__init__.py", line 464, in format
record.message = record.getMessage()
"/usr/lib/python2.7/logging/__init__.py", line 328, in getMessage
msg = msg % self.args
KeyError: u'flags'
| 0.401743 |
Traceback (most recent call last):
"/usr/lib/python3.5/runpy.py", line 174, in _run_module_as_main
mod_name, mod_spec, code = _get_module_details(mod_name, _Error)
"/usr/lib/python3.5/runpy.py", line 133, in _get_module_details
return _get_module_details(pkg_main_name, error)
"/usr/lib/python3.5/runpy.py", line 109, in _get_module_details
__import__(pkg_name)
"/home/cegprakash/.local/share/virtualenvs/python-engine-USisEXbk/lib/python3.5/site-packages/spacy/__init__.py", line 8, in <module>
from thinc.neural.util import prefer_gpu, require_gpu
"/home/cegprakash/.local/share/virtualenvs/python-engine-USisEXbk/lib/python3.5/site-packages/thinc/neural/__init__.py", line 1, in <module>
from ._classes.model import Model
"/home/cegprakash/.local/share/virtualenvs/python-engine-USisEXbk/lib/python3.5/site-packages/thinc/neural/_classes/model.py", line 12, in <module>
from ..train import Trainer
"/home/cegprakash/.local/share/virtualenvs/python-engine-USisEXbk/lib/python3.5/site-packages/thinc/neural/train.py", line 3, in <module>
from .optimizers import Adam, SGD, linear_decay
"optimizers.pyx", line 13, in init thinc.neural.optimizers
"cymem.pxd", line 4, in init thinc.neural.ops
AttributeError: module 'cymem.cymem' has no attribute 'PyMalloc'
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 150, in _async_setup_platform
await asyncio.wait_for(asyncio.shield(task), SLOW_SETUP_MAX_WAIT)
"/usr/local/lib/python3.7/asyncio/tasks.py", line 442, in wait_for
return fut.result()
"/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/homeassistant/homeassistant/components/remote_rpi_gpio/binary_sensor.py", line 52, in setup_platform
address, port_num, pull_mode, bouncetime
"/usr/src/homeassistant/homeassistant/components/remote_rpi_gpio/__init__.py", line 48, in setup_input
pin_factory=PiGPIOFactory(address),
"/usr/local/lib/python3.7/site-packages/gpiozero/devices.py", line 124, in __call__
self = super(GPIOMeta, cls).__call__(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/gpiozero/input_devices.py", line 432, in __init__
bounce_time=bounce_time, pin_factory=pin_factory)
"/usr/local/lib/python3.7/site-packages/gpiozero/mixins.py", line 383, in __init__
super(HoldMixin, self).__init__(*args, **kwargs)
"/usr/local/lib/python3.7/site-packages/gpiozero/input_devices.py", line 188, in __init__
self._fire_events(self.pin_factory.ticks(), self.is_active)
"/usr/local/lib/python3.7/site-packages/gpiozero/mixins.py", line 368, in _fire_events
self._fire_activated()
"/usr/local/lib/python3.7/site-packages/gpiozero/mixins.py", line 398, in _fire_activated
self._hold_thread.holding.set()
AttributeError: 'NoneType' object has no attribute 'holding'
| 0.625814 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/kuba/.anaconda3/envs/test/lib/python3.6/site-packages/pytesseract/pytesseract.py", line 341, in image_to_string
}[output_type]()
"/home/kuba/.anaconda3/envs/test/lib/python3.6/site-packages/pytesseract/pytesseract.py", line 340, in <lambda>
Output.STRING: lambda: run_and_get_output(*args),
"/home/kuba/.anaconda3/envs/test/lib/python3.6/site-packages/pytesseract/pytesseract.py", line 238, in run_and_get_output
temp_name, input_filename = save_image(image)
"/home/kuba/.anaconda3/envs/test/lib/python3.6/site-packages/pytesseract/pytesseract.py", line 157, in save_image
raise TypeError('Unsupported image format/type')
TypeError: Unsupported image format/type
| Traceback (most recent call last):
"/usr/lib/python2.7/runpy.py", line 174, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/usr/lib/python2.7/runpy.py", line 72, in _run_code
exec code in run_globals
"/home/cjf/bin/youtube-dl/__main__.py", line 19, in <module>
"/home/cjf/bin/youtube-dl/youtube_dl/__init__.py", line 474, in main
"/home/cjf/bin/youtube-dl/youtube_dl/__init__.py", line 464, in _real_main
"/home/cjf/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 2008, in download
"/home/cjf/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 807, in extract_info
"/home/cjf/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 861, in process_ie_result
"/home/cjf/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 1642, in process_video_result
"/home/cjf/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 1707, in process_info
TypeError: object of type 'NoneType' has no len()
| 0.592505 |
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'>
| `Traceback (most recent call last):
"scripts/train.py", line 75, in <module>
results = [main(args) for args in variant_args_generator(args, variants)]
"scripts/train.py", line 75, in <listcomp>
results = [main(args) for args in variant_args_generator(args, variants)]
"scripts/train.py", line 26, in main
task = build_task(args)
"/Users/XXX/cogdl-master/cogdl/tasks/__init__.py", line 48, in build_task
return TASK_REGISTRY[args.task](args)
"/Users/XXX/cogdl-master/cogdl/tasks/unsupervised_node_classification.py", line 56, in __init__
self.model = build_model(args)
"/Users/XXX/cogdl-master/cogdl/models/__init__.py", line 108, in build_model
return MODEL_REGISTRY[args.model].build_model_from_args(args)
"/Users/XXX/cogdl-master/cogdl/models/nn/gcn.py", line 71, in build_model_from_args
return cls(args.num_features, args.hidden_size, args.num_classes, args.dropout)
"/Users/XXX/cogdl-master/cogdl/models/nn/gcn.py", line 76, in __init__
self.gc1 = GraphConvolution(nfeat, nhid)
"/Users/zengyujian/cogdl-master/cogdl/models/nn/gcn.py", line 20, in __init__
self.weight = Parameter(torch.FloatTensor(in_features, out_features))
TypeError: new() received an invalid combination of arguments - got (NoneType, int), but expected one of:
| 0.644349 |
Traceback (most recent call last):
"crawler.py", line 77, in <module>
args.debug
"crawler.py", line 25, in get_posts_by_user
return ins_crawler.get_user_posts(username, number, detail)
"/Users/philipperemy/PycharmProjects/instagram-crawler/inscrawler/crawler.py", line 100, in get_user_posts
user_profile = self.get_user_profile(username)
"/Users/philipperemy/PycharmProjects/instagram-crawler/inscrawler/crawler.py", line 89, in get_user_profile
post_num, follower_num, following_num = statistics
ValueError: not enough values to unpack (expected 3, got 0)
| Traceback (most recent call last):
"test.py", line 37, in <module>
sopt.minimize(NLL, jnp.zeros((3, 2)), Y, method="BFGS")
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/_src/scipy/optimize/minimize.py", line 96, in minimize
results = minimize_bfgs(fun_with_args, x0, **options)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/_src/scipy/optimize/bfgs.py", line 99, in minimize_bfgs
f_0, g_0 = jax.value_and_grad(fun)(x0)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/_src/traceback_util.py", line 139, in reraise_with_filtered_traceback
return fun(*args, **kwargs)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/api.py", line 808, in value_and_grad_f
ans, vjp_py = _vjp(f_partial, *dyn_args)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/api.py", line 1914, in _vjp
out_primal, out_vjp = ad.vjp(flat_fun, primals_flat)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/interpreters/ad.py", line 114, in vjp
out_primals, pvals, jaxpr, consts = linearize(traceable, *primals)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/interpreters/ad.py", line 101, in linearize
jaxpr, out_pvals, consts = pe.trace_to_jaxpr(jvpfun_flat, in_pvals)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/interpreters/partial_eval.py", line 506, in trace_to_jaxpr
jaxpr, (out_pvals, consts, env) = fun.call_wrapped(pvals)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/linear_util.py", line 166, in call_wrapped
ans = self.f(*args, **dict(self.params, **kwargs))
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/_src/scipy/optimize/minimize.py", line 93, in <lambda>
fun_with_args = lambda x: fun(x, *args)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/_src/traceback_util.py", line 139, in reraise_with_filtered_traceback
return fun(*args, **kwargs)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/api.py", line 1220, in batched_fun
in_axes_flat = flatten_axes("vmap in_axes", in_tree, (in_axes, 0), kws=True)
"/Users/nicholas/opt/miniconda3/lib/python3.8/site-packages/jax/api_util.py", line 188, in flatten_axes
raise ValueError(f"{name} specification must be a tree prefix of the "
ValueError: vmap in_axes specification must be a tree prefix of the corresponding value, got specification (1, 1) for value tree PyTreeDef(tuple, [*,*,*,*,*,*,*,*,*,*,*]).
| 0.588466 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/distributed/core.py", line 528, in handle_comm
result = await result
"/usr/local/lib/python3.6/site-packages/distributed/scheduler.py", line 2209, in remove_worker
address = self.coerce_address(address)
"/usr/local/lib/python3.6/site-packages/distributed/scheduler.py", line 4950, in coerce_address
raise TypeError("addresses should be strings or tuples, got %r" % (addr,))
TypeError: addresses should be strings or tuples, got None
| Traceback (most recent call last):
"/home/mario/Schreibtisch/ProperTree-master/Scripts/plistwindow.py", line 1407, in save_plist_as
plist_text = plist.dumps(plist_data,sort_keys=self.controller.settings.get("sort_dict",False))
TypeError: expected bytes, str found
| 0.596105 |
`Traceback (most recent call last):
"torghost.py", line 11, in init torghost
from stem import Signal
ModuleNotFoundError: No module named 'stem'
| Traceback (most recent call last):
"d:\homeassistant\lib\site-packages\homeassistant\config_entries.py", line 219, in async_setup
result = await component.async_setup_entry(
# type: ignore
"D:\HomeAssistant\Config\custom_components\hacs\__init__.py", line 30, in async_setup_entry
return await hacs_ui_setup(hass, config_entry)
"D:\HomeAssistant\Config\custom_components\hacs\operational\setup.py", line 61, in async_setup_entry
return await async_startup_wrapper_for_config_entry()
"D:\HomeAssistant\Config\custom_components\hacs\operational\setup.py", line 86, in async_startup_wrapper_for_config_entry
startup_result = await async_hacs_startup()
"D:\HomeAssistant\Config\custom_components\hacs\operational\setup.py", line 165, in async_hacs_startup
if not await async_load_hacs_repository():
"D:\HomeAssistant\Config\custom_components\hacs\operational\setup_actions\load_hacs_repository.py", line 17, in async_load_hacs_repository
await register_repository("hacs/integration", "integration")
"D:\HomeAssistant\Config\custom_components\hacs\helpers\functions\register_repository.py", line 29, in register_repository
await repository.async_registration(ref)
"D:\HomeAssistant\Config\custom_components\hacs\helpers\methods\registration.py", line 37, in async_registration
await self.async_post_registration()
"D:\HomeAssistant\Config\custom_components\hacs\helpers\methods\registration.py", line 42, in async_post_registration
await async_run_repository_checks(self)
"D:\HomeAssistant\Config\custom_components\hacs\validate\__init__.py", line 24, in async_run_repository_checks
await async_initialize_rules()
"D:\HomeAssistant\Config\custom_components\hacs\validate\__init__.py", line 18, in async_initialize_rules
await hass.async_add_executor_job(_initialize_rules)
"c:\Python3\lib\concurrent\futures\thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"D:\HomeAssistant\Config\custom_components\hacs\validate\__init__.py", line 13, in _initialize_rules
importlib.import_module(rule)
"c:\Python3\lib\importlib\__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 1014, in _gcd_import
"<frozen importlib._bootstrap>", line 991, in _find_and_load
"<frozen importlib._bootstrap>", line 973, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'custom_components.hacsD:\\HomeAssistant\\Config\\custom_components\\hacs\\validate\\common\\hacs_manifest'
| 0.505501 |
Traceback (most recent call last):
"/opt/anaconda3/lib/python3.6/logging/__init__.py", line 992, in emit
msg = self.format(record)
"/opt/anaconda3/lib/python3.6/logging/__init__.py", line 838, in format
return fmt.format(record)
"/opt/anaconda3/lib/python3.6/site-packages/tornado/log.py", line 193, in format
formatted = self._fmt % record.__dict__
KeyError: 'highlevel'
| Traceback (most recent call last):
"/usr/local/bin/xunique", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python2.7/site-packages/xUnique.py", line 546, in main
xunique.unique_project()
"/usr/local/lib/python2.7/site-packages/xUnique.py", line 188, in unique_project
self.__unique_project(self.root_hex)
"/usr/local/lib/python2.7/site-packages/xUnique.py", line 365, in __unique_project
self.__set_to_result(project_hex, target_hex, cur_path_key)
"/usr/local/lib/python2.7/site-packages/xUnique.py", line 141, in __set_to_result
current_path = '/'.join([str(current_node[i]) for i in current_path_key])
KeyError: u'productName'
| 0.507763 |
Traceback (most recent call last):
"/Users/jkirkham/miniconda/envs/cython/bin/cython", line 11, in <module>
sys.exit(setuptools_main())
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 840, in setuptools_main
return main(command_line = 1)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 858, in main
result = compile(sources, options)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 780, in compile
return compile_multiple(source, options)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 757, in compile_multiple
result = run_pipeline(source, options, context=context)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 515, in run_pipeline
err, enddata = Pipeline.run_pipeline(pipeline, source)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Pipeline.py", line 355, in run_pipeline
data = run(phase, data)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Pipeline.py", line 335, in run
return phase(data)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Pipeline.py", line 34, in parse
tree = context.parse(source_desc, scope, pxd = 0, full_module_name = full_module_name)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Main.py", line 369, in parse
tree = Parsing.p_module(s, pxd, full_module_name)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 3707, in p_module
body = p_statement_list(s, ctx(level=level), first_statement = 1)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 2341, in p_statement_list
stat = p_statement(s, ctx, first_statement = first_statement)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 2333, in p_statement
return p_simple_statement_list(s, ctx, first_statement=first_statement)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 2154, in p_simple_statement_list
stat = p_simple_statement(s, first_statement = first_statement)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 2148, in p_simple_statement
node = p_expression_or_assignment(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 1523, in p_expression_or_assignment
expr = p_testlist_star_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 1453, in p_testlist_star_expr
expr = p_test_or_starred_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 210, in p_test_or_starred_expr
return p_test(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 142, in p_test
expr = p_or_test(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 163, in p_or_test
return p_rassoc_binop_expr(s, ('or',), p_and_test)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 166, in p_rassoc_binop_expr
n1 = p_subexpr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 179, in p_and_test
return p_rassoc_binop_expr(s, ('and',), p_not_test)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 166, in p_rassoc_binop_expr
n1 = p_subexpr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 189, in p_not_test
return p_comparison(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 195, in p_comparison
n1 = p_starred_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 219, in p_starred_expr
expr = p_bit_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 261, in p_bit_expr
return p_binop_expr(s, ('|',), p_xor_expr)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 266, in p_xor_expr
return p_binop_expr(s, ('^',), p_and_expr)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 271, in p_and_expr
return p_binop_expr(s, ('&',), p_shift_expr)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 276, in p_shift_expr
return p_binop_expr(s, ('<<', '>>'), p_arith_expr)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 281, in p_arith_expr
return p_binop_expr(s, ('+', '-'), p_term)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 286, in p_term
return p_binop_expr(s, ('*', '@', '/', '%', '//'), p_factor)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 97, in p_binop_expr
n1 = p_sub_expr(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 292, in p_factor
return _p_factor(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 308, in _p_factor
return p_typecast(s)
"/Users/jkirkham/miniconda/envs/cython/lib/python3.8/site-packages/Cython/Compiler/Parsing.py", line 322, in p_typecast
and base_type.name is None):
AttributeError: 'CTupleBaseTypeNode' object has no attribute 'name'
| 2018-04-02 10:13:48 INFO (MainThread) [homeassistant.core] Bus:Handling <Event system_log_event[L]: timestamp=1522678428.8859806, level=ERROR, message=Update for media_player.philips_tv fails, exception=Traceback (most recent call last):
"/usr/src/app/homeassistant/helpers/entity.py", line 204, in async_update_ha_state
yield from self.async_device_update()
"/usr/src/app/homeassistant/helpers/entity.py", line 327, in async_device_update
yield from self.hass.async_add_job(self.update)
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/src/app/homeassistant/util/__init__.py", line 319, in wrapper
result = method(*args, **kwargs)
"/usr/src/app/homeassistant/components/media_player/philips_js.py", line 186, in update
self._tv.update()
"/usr/local/lib/python3.6/site-packages/haphilipsjs/__init__.py", line 61, in update
self.getName()
"/usr/local/lib/python3.6/site-packages/haphilipsjs/__init__.py", line 67, in getName
r = self._getReq('system/name')
"/usr/local/lib/python3.6/site-packages/haphilipsjs/__init__.py", line 33, in _getReq
resp = requests.get(BASE_URL.format(self._host, self.api_version, path), timeout=TIMEOUT)
AttributeError: 'PhilipsTV' object has no attribute 'api_version'
| 0.62218 |
Traceback (most recent call last):
"/Users/lol/.pyenv/versions/3.6.4/bin/myth", line 4, in <module>
__import__('pkg_resources').run_script('mythril==0.10.13', 'myth')
"/Users/lol/.pyenv/versions/3.6.4/lib/python3.6/site-packages/pkg_resources/__init__.py", line 743, in run_script
self.require(requires)[0].run_script(script_name, ns)
"/Users/lol/.pyenv/versions/3.6.4/lib/python3.6/site-packages/pkg_resources/__init__.py", line 1498, in run_script
exec(code, namespace, namespace)
"/Users/lol/.pyenv/versions/3.6.4/lib/python3.6/site-packages/mythril-0.10.13-py3.6.egg/EGG-INFO/scripts/myth", line 146, in <module>
analyze_truffle_project()
"/Users/lol/.pyenv/versions/3.6.4/lib/python3.6/site-packages/mythril-0.10.13-py3.6.egg/mythril/support/truffle.py", line 72, in analyze_truffle_project
for key, issue in report.issues.items():
AttributeError: 'list' object has no attribute 'issues'`
| Traceback (most recent call last):
"/usr/local/bin/celery", line 11, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/site-packages/celery/__main__.py", line 14, in main
_main()
"/usr/local/lib/python3.6/site-packages/celery/bin/celery.py", line 326, in main
cmd.execute_from_commandline(argv)
"/usr/local/lib/python3.6/site-packages/celery/bin/celery.py", line 488, in execute_from_commandline
super(CeleryCommand, self).execute_from_commandline(argv)))
"/usr/local/lib/python3.6/site-packages/celery/bin/base.py", line 281, in execute_from_commandline
return self.handle_argv(self.prog_name, argv[1:])
"/usr/local/lib/python3.6/site-packages/celery/bin/celery.py", line 480, in handle_argv
return self.execute(command, argv)
"/usr/local/lib/python3.6/site-packages/celery/bin/celery.py", line 412, in execute
).run_from_argv(self.prog_name, argv[1:], command=argv[0])
"/usr/local/lib/python3.6/site-packages/celery/bin/worker.py", line 221, in run_from_argv
return self(*args, **options)
"/usr/local/lib/python3.6/site-packages/celery/bin/base.py", line 244, in __call__
ret = self.run(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/celery/bin/worker.py", line 255, in run
**kwargs)
"/usr/local/lib/python3.6/site-packages/celery/worker/worker.py", line 99, in __init__
self.setup_instance(**self.prepare_args(**kwargs))
"/usr/local/lib/python3.6/site-packages/celery/worker/worker.py", line 122, in setup_instance
self.should_use_eventloop() if use_eventloop is None
"/usr/local/lib/python3.6/site-packages/celery/worker/worker.py", line 241, in should_use_eventloop
self._conninfo.transport.implements.async and
"/usr/local/lib/python3.6/site-packages/kombu/transport/base.py", line 125, in __getattr__
raise AttributeError(key)
AttributeError: async
| 0.547102 |
Traceback (most recent call last):
"/Users/taw/PycharmProjects/stractTest/tensorTest4.py", line 46, in <module>
writer = tf.train.SummaryWriter("/Users/taw/logs", sess.graph)
"/Users/taw/anaconda/lib/python2.7/site-packages/tensorflow/python/training/summary_io.py", line 82, in __init__
self.add_graph(graph_def)
"/Users/taw/anaconda/lib/python2.7/site-packages/tensorflow/python/training/summary_io.py", line 128, in add_graph
event = event_pb2.Event(wall_time=time.time(), graph_def=graph_def)
"/Users/taw/anaconda/lib/python2.7/site-packages/google/protobuf/internal/python_message.py", line 519, in init
_ReraiseTypeErrorWithFieldName(message_descriptor.name, field_name)
"/Users/taw/anaconda/lib/python2.7/site-packages/google/protobuf/internal/python_message.py", line 450, in _ReraiseTypeErrorWithFieldName
six.reraise(type(exc), exc, sys.exc_info()[2])
"/Users/taw/anaconda/lib/python2.7/site-packages/google/protobuf/internal/python_message.py", line 517, in init
copy.MergeFrom(new_val)
"/Users/taw/anaconda/lib/python2.7/site-packages/google/protobuf/internal/python_message.py", line 1208, in MergeFrom
"expected %s got %s." % (cls.__name__, type(msg).__name__))
TypeError: Parameter to MergeFrom() must be instance of same class: expected GraphDef got Graph. for field Event.graph_def | Traceback (most recent call last):
"demo_odometry.py", line 34, in <module>
first_gray = next(dataset.gray)
TypeError: list object is not an iterator
| 0.51503 |
Traceback (most recent call last):
"portfolio_optimization.py", line 150, in <module>
quote_currency='usdt')
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\utils\run_algo.py", line 643, in run_algorithm
stats_output=stats_output
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\utils\run_algo.py", line 361, in _run
overwrite_sim_params=False,
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\exchange\exchange_algorithm.py", line 403, in run
data, overwrite_sim_params
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\exchange\exchange_algorithm.py", line 360, in run
data, overwrite_sim_params
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\algorithm.py", line 725, in run
for perf in self.get_generator():
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\gens\tradesimulation.py", line 224, in transform
for capital_change_packet in every_bar(dt):
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\gens\tradesimulation.py", line 137, in every_bar
handle_data(algo, current_data, dt_to_use)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\utils\events.py", line 216, in handle_data
dt,
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\utils\events.py", line 235, in handle_data
self.callback(context, data)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\exchange\exchange_algorithm.py", line 381, in handle_data
super(ExchangeTradingAlgorithmBacktest, self).handle_data(data)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\catalyst\algorithm.py", line 474, in handle_data
self._handle_data(self, data)
"portfolio_optimization.py", line 92, in handle_data
max_sharpe_port = results_frame.iloc[results_frame['sharpe'].idxmax()]
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\core\indexing.py", line 1312, in __getitem__
return self._getitem_axis(key, axis=0)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\core\indexing.py", line 1621, in _getitem_axis
key = self._convert_scalar_indexer(key, axis)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\core\indexing.py", line 196, in _convert_scalar_indexer
return ax._convert_scalar_indexer(key, kind=self.name)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\indexes\numeric.py", line 160, in _convert_scalar_indexer
._convert_scalar_indexer(key, kind=kind))
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\indexes\base.py", line 1144, in _convert_scalar_indexer
return self._validate_indexer('positional', key, kind)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\indexes\base.py", line 3035, in _validate_indexer
self._invalid_indexer(form, key)
"C:\Users\ALEXAN~1\DOWNLO~1\CATALY~1.21\CATALY~1.21\CATALY~1\lib\site-packages\pandas\indexes\base.py", line 1284, in _invalid_indexer
kind=type(key)))
TypeError: cannot do positional indexing on <class 'pandas.indexes.range.RangeIndex'> with these indexers [nan] of <class 'float'>
|
Traceback (most recent call last):
"/usr/local/Cellar/python3/3.3.2/Frameworks/Python.framework/Versions/3.3/lib/python3.3/doctest.py", line 1287, in __run
compileflags, 1), test.globs)
"<doctest corpus.doctest[366]>", line 1, in <module>
l3 = open(f3).read().split()
TypeError: invalid file:
SystemPathPointer('/Users/kmike/nltk_data/corpora/inaugural/1909-Taft.txt') | 0.463253 |
Traceback (most recent call last):
"PixivUtil2.py", line 438, in process_member
(artist, list_page) = PixivBrowserFactory.getBrowser().getMemberPage(member_id, page, bookmark, tags)
"/mnt/c/PixivUtil2/PixivBrowserFactory.py", line 508, in getMemberPage
self.getMemberInfoWhitecube(member_id, artist, bookmark)
"/mnt/c/PixivUtil2/PixivBrowserFactory.py", line 421, in getMemberInfoWhitecube
artist.ParseBackground(info_ajax)
"/mnt/c/PixivUtil2/PixivModelWhiteCube.py", line 101, in ParseBackground
self.artistBackground = payload["body"]["background"]["url"]
TypeError: 'NoneType' object has no attribute '__getitem__'
| Traceback (most recent call last):
"uvloop/cbhandles.pyx", line 64, in uvloop.loop.Handle._run
"/usr/src/app/homeassistant/helpers/event.py", line 211, in point_in_time_listener
hass.async_run_job(action, now)
"/usr/src/app/homeassistant/core.py", line 333, in async_run_job
target(*args)
"/usr/src/app/homeassistant/helpers/event.py", line 251, in interval_listener
hass.async_run_job(action, now)
"/usr/src/app/homeassistant/core.py", line 335, in async_run_job
self.async_add_job(target, *args)
"/usr/src/app/homeassistant/core.py", line 272, in async_add_job
task = self.loop.create_task(target(*args))
TypeError: force_reload() takes 1 positional argument but 2 were given
| 0.534476 |
Traceback (most recent call last):
"c:\users\administrator\appdata\local\programs\python\python36\lib\site-packages\qqbot\qqbotcls.py", line 99, in _call
func(*args, **kwargs)
"C:\Users\Administrator\.qqbot-tmp\plugins\qqgm.py", line 69, in onQQMessage
bot.GroupShut(contact, member, t=mutetime)
"c:\users\administrator\appdata\local\programs\python\python36\lib\site-packages\qqbot\groupmanager.py", line 139, in GroupShut
self.groupShut, t
"c:\users\administrator\appdata\local\programs\python\python36\lib\site-packages\qqbot\groupmanager.py", line 79, in membsOperation
for m in membs:
TypeError: 'GroupMember' object is not iterable
| Traceback (most recent call last):
"C:\Medusa\start.py", line 14, in <module>
main()
"C:\Medusa\medusa\__main__.py", line 2184, in main
application.start(sys.argv[1:])
"C:\Medusa\medusa\__main__.py", line 317, in start
self.initialize(console_logging=self.console_logging)
"C:\Medusa\medusa\__main__.py", line 425, in initialize
app.GIT_PASSWORD = check_setting_str(app.CFG, 'General', 'git_password', '', censor_log='low')
"C:\Medusa\medusa\config.py", line 738, in check_setting_str
config[cfg_name][item_name] = helpers.encrypt(my_val, encryption_version)
"C:\Medusa\medusa\helpers\__init__.py", line 970, in encrypt
''.join(chr(ord(x) ^ ord(y)) for (x, y) in zip(data, cycle(app.ENCRYPTION_SECRET)))).strip()
"C:\Python37\lib\base64.py", line 547, in encodestring
return encodebytes(s)
"C:\Python37\lib\base64.py", line 534, in encodebytes
_input_type_check(s)
"C:\Python37\lib\base64.py", line 520, in _input_type_check
raise TypeError(msg) from err
TypeError: expected bytes-like object, not str
| 0.572843 |
Traceback (most recent call last):
"./setup.py", line 156, in <module>
call(BuildDocsCommand.apidoc_command)
AttributeError: type object 'BuildDocsCommand' has no attribute 'apidoc_command'
| > Traceback (most recent call last):
"/home/thiago/workspace/aprendendo/teste-simple-history/tasks/lib/python3.6/site-packages/django/db/models/fields/related_descriptors.py", line 178, in __get__
rel_obj = getattr(instance, self.cache_name)
AttributeError: 'Task' object has no attribute '_type_task_cache'
| 0.615211 |
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):
"bilibili_video_download_v1.py", line 176, in <module>
start_url = 'https://api.bilibili.com/x/web-interface/view?aid=' + re.search(r'/av(\d+)/*', start).group(1)
AttributeError: 'NoneType' object has no attribute 'group' | 0.613653 |
Traceback (most recent call last):
"C:\Users\...\...\...\...\...\PyRevitPlus.extension\pyRevitPlus.tab\Misc Tools.panel\Open In Excel.pushbutton\script.py", line 76, in <module>
AttributeError: 'ViewSchedule' object has no attribute 'ViewName'
| 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.596752 |
Traceback (most recent call last):
"/home/jared/build/ranger/ranger/core/main.py", line 168, in main
fm.loop()
"/home/jared/build/ranger/ranger/core/fm.py", line 377, in loop
ui.draw_images()
"/home/jared/build/ranger/ranger/gui/ui.py", line 401, in draw_images
self.browser.columns[-1].draw_image()
"/home/jared/build/ranger/ranger/gui/widgets/pager.py", line 115, in draw_image
self.fm.notify(ex, bad=True)
"/home/jared/build/ranger/ranger/core/actions.py", line 161, in notify
raise obj
"/home/jared/build/ranger/ranger/gui/widgets/pager.py", line 111, in draw_image
self.wid, self.hei)
"/home/jared/build/ranger/ranger/ext/img_display.py", line 213, in draw
sys.stdout.write(curses.tparm(curses.tigetstr("cup"), start_y, start_x))
TypeError: write() argument must be str, not bytes
| Traceback (most recent call last):
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 373, in validate_mapping
new_key = ckey(key_path, key)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable
return schema(data)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/config_validation.py", line 659, in validator
value = config[key]
TypeError: string indices must be integers
| 0.553369 |
Traceback (most recent call last):
"demo.py", line 117, in <module>
demo()
"demo.py", line 48, in demo
allModels = myutil.preload(this_path,pose_models_folder,pose_models,nSub)
"/aiml/t00475017/face_specific_augm/myutil.py", line 66, in preload
model3D = ThreeD_Model.FaceModel(this_path + pose_models_folder + pose, 'model3D', True)
"/aiml/t00475017/face_specific_augm/ThreeD_Model.py", line 15, in __init__
self.eyemask = self.getEyeMask(width=8,plot=False)
"/aiml/t00475017/face_specific_augm/ThreeD_Model.py", line 38, in getEyeMask
output1 = self.createMask(eyeLeft, width=width)
"/aiml/t00475017/face_specific_augm/ThreeD_Model.py", line 64, in createMask
contours, hierarchy = cv2.findContours(eyemask,cv2.RETR_TREE,cv2.CHAIN_APPROX_SIMPLE)
ValueError: too many values to unpack
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"mtrand.pyx", line 1317, in mtrand.RandomState.uniform
"mtrand.pyx", line 267, in mtrand.cont2_array
ValueError: size is not compatible with inputs
| 0.552702 |
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.387777777777778<class 'float'>
|
Traceback (most recent call last):
"/Users/crane/Projects/tornado/tornado/websocket.py", line 484, in _run_callback
result = callback(*args, **kwargs)
"/Users/crane/Projects/tornado/demos/websocket/chatdemo.py", line 92, in on_message
self.render_string("message.html", message=chat))
"/Users/crane/Projects/tornado/tornado/web.py", line 863, in render_string
namespace = self.get_template_namespace()
"/Users/crane/Projects/tornado/tornado/web.py", line 887, in get_template_namespace
namespace.update(self.ui)
TypeError: 'NoneType' object is not iterable
| 0.571656 |
Traceback (most recent call last):
"/home/seven/workspace/py3/lib/python3.6/site-packages/django/apps/config.py", line 165, in get_model
return self.models[model_name.lower()]
KeyError: 'user'
| Traceback (most recent call last):
"/usr/lib/python3.5/threading.py", line 914, in _bootstrap_inner
self.run()
"./DeathStar.py", line 59, in __run
self.__run_backup()
"/usr/lib/python3.5/threading.py", line 862, in run
self._target(*self._args, **self._kwargs)
"./DeathStar.py", line 585, in pwn_the_shit_out_of_everything
recon(agent_name)
"./DeathStar.py", line 507, in recon
domain_sid = get_domain_sid(agent_name)
"./DeathStar.py", line 213, in get_domain_sid
results = execute_module_with_results('powershell/management/get_domain_sid', agent_name)
"./DeathStar.py", line 180, in execute_module_with_results
if result['taskID'] == r['taskID']:
KeyError: 'taskID'
| 0.609636 |
Traceback (most recent call last):
"translate.py", line 48, in <module>
translations = trans.translate(entrytext, src=src_lang, dest=dest_lang)
"D:\Users\user1\AppData\Local\Programs\Python\Python38\lib\site-packages\googletrans\client.py", line 177, in translate
translated = self.translate(item, dest=dest, src=src, **kwargs)
"D:\Users\user1\AppData\Local\Programs\Python\Python38\lib\site-packages\googletrans\client.py", line 185, in translate
translated = ''.join([d[0] if d[0] else '' for d in data[0]])
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/usr/local/bin/mount.s3ql", line 11, in <module>
load_entry_point('s3ql==3.4.1', 'console_scripts', 'mount.s3ql')()
"/usr/local/lib/python3.7/dist-packages/s3ql-3.4.1-py3.7-linux-x86_64.egg/s3ql/mount.py", line 131, in main
trio.run(main_async, options, stdout_log_handler)
"/usr/local/lib/python3.7/dist-packages/trio/_core/_run.py", line 1718, in run
raise runner.main_task_outcome.error
"/usr/local/lib/python3.7/dist-packages/s3ql-3.4.1-py3.7-linux-x86_64.egg/s3ql/mount.py", line 270, in main_async
unmount_clean = True
"/usr/local/lib/python3.7/dist-packages/trio/_core/_run.py", line 723, in __aexit__
raise combined_error_from_nursery
"/usr/local/lib/python3.7/dist-packages/s3ql-3.4.1-py3.7-linux-x86_64.egg/s3ql/mount.py", line 603, in run
with trio.move_on_after(self.interval):
"/usr/local/lib/python3.7/dist-packages/trio/_timeouts.py", line 29, in move_on_after
if seconds < 0:
TypeError: '<' not supported between instances of 'NoneType' and 'int'
| 0.645628 |
Traceback (most recent call last):
"run.py", line 179, in <module>
db.migrations.run()
"/Users/csytan/Documents/dev/cozycal/db/migrations/__init__.py", line 18, in run
importlib.import_module('db.migrations.{}'.format(version))
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 665, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/csytan/Documents/dev/cozycal/db/migrations/51.py", line 11, in <module>
db.ServiceCategory, rel_field='servicecategory', null=True, on_delete='SET NULL'))
"/Users/csytan/Library/Python/3.6/lib/python/site-packages/peewee.py", line 4127, in __init__
super(ForeignKeyField, self).__init__(*args, **kwargs)
TypeError: __init__() got an unexpected keyword argument 'rel_field'
| 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.529649 |
Traceback (most recent call last):
"train.py", line 117, in <module>
trainer.fit(model, train_loader)
"/opt/conda/lib/python3.6/site-packages/pytorch_lightning/trainer/trainer.py", line 445, in fit
results = self.accelerator_backend.train()
"/opt/conda/lib/python3.6/site-packages/pytorch_lightning/accelerators/ddp_spawn_accelerator.py", line 74, in train
mp.spawn(self.ddp_train, nprocs=self.nprocs, args=(self.mp_queue, model,))
"/opt/conda/lib/python3.6/site-packages/torch/multiprocessing/spawn.py", line 199, in spawn
return start_processes(fn, args, nprocs, join, daemon, start_method='spawn')
"/opt/conda/lib/python3.6/site-packages/torch/multiprocessing/spawn.py", line 148, in start_processes
process.start()
"/opt/conda/lib/python3.6/multiprocessing/process.py", line 105, in start
self._popen = self._Popen(self)
"/opt/conda/lib/python3.6/multiprocessing/context.py", line 284, in _Popen
return Popen(process_obj)
"/opt/conda/lib/python3.6/multiprocessing/popen_spawn_posix.py", line 32, in __init__
super().__init__(process_obj)
"/opt/conda/lib/python3.6/multiprocessing/popen_fork.py", line 19, in __init__
self._launch(process_obj)
"/opt/conda/lib/python3.6/multiprocessing/popen_spawn_posix.py", line 47, in _launch
reduction.dump(process_obj, fp)
"/opt/conda/lib/python3.6/multiprocessing/reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
"/opt/conda/lib/python3.6/enum.py", line 46, in _break_on_call_reduce
raise TypeError('%r cannot be pickled' % self)
TypeError: <Resample.BILINEAR: 1> cannot be pickled | Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/Orange/canvas/scheme/widgetsscheme.py", line 960, in process_signals_for_widget
widget.handleNewSignals()
"/usr/local/lib/python3.6/site-packages/Orange/widgets/visualize/owscatterplot.py", line 331, in handleNewSignals
self.graph.new_data(self.data, self.subset_data)
"/usr/local/lib/python3.6/site-packages/Orange/widgets/visualize/owscatterplotgraph.py", line 618, in new_data
self.set_data(data, **args)
"/usr/local/lib/python3.6/site-packages/Orange/widgets/utils/scaling.py", line 105, in set_data
self._compute_scaled_data()
"/usr/local/lib/python3.6/site-packages/Orange/widgets/utils/scaling.py", line 58, in _compute_scaled_data
c += 0.5
TypeError: Cannot cast ufunc add output from dtype('float64') to dtype('int64') with casting rule 'same_kind'
| 0.595734 |
`Traceback (most recent call last):
"/usr/bin/pip3", line 5, in <module>
from pkg_resources import load_entry_point
"/usr/local/lib/python3.4/dist-packages/pkg_resources/__init__.py", line 72, in <module>
import packaging.requirements
"/usr/local/lib/python3.4/dist-packages/packaging/requirements.py", line 59, in <module>
MARKER_EXPR = originalTextFor(MARKER_EXPR())("marker")
TypeError: __call__() missing 1 required positional argument: 'name'`
| Traceback (most recent call last):
"/home/aj8907/.virtualenvs/tmp-a4b1a4aabcd6ddc/lib/python3.6/site-packages/theano/compile/function/types.py", line 974, in __call__
if output_subset is None
TypeError: expected type_num 5 (NPY_INT32) got 12
| 0.57052 |
Traceback (most recent call last):
"./crnn_main.py", line 228, in <module>
val(crnn, test_dataset, criterion)
"./crnn_main.py", line 176, in val
preds = preds.squeeze(2)
"/usr/local/lib/python2.7/dist-packages/torch/autograd/variable.py", line 750, in squeeze
return Squeeze.apply(self, dim)
"/usr/local/lib/python2.7/dist-packages/torch/autograd/_functions/tensor.py", line 378, in forward
result = input.squeeze(dim)
RuntimeError: dimension out of range (expected to be in range of [-2, 1], but got 2) |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/psd/tmp/pip-install-b5q3l0tg/numpy/setup.py", line 394, in <module>
setup_package()
"/psd/tmp/pip-install-b5q3l0tg/numpy/setup.py", line 386, in setup_package
setup(**metadata)
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/core.py", line 169, in setup
return old_setup(**new_attr)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/site-packages/setuptools/__init__.py", line 145, in setup
return distutils.core.setup(**attrs)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/core.py", line 148, in setup
dist.run_commands()
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/install.py", line 62, in run
r = self.setuptools_run()
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/install.py", line 36, in setuptools_run
return distutils_install.run(self)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/command/install.py", line 545, in run
self.run_command('build')
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/build.py", line 47, in run
old_build.run(self)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/command/build.py", line 135, in run
self.run_command(cmd_name)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/psd/biosoft/anaconda/envs/Python-3.7/lib/python3.7/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/build_src.py", line 148, in run
self.build_sources()
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/build_src.py", line 159, in build_sources
self.build_library_sources(*libname_info)
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/build_src.py", line 294, in build_library_sources
sources = self.generate_sources(sources, (lib_name, build_info))
"/psd/tmp/pip-install-b5q3l0tg/numpy/numpy/distutils/command/build_src.py", line 377, in generate_sources
source = func(extension, build_dir)
"numpy/core/setup.py", line 675, in get_mathlib_info
raise RuntimeError("Broken toolchain: cannot link a simple C program")
RuntimeError: Broken toolchain: cannot link a simple C program
| 0.467961 |
Traceback (most recent call last):
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/security/decorators.py", line 26, in wraps
return f(self, *args, **kwargs)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/views.py", line 478, in list
widgets=widgets)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/baseviews.py", line 161, in render_template
return render_template(template, **dict(list(kwargs.items()) + list(self.extra_args.items())))
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/templating.py", line 135, in render_template
context, ctx.app)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask/templating.py", line 117, in _render
rv = template.render(context)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/model/list.html", line 2, in top-level template code
{% import 'appbuilder/general/lib.html' as lib %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/base.html", line 1, in top-level template code
{% extends base_template %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/baselayout.html", line 2, in top-level template code
{% import 'appbuilder/baselib.html' as baselib %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/init.html", line 46, in top-level template code
{% block body %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/baselayout.html", line 19, in block "body"
{% block content %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/model/list.html", line 13, in block "content"
{% block list_list scoped %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/model/list.html", line 15, in block "list_list"
{{ widgets.get('list')()|safe }}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/widgets.py", line 34, in __call__
return template.render(args)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/widgets/list_thumbnail.html", line 2, in top-level template code
{% extends 'appbuilder/general/widgets/base_list.html' %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/templates/appbuilder/general/widgets/base_list.html", line 7, in top-level template code
{% set actions = actions | get_actions_on_list(modelview_name) %}
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/filters.py", line 29, in get_actions_on_list
if self.is_item_visible(action.name, modelview_name) and action.multiple:
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/filters.py", line 122, in is_item_visible
return self.security_manager.has_access(permission, item)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/security/manager.py", line 892, in has_access
return self._has_view_access(g.user, permission_name, view_name)
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/flask_appbuilder/security/manager.py", line 883, in _has_view_access
if (view_name == permission.view_menu.name) and (permission_name == permission.permission.name):
"/home/trololo/Downloads/sytemsem/core/venv/lib/python3.6/site-packages/bson/dbref.py", line 85, in __getattr__
raise AttributeError(key)
AttributeError: view_menu
| Traceback (most recent call last):
".../lib/python2.7/site-packages/celery/worker/worker.py", line 203, in start
self.blueprint.start(self)
".../lib/python2.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
".../lib/python2.7/site-packages/celery/bootsteps.py", line 370, in start
return self.obj.start()
".../lib/python2.7/site-packages/celery/worker/consumer/consumer.py", line 318, in start
blueprint.start(self)
".../lib/python2.7/site-packages/celery/bootsteps.py", line 119, in start
step.start(parent)
".../lib/python2.7/site-packages/celery/worker/consumer/connection.py", line 21, in start
c.connection = c.connect()
".../lib/python2.7/site-packages/celery/worker/consumer/consumer.py", line 407, in connect
conn.transport.register_with_event_loop(conn.connection, self.hub)
".../lib/python2.7/site-packages/kombu/transport/pyamqp.py", line 146, in register_with_event_loop
loop.add_reader(connection.sock, self.on_readable, connection, loop)
".../lib/python2.7/site-packages/kombu/async/hub.py", line 208, in add_reader
return self.add(fds, callback, READ | ERR, args)
".../lib/python2.7/site-packages/kombu/async/hub.py", line 159, in add
self.poller.register(fd, flags)
AttributeError: 'NoneType' object has no attribute 'register'
| 0.55265 |
Traceback (most recent call last):
"jarvis.py", line 6, in <module>
import modules
"/home/roy/Downloads/JARVIS-on-Messenger/modules/__init__.py", line 6, in <module>
from src import *
"/home/roy/Downloads/JARVIS-on-Messenger/modules/src/wiki.py", line 2, in <module>
import wikipedia
"/usr/lib/python2.7/site-packages/wikipedia/__init__.py", line 1, in <module>
from .wikipedia import *
"/usr/lib/python2.7/site-packages/wikipedia/wikipedia.py", line 5, in <module>
from bs4 import BeautifulSoup
"/usr/lib/python2.7/site-packages/bs4/__init__.py", line 30, in <module>
from .builder import builder_registry, ParserRejectedMarkup
"/usr/lib/python2.7/site-packages/bs4/builder/__init__.py", line 314, in <module>
from . import _html5lib
"/usr/lib/python2.7/site-packages/bs4/builder/_html5lib.py", line 70, in <module>
class TreeBuilderForHtml5lib(html5lib.treebuilders._base.TreeBuilder):
AttributeError: 'module' object has no attribute '_base'
| 2019-11-04 17:23:36,753
WARNING worker.py:1779 -- Traceback (most recent call last):
"/home/robin/anaconda3/envs/py35lab/lib/python3.5/site-packages/ray/import_thread.py", line 138, in fetch_and_execute_function_to_run
function = pickle.loads(serialized_function)
AttributeError: Can't get attribute 'my_stikerEnv' on <module 'my_code.envs.mujoco.striker_envs' from 'my_project/my_code/envs/mujoco/striker_envs.py'>
| 0.627021 |
[Traceback (most recent call last):
"/home/s0p04bp/env/lib/python3.7/site-packages/gunicorn/util.py", line 99, in load_class
mod = importlib.import_module('.'.join(components))
"/usr/lib/python3.7/importlib/__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 1006, in _gcd_import
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 677, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 726, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/home/s0p04bp/env/lib/python3.7/site-packages/gunicorn/workers/ggevent.py", line 14, in <module>
import gevent
"/home/s0p04bp/env/lib/python3.7/site-packages/gevent/__init__.py", line 98, in <module>
from gevent.os import fork
"/home/s0p04bp/env/lib/python3.7/site-packages/gevent/os.py", line 495, in <module>
_raw_posix_spawnp = os.posix_spawnp
AttributeError: module 'os' has no attribute 'posix_spawnp'
| Traceback (most recent call last):
"/usr/lib/python3.7/asyncio/events.py", line 88, in _run
self._context.run(self._callback, *self._args)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/event.py", line 103, in state_change_listener
event.data.get("new_state"),
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/core.py", line 364, in async_run_job
target(*args)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/automation/state.py", line 92, in state_automation_listener
call_action()
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/automation/state.py", line 78, in call_action
context=to_s.context,
AttributeError: 'NoneType' object has no attribute 'context'
| 0.625177 |
Traceback (most recent call last):
"threading.py", line 917, in _bootstrap_inner
"threading.py", line 865, in run
"yanderify.py", line 269, in worker_thread
"yanderify.py", line 211, in worker_thread
"imageio\core\functions.py", line 126, in get_reader
ValueError: Could not find a format to read the specified file in mode '?'
| Traceback (most recent call last):
"/autofs/space/megryan_001/users/sheraz/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.py", line 2881, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-97-e7c6e47a4aa6>", line 93, in <module>
pick_ori='vector', return_generator=False)
"<string>", line 2, in apply_inverse_epochs
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/utils.py", line 728, in verbose
return function(*args, **kwargs)
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/minimum_norm/inverse.py", line 1131, in apply_inverse_epochs
stcs = [stc for stc in stcs]
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/minimum_norm/inverse.py", line 1067, in _apply_inverse_epochs_gen
vector=(pick_ori == 'vector'), source_nn=source_nn)
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/source_estimate.py", line 388, in _make_stc
tstep=tstep, subject=subject)
"<string>", line 2, in __init__
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/utils.py", line 728, in verbose
return function(*args, **kwargs)
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/source_estimate.py", line 2053, in __init__
verbose=verbose)
"<string>", line 2, in __init__
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/utils.py", line 728, in verbose
return function(*args, **kwargs)
"/autofs/space/megryan_001/users/sheraz/git/mne-python/mne/source_estimate.py", line 481, in __init__
'must match' % (n_src, data.shape[0]))
ValueError: Number of vertices (7847) and stc.shape[0] (23541) must match
| 0.514351 |
Traceback (most recent call last):
"execute.py", line 352, in <module>
train()
"execute.py", line 138, in train
gConfig['dec_vocab_size'])
"/home/klas/Documents/Python/Untitled Folder/tensorflow_chatbot-master/data_utils.py", line 135, in prepare_custom_data
create_vocabulary(enc_vocab_path, train_enc, enc_vocabulary_size, tokenizer)
"/home/klas/Documents/Python/Untitled Folder/tensorflow_chatbot-master/data_utils.py", line 85, in create_vocabulary
vocab_file.write(w + '\n')
TypeError: write() argument 1 must be unicode, not str
| Traceback (most recent call last):
"/home/nekmo/Workspace/dirhunt/dirhunt/exceptions.py", line 43, in wrapped
return func(*args, **kwargs)
"/home/nekmo/Workspace/dirhunt/dirhunt/crawler_url.py", line 69, in start
processor.process(text, soup)
"/home/nekmo/Workspace/dirhunt/dirhunt/processors.py", line 249, in process
for link in filter(lambda x: x.url.endswith('/'), links):
"/home/nekmo/Workspace/dirhunt/dirhunt/processors.py", line 249, in <lambda>
for link in filter(lambda x: x.url.endswith('/'), links):
"/home/nekmo/Workspace/dirhunt/dirhunt/url.py", line 147, in url
return self.urlparsed[0] + '://' + self.urlparsed[1] + self.full_path
TypeError: 'NoneType' object is not subscriptable
| 0.587956 |
Traceback (most recent call last):
"/home/riotu/VIBE/vibe/lib/python3.7/site-packages/OpenGL/latebind.py", line 41, in __call__
return self._finalCall( *args, **named )
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"test_trt.py", line 45, in <module>
model_trt = torch2trt(net, [input])
"/home/riyad.islam/anaconda3/envs/pytorch_env/lib/python3.6/site-packages/torch2trt/torch2trt.py", line 377, in torch2trt
outputs = module(*inputs)
"/home/riyad.islam/anaconda3/envs/pytorch_env/lib/python3.6/site-packages/torch/nn/modules/module.py", line 543, in __call__
result = self.forward(*input, **kwargs)
"test_trt.py", line 21, in forward
x = F.max_pool2d(F.relu(self.conv1(x)), (2, 2))
"/home/riyad.islam/anaconda3/envs/pytorch_env/lib/python3.6/site-packages/torch2trt/torch2trt.py", line 202, in wrapper
converter['converter'](ctx)
"/home/riyad.islam/anaconda3/envs/pytorch_env/lib/python3.6/site-packages/torch2trt/converters/max_pool2d.py", line 35, in convert_max_pool2d
layer.stride = stride
TypeError: (): incompatible function arguments. The following argument types are supported:
| 0.522389 |
Traceback (most recent call last):
"/home/ymzhu/pycharm-2017.2.3/helpers/pydev/pydevd.py", line 1599, in <module>
globals = debugger.run(setup['file'], None, None, is_module)
"/home/ymzhu/pycharm-2017.2.3/helpers/pydev/pydevd.py", line 1026, in run
pydev_imports.execfile(file, globals, locals)
# execute the script
"/home/ymzhu/Desktop/code/lstm-char-cnn-tensorflow/main.py", line 66, in <module>
tf.app.run()
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"/home/ymzhu/Desktop/code/lstm-char-cnn-tensorflow/main.py", line 57, in main
data_dir=FLAGS.data_dir)
"/home/ymzhu/Desktop/code/lstm-char-cnn-tensorflow/models/LSTMTDNN.py", line 87, in __init__
self.prepare_model()
"/home/ymzhu/Desktop/code/lstm-char-cnn-tensorflow/models/LSTMTDNN.py", line 155, in prepare_model
dtype=tf.float32)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn.py", line 1253, in static_rnn
(output, state) = call_cell()
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn.py", line 1240, in <lambda>
call_cell = lambda: cell(input_, state)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn_cell_impl.py", line 183, in __call__
return super(RNNCell, self).__call__(inputs, state)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 575, in __call__
outputs = self.call(inputs, *args, **kwargs)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn_cell_impl.py", line 1066, in call
cur_inp, new_state = cell(cur_inp, cur_state)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn_cell_impl.py", line 183, in __call__
return super(RNNCell, self).__call__(inputs, state)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 575, in __call__
outputs = self.call(inputs, *args, **kwargs)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn_cell_impl.py", line 441, in call
value=self._linear([inputs, h]), num_or_size_splits=4, axis=1)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/rnn_cell_impl.py", line 1189, in __call__
res = math_ops.matmul(array_ops.concat(args, 1), self._weights)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/math_ops.py", line 1891, in matmul
a, b, transpose_a=transpose_a, transpose_b=transpose_b, name=name)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/ops/gen_math_ops.py", line 2437, in _mat_mul
name=name)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2958, in create_op
set_shapes_for_outputs(ret)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2209, in set_shapes_for_outputs
shapes = shape_func(op)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2159, in call_with_requiring
return call_cpp_shape_fn(op, require_shape_fn=True)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/common_shapes.py", line 627, in call_cpp_shape_fn
require_shape_fn)
"/home/ymzhu/anaconda2/envs/tensorflow/lib/python2.7/site-packages/tensorflow/python/framework/common_shapes.py", line 691, in _call_cpp_shape_fn_impl
raise ValueError(err.message)
ValueError: Dimensions must be equal, but are 1300 and 1750 for 'LSTMTDNN/LSTM/rnn/rnn/multi_rnn_cell/cell_0/cell_0/basic_lstm_cell/MatMul_1' (op: 'MatMul') with input shapes: [100,1300], [1750,2600].
| Traceback (most recent call last):
"/opt/dev_intelmq/intelmq/lib/bot.py", line 158, in __init__
self.init()
"/opt/dev_intelmq/intelmq/bots/parsers/html_table/parser.py", line 36, in init
raise ValueError("Could not import 'beautifulsoup4'. Please install it.")
ValueError: Could not import 'beautifulsoup4'. Please install it.
| 0.501932 |
Traceback (most recent call last):
"webcam_demo.py", line 10, in <module>
pydarknet.set_cuda_device(0)
AttributeError: module 'pydarknet' has no attribute 'set_cuda_device'
| Traceback (most recent call last):
"/usr/local/bin/jrnl", line 11, in <module>
load_entry_point('jrnl==1.9.8', 'console_scripts', 'jrnl')()
"/usr/local/Cellar/jrnl/1.9.8_1/libexec/lib/python3.7/site-packages/jrnl/cli.py", line 141, in run
config = util.load_and_fix_json(CONFIG_PATH)
"/usr/local/Cellar/jrnl/1.9.8_1/libexec/lib/python3.7/site-packages/jrnl/util.py", line 124, in load_and_fix_json
prompt("[There seems to be something wrong with your jrnl config at {0}: {1}]".format(json_path, e.message))
AttributeError: 'JSONDecodeError' object has no attribute 'message' | 0.565048 |
Traceback (most recent call last):
"/usr/bin/ansible", line 123, in <module>
exit_code = cli.run()
"/usr/lib/python3.6/site-packages/ansible/cli/adhoc.py", line 166, in run
result = self._tqm.run(play)
"/usr/lib/python3.6/site-packages/ansible/executor/task_queue_manager.py", line 261, in run
strategy = strategy_loader.get(new_play.strategy, self)
"/usr/lib/python3.6/site-packages/ansible/plugins/loader.py", line 552, in get
self._module_cache[path] = self._load_module_source(name, path)
"/usr/lib/python3.6/site-packages/ansible/plugins/loader.py", line 525, in _load_module_source
spec.loader.exec_module(module)
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/var/lib/tobisna-dev/mitogen-master/ansible_mitogen/plugins/strategy/mitogen_linear.py", line 55, in <module>
import ansible_mitogen.loaders
"/var/lib/tobisna-dev/mitogen-master/ansible_mitogen/loaders.py", line 62, in <module>
connection_loader__get = connection_loader.get_with_context
AttributeError: 'PluginLoader' object has no attribute 'get_with_context'
|
Traceback (most recent call last):
"/usr/local/Cellar/python@2/2.7.15_1/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/usr/local/Cellar/python@2/2.7.15_1/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"build/bdist.macosx-10.13-x86_64/egg/NEMbox/player.py", line 251, in run_mpg123
self.next()
"build/bdist.macosx-10.13-x86_64/egg/NEMbox/player.py", line 409, in next
self.next_idx()
"build/bdist.macosx-10.13-x86_64/egg/NEMbox/player.py", line 386, in next_idx
self.shuffle_order()
"build/bdist.macosx-10.13-x86_64/egg/NEMbox/player.py", line 323, in shuffle_order
self.order.clear()
AttributeError: 'list' object has no attribute 'clear'
| 0.615408 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/IPython/core/interactiveshell.py", line 1823, in showtraceback
stb = value._render_traceback_()
AttributeError: 'TypeError' object has no attribute '_render_traceback_'
| ``Traceback (most recent call last):
"/home/LASER//source/embed.py", line 402, in <module>
token=BPEfastApplyLine(token, args.bpe_codes)
"/home/LASER//source/lib/text_processing.py", line 123, in BPEfastApplyLine
return bpe.apply([line])[0]
AttributeError: 'str' object has no attribute 'apply'
| 0.647401 |
Traceback (most recent call last):
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 616, in conda_exception_handler
return_value = func(*args, **kwargs)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/cli/main.py", line 137, in _main
exit_code = args.func(args, p)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/cli/main_install.py", line 80, in execute
install(args, parser, 'install')
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/cli/install.py", line 359, in install
execute_actions(actions, index, verbose=not context.quiet)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/plan.py", line 837, in execute_actions
execute_instructions(plan, index, verbose)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/instructions.py", line 258, in execute_instructions
cmd(state, arg)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/instructions.py", line 119, in UNLINKLINKTRANSACTION_CMD
txn.execute()
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 256, in execute
self.verify()
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 239, in verify
self.prepare()
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 170, in prepare
concatv(unlink_actions, link_actions))
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 169, in <genexpr>
self.all_actions = tuple(per_pkg_actions for per_pkg_actions in
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 166, in <genexpr>
for pkg_info, lt in zip(self.packages_info_to_link, link_types)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/link.py", line 395, in make_link_actions
python_entry_point_actions = CreatePythonEntryPointAction.create_actions(*required_quad)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/core/path_actions.py", line 388, in create_actions
for ep_def in noarch.entry_points)
"/Users/my_mac_user_name/anaconda/lib/python2.7/site-packages/conda/_vendor/auxlib/entity.py", line 413, in __get__
raise AttributeError("A value for {0} has not been set".format(self.name))
AttributeError: A value for entry_points has not been set
| Traceback (most recent call last):
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\threading.py", line 916, in _bootstrap_inner
self.run()
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"C:\Users\carsten\PythonVenvs\image-quality-assessment-3-6\lib\site-packages\tensorflow_core\python\keras\utils\data_utils.py", line 844, in _run
with closing(self.executor_fn(_SHARED_SEQUENCES)) as executor:
"C:\Users\carsten\PythonVenvs\image-quality-assessment-3-6\lib\site-packages\tensorflow_core\python\keras\utils\data_utils.py", line 823, in pool_fn
initargs=(seqs, None, get_worker_id_queue()))
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\context.py", line 119, in Pool
context=self.get_context())
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\pool.py", line 174, in __init__
self._repopulate_pool()
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\pool.py", line 239, in _repopulate_pool
w.start()
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\process.py", line 105, in start
self._popen = self._Popen(self)
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\context.py", line 322, in _Popen
return Popen(process_obj)
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\popen_spawn_win32.py", line 65, in __init__
reduction.dump(process_obj, to_child)
"C:\Users\carsten\AppData\Local\Programs\Python\Python36\lib\multiprocessing\reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
AttributeError: Can't pickle local object 'keras_modules_injection.<locals>.wrapper'
| 0.594792 |
Traceback (most recent call last):
"/home/marcel/git/ultrabak/ultrabak/cmd.py", line 1, in <module>
import fire
"/home/marcel/git/python-fire/fire/__init__.py", line 21, in <module>
from fire.core import Fire
"/home/marcel/git/python-fire/fire/core.py", line 62, in <module>
from fire import completion
"/home/marcel/git/python-fire/fire/completion.py", line 25, in <module>
from fire import inspectutils
"/home/marcel/git/python-fire/fire/inspectutils.py", line 23, in <module>
import IPython
"/home/marcel/.virtualenvs/ultrabak/lib/python3.5/site-packages/ipython-5.3.0-py3.5.egg/IPython/__init__.py", line 48, in <module>
from .core.application import Application
"/home/marcel/.virtualenvs/ultrabak/lib/python3.5/site-packages/ipython-5.3.0-py3.5.egg/IPython/core/application.py", line 25, in <module>
from IPython.core import release, crashhandler
"/home/marcel/.virtualenvs/ultrabak/lib/python3.5/site-packages/ipython-5.3.0-py3.5.egg/IPython/core/crashhandler.py", line 28, in <module>
from IPython.core import ultratb
"/home/marcel/.virtualenvs/ultrabak/lib/python3.5/site-packages/ipython-5.3.0-py3.5.egg/IPython/core/ultratb.py", line 119, in <module>
from IPython.core import debugger
"/home/marcel/.virtualenvs/ultrabak/lib/python3.5/site-packages/ipython-5.3.0-py3.5.egg/IPython/core/debugger.py", line 46, in <module>
from pdb import Pdb as OldPdb
"/usr/lib/python3.5/pdb.py", line 135, in <module>
class Pdb(bdb.Bdb, cmd.Cmd):
AttributeError: module 'cmd' has no attribute 'Cmd'
| Traceback (most recent call last):
"c:\program files\python36\lib\site-packages\sphinx\cmdline.py", line 306, in main
app.build(opts.force_all, filenames)
"c:\program files\python36\lib\site-packages\sphinx\application.py", line 339, in build
self.builder.build_update()
"c:\program files\python36\lib\site-packages\sphinx\builders\__init__.py", line 331, in build_update
'out of date' % len(to_build))
"c:\program files\python36\lib\site-packages\sphinx\builders\__init__.py", line 397, in build
self.write(docnames, list(updated_docnames), method)
"c:\program files\python36\lib\site-packages\sphinx\builders\__init__.py", line 434, in write
self._write_serial(sorted(docnames))
"c:\program files\python36\lib\site-packages\sphinx\builders\__init__.py", line 443, in _write_serial
self.write_doc(docname, doctree)
"c:\program files\python36\lib\site-packages\sphinx\builders\html.py", line 561, in write_doc
self.handle_page(docname, ctx, event_arg=doctree)
"c:\program files\python36\lib\site-packages\sphinx\builders\html.py", line 954, in handle_page
output = self.templates.render(templatename, ctx)
"c:\program files\python36\lib\site-packages\sphinx\jinja2glue.py", line 176, in render
return self.environment.get_template(template).render(context)
"c:\program files\python36\lib\site-packages\jinja2\asyncsupport.py", line 76, in render
return original_render(self, *args, **kwargs)
"c:\program files\python36\lib\site-packages\jinja2\environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"c:\program files\python36\lib\site-packages\jinja2\environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"c:\program files\python36\lib\site-packages\jinja2\_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"c:\program files\python36\lib\site-packages\sphinx\themes\basic\page.html", line 10, in top-level template code
{%- extends "layout.html" %}
"c:\program files\python36\lib\site-packages\alabaster\layout.html", line 1, in top-level template code
{%- extends "basic/layout.html" %}
"c:\program files\python36\lib\site-packages\sphinx\themes\basic\..\basic/layout.html", line 175, in top-level template code
{%- block content %}
"c:\program files\python36\lib\site-packages\alabaster\layout.html", line 23, in block "content"
{{ sidebar() }}
"c:\program files\python36\lib\site-packages\jinja2\sandbox.py", line 427, in call
return __context.call(__obj, *args, **kwargs)
"c:\program files\python36\lib\site-packages\jinja2\runtime.py", line 579, in _invoke
rv = self._func(*arguments)
"c:\program files\python36\lib\site-packages\sphinx\themes\basic\..\basic/layout.html", line 64, in template
{%- include sidebartemplate %}
"c:\program files\python36\lib\site-packages\alabaster\navigation.html", line 2, in top-level template code
{{ toctree(includehidden=theme_sidebar_includehidden, collapse=theme_sidebar_collapse) }}
"c:\program files\python36\lib\site-packages\jinja2\sandbox.py", line 427, in call
return __context.call(__obj, *args, **kwargs)
"c:\program files\python36\lib\site-packages\sphinx\builders\html.py", line 943, in <lambda>
ctx['toctree'] = lambda **kw: self._get_local_toctree(pagename, **kw)
"c:\program files\python36\lib\site-packages\sphinx\builders\html.py", line 856, in _get_local_toctree
docname, self, collapse, **kwds))['fragment']
"c:\program files\python36\lib\site-packages\sphinx\builders\html.py", line 351, in render_partial
pub.publish()
"c:\program files\python36\lib\site-packages\docutils\core.py", line 218, in publish
self.apply_transforms()
"c:\program files\python36\lib\site-packages\docutils\core.py", line 199, in apply_transforms
self.document.transformer.apply_transforms()
"c:\program files\python36\lib\site-packages\docutils\transforms\__init__.py", line 171, in apply_transforms
transform.apply(**kwargs)
"c:\program files\python36\lib\site-packages\docutils\transforms\universal.py", line 308, in apply
txtnode.parent.replace(txtnode, nodes.Text(newtext,
AttributeError: 'NoneType' object has no attribute 'replace'
| 0.598341 |
Traceback (most recent call last):
"setup.py", line 55, in <module>
cmdclass={"build_ext": BuildExtension}
"F:\Anaconda3\envs\pytorch\lib\site-packages\setuptools\__init__.py", line 145, in setup
return distutils.core.setup(**attrs)
"F:\Anaconda3\envs\pytorch\lib\distutils\core.py", line 148, in setup
dist.run_commands()
"F:\Anaconda3\envs\pytorch\lib\distutils\dist.py", line 955, in run_commands
self.run_command(cmd)
"F:\Anaconda3\envs\pytorch\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"F:\Anaconda3\envs\pytorch\lib\distutils\command\build.py", line 135, in run
self.run_command(cmd_name)
"F:\Anaconda3\envs\pytorch\lib\distutils\cmd.py", line 313, in run_command
self.distribution.run_command(command)
"F:\Anaconda3\envs\pytorch\lib\distutils\dist.py", line 974, in run_command
cmd_obj.run()
"F:\Anaconda3\envs\pytorch\lib\site-packages\setuptools\command\build_ext.py", line 84, in run
_build_ext.run(self)
"F:\Anaconda3\envs\pytorch\lib\distutils\command\build_ext.py", line 339, in run
self.build_extensions()
"F:\Anaconda3\envs\pytorch\lib\site-packages\torch\utils\cpp_extension.py", line 343, in build_extensions
build_ext.build_extensions(self)
"F:\Anaconda3\envs\pytorch\lib\distutils\command\build_ext.py", line 448, in build_extensions
self._build_extensions_serial()
"F:\Anaconda3\envs\pytorch\lib\distutils\command\build_ext.py", line 473, in _build_extensions_serial
self.build_extension(ext)
"F:\Anaconda3\envs\pytorch\lib\site-packages\setuptools\command\build_ext.py", line 205, in build_extension
_build_ext.build_extension(self, ext)
"F:\Anaconda3\envs\pytorch\lib\distutils\command\build_ext.py", line 533, in build_extension
depends=ext.depends)
"F:\Anaconda3\envs\pytorch\lib\site-packages\torch\utils\cpp_extension.py", line 333, in win_wrap_compile
extra_postargs, depends)
"F:\Anaconda3\envs\pytorch\lib\distutils\_msvccompiler.py", line 345, in compile
self.initialize()
"F:\Anaconda3\envs\pytorch\lib\distutils\_msvccompiler.py", line 238, in initialize
vc_env = _get_vc_env(plat_spec)
"F:\Anaconda3\envs\pytorch\lib\site-packages\setuptools\msvc.py", line 171, in msvc14_get_vc_env
return EnvironmentInfo(plat_spec, vc_min_ver=14.0).return_env()
"F:\Anaconda3\envs\pytorch\lib\site-packages\setuptools\msvc.py", line 1620, in return_env
if self.vs_ver >= 14 and isfile(self.VCRuntimeRedist):
"F:\Anaconda3\envs\pytorch\lib\genericpath.py", line 30, in isfile
st = os.stat(path)
TypeError: stat: path should be string, bytes, os.PathLike or integer, not NoneType
| Traceback (most recent call last):
"/usr/local/lib/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"/app/cogs/audio.py", line 260, in run
self.get_info()
"/app/cogs/audio.py", line 291, in get_info
process=False)
"/usr/local/lib/python3.6/site-packages/youtube_dl/YoutubeDL.py", line 777, in extract_info
ie_result = ie.extract(url)
"/usr/local/lib/python3.6/site-packages/youtube_dl/extractor/common.py", line 434, in extract
ie_result = self._real_extract(url)
"/usr/local/lib/python3.6/site-packages/youtube_dl/extractor/youtube.py", line 1598, in _real_extract
if 'token' not in video_info:
TypeError: argument of type 'NoneType' is not iterable
| 0.645896 |
Traceback (most recent call last):
"/Users/user/Documents/project/ner/custom-ner/src/handler2.py", line 138, in handler
losses =
nlp.rehearse(examples, sgd=optimizer, losses=losses) if is_model_exists else ner.update(examples, sgd=optimizer, losses=losses)
"/Users/user/.local/share/virtualenvs/custom-ner-hlJnNjaT/lib/python3.7/site-packages/spacy/language.py", line 1174, in rehearse
examples, sgd=get_grads, losses=losses, **component_cfg.get(name, {})
"spacy/pipeline/transition_parser.pyx", line 430, in spacy.pipeline.transition_parser.Parser.rehearse
"spacy/pipeline/trainable_pipe.pyx", line 246, in spacy.pipeline.trainable_pipe.TrainablePipe.finish_update
"/Users/user/.local/share/virtualenvs/custom-ner-hlJnNjaT/lib/python3.7/site-packages/thinc/model.py", line 325, in finish_update
(node.id, name), node.get_param(name), node.get_grad(name)
"/Users/user/.local/share/virtualenvs/custom-ner-hlJnNjaT/lib/python3.7/site-packages/spacy/language.py", line 1164, in get_grads
grads[key] = (W, dW)
TypeError: unhashable
| Traceback (most recent call last):
"pysguiwx.py", line 105, in <module>
theme_browser()
"pysguiwx.py", line 85, in theme_browser
[sg.Listbox(values=sg.theme_list(), size=(20, 12), key='-LIST-', enable_events=True)],
TypeError: __init__() got an unexpected keyword argument 'enable_events'
| 0.498262 |
Traceback (most recent call last):
"/home/michael/env/lib/python3.5/site-packages/tornado/ioloop.py", line 759, in _run_callback
ret = callback()
"/home/michael/env/lib/python3.5/site-packages/tornado/stack_context.py", line 276, in null_wrapper
return fn(*args, **kwargs)
"/home/michael/env/lib/python3.5/site-packages/tornado/ioloop.py", line 780, in _discard_future_result
future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 293, in result
raise self._exception
"/home/michael/env/lib/python3.5/site-packages/tornado/gen.py", line 315, in wrapper
yielded = next(result)
"/home/michael/env/lib/python3.5/site-packages/distributed/worker.py", line 2186, in memory_monitor
k, v, weight = self.data.fast.evict()
"/home/michael/env/lib/python3.5/site-packages/zict/lru.py", line 90, in evict
cb(k, v)
"/home/michael/env/lib/python3.5/site-packages/zict/buffer.py", line 52, in fast_to_slow
self.slow[key] = value
"/home/michael/env/lib/python3.5/site-packages/zict/func.py", line 42, in __setitem__
self.d[key] = self.dump(value)
"/home/michael/env/lib/python3.5/site-packages/distributed/protocol/serialize.py", line 346, in serialize_bytelist
header, frames = serialize(x, **kwargs)
"/home/michael/env/lib/python3.5/site-packages/distributed/protocol/serialize.py", line 163, in serialize
raise TypeError(msg, str(x)[:10000])
TypeError: ('Could not serialize object of type Series.', '2017-11-24 00:00:00
26184\n2017-11-25 00:00:00
26182\n2017-11-18 00:00:00
24498\n2017-11-30 00:00:00
24430\n2017-11-17 00:00:00
23260\n2017-11-14 00:00:00
21979\n2017-11-23 00:00:00
21830\n2017-11-29 00:00:00
21137\n2017-11-16 00:00:00
20678\n2017-11-22 00:00:00
20404\n2017-11-28 00:00:00
20122\n2017-11-21 00:00:00
19618\n2017-11-03 00:00:00
19244\n2017-11-27 00:00:00
19052\n2017-10-28 00:00:00
18712\n2017-11-04 00:00:00
18455\n2017-11-01 00:00:00
18278\n2017-11-09 00:00:00
18255\n2017-11-13 00:00:00
18177\n2017-11-08 00:00:00
17740\n2017-11-20 00:00:00
17529\n2017-11-07 00:00:00
17496\n2017-10-27 00:00:00
17295\n2017-11-15 00:00:00
16460\n2017-10-31 00:00:00
16246\n2017-11-26 00:00:00
15677\n2017-10-21 00:00:00
15536\n2017-11-19 00:00:00
15118\n2017-10-26 00:00:00
14967\n2017-11-06 00:00:00
14921\n
...
\n2017-09-16 00:06:58
1\n2017-09-16 00:06:57
1\n2017-09-16 00:06:53
1\n2017-09-16 00:06:50
1\n2017-09-16 00:06:48
1\n2017-09-16 00:06:44
1\n2017-09-16 00:06:43
1\n2017-09-16 00:06:38
1\n2017-09-16 00:06:36
1\n2017-09-16 00:07:19
1\n2017-09-16 00:07:25
1\n2017-09-16 00:07:26
1\n2017-09-16 00:07:53
1\n2017-09-16 00:08:17
1\n2017-09-16 00:08:16
1\n2017-09-16 00:08:15
1\n2017-09-16 00:08:12
1\n2017-09-16 00:08:09
1\n2017-09-16 00:07:59
1\n2017-09-16 00:07:56
1\n2017-09-16 00:07:50
1\n2017-09-16 00:07:32
1\n2017-09-16 00:07:49
1\n2017-09-16 00:07:48
1\n2017-09-16 00:07:39
1\n2017-09-16 00:07:38
1\n2017-09-16 00:07:37
1\n2017-09-16 00:07:36
1\n2017-09-16 00:07:33
1\n2017-01-01 00:00:08
1\nName: purchase_date, Length: 16395300, dtype: int64')
| Traceback (most recent call last):
"C:\Python\lib\multiprocessing\process.py", line 258, in _bootstrap
self.run()
"C:\Python\lib\multiprocessing\process.py", line 93, in run
self._target(*self._args, **self._kwargs)
"C:\WERK\test3.py", line 50, in secondary
ns.secondary = psutil.Process()
"C:\Python\lib\multiprocessing\managers.py", line 1065, in __setattr__
return callmethod('__setattr__', (key, value))
"C:\Python\lib\multiprocessing\managers.py", line 756, in _callmethod
conn.send((self._id, methodname, args, kwds))
"C:\Python\lib\multiprocessing\connection.py", line 206, in send
self._send_bytes(_ForkingPickler.dumps(obj))
"C:\Python\lib\multiprocessing\reduction.py", line 51, in dumps
cls(buf, protocol).dump(obj)
TypeError: can't pickle _thread.RLock objects
| 0.599745 |
Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| Traceback (most recent call last):
"/usr/local/bin/autopkg", line 2435, in <module>
sys.exit(main(sys.argv))
"/usr/local/bin/autopkg", line 2429, in main
exit(subcommands[verb]['function'](argv))
"/usr/local/bin/autopkg", line 1963, in run_recipes
search_github=make_suggestions)
"/usr/local/bin/autopkg", line 405, in load_recipe
elif 'ParentRecipeTrustInfo' in recipe:
TypeError: argument of type 'NoneType' is not iterable
| 0.613846 |
Traceback (most recent call last):
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 381, in __handle_waiting_jobs
self.dispatcher.put(self.job_wrappers.pop(job.id))
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 975, in put
self.job_runners[runner_name].put(job_wrapper)
"/opt/galaxy/lib/galaxy/jobs/runners/__init__.py", line 139, in put
job_wrapper.enqueue()
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1186, in enqueue
self._set_object_store_ids(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1211, in _set_object_store_ids
self._setup_working_directory(job=job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 897, in _setup_working_directory
working_directory = self._create_working_directory(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 930, in _create_working_directory
job, base_dir='job_work', dir_only=True, obj_dir=True)
"/opt/galaxy/lib/galaxy/objectstore/__init__.py", line 829, in create
self.backends[0].create(obj, **kwargs)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 546, in create
if not self.exists(obj, **kwargs):
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 520, in exists
in_s3 = self._key_exists(rel_path)
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 381, in __handle_waiting_jobs
self.dispatcher.put(self.job_wrappers.pop(job.id))
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 975, in put
self.job_runners[runner_name].put(job_wrapper)
"/opt/galaxy/lib/galaxy/jobs/runners/__init__.py", line 139, in put
job_wrapper.enqueue()
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1186, in enqueue
self._set_object_store_ids(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1211, in _set_object_store_ids
self._setup_working_directory(job=job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 897, in _setup_working_directory
working_directory = self._create_working_directory(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 930, in _create_working_directory
job, base_dir='job_work', dir_only=True, obj_dir=True)
"/opt/galaxy/lib/galaxy/objectstore/__init__.py", line 829, in create
self.backends[0].create(obj, **kwargs)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 546, in create
if not self.exists(obj, **kwargs):
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 520, in exists
in_s3 = self._key_exists(rel_path)
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 381, in __handle_waiting_jobs
self.dispatcher.put(self.job_wrappers.pop(job.id))
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 975, in put
self.job_runners[runner_name].put(job_wrapper)
"/opt/galaxy/lib/galaxy/jobs/runners/__init__.py", line 139, in put
job_wrapper.enqueue()
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1186, in enqueue
self._set_object_store_ids(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1211, in _set_object_store_ids
self._setup_working_directory(job=job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 897, in _setup_working_directory
working_directory = self._create_working_directory(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 930, in _create_working_directory
job, base_dir='job_work', dir_only=True, obj_dir=True)
"/opt/galaxy/lib/galaxy/objectstore/__init__.py", line 829, in create
self.backends[0].create(obj, **kwargs)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 546, in create
if not self.exists(obj, **kwargs):
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 520, in exists
in_s3 = self._key_exists(rel_path)
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 381, in __handle_waiting_jobs
self.dispatcher.put(self.job_wrappers.pop(job.id))
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 975, in put
self.job_runners[runner_name].put(job_wrapper)
"/opt/galaxy/lib/galaxy/jobs/runners/__init__.py", line 139, in put
job_wrapper.enqueue()
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1186, in enqueue
self._set_object_store_ids(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1211, in _set_object_store_ids
self._setup_working_directory(job=job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 897, in _setup_working_directory
working_directory = self._create_working_directory(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 930, in _create_working_directory
job, base_dir='job_work', dir_only=True, obj_dir=True)
"/opt/galaxy/lib/galaxy/objectstore/__init__.py", line 829, in create
self.backends[0].create(obj, **kwargs)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 546, in create
if not self.exists(obj, **kwargs):
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 520, in exists
in_s3 = self._key_exists(rel_path)
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 381, in __handle_waiting_jobs
self.dispatcher.put(self.job_wrappers.pop(job.id))
"/opt/galaxy/lib/galaxy/jobs/handler.py", line 975, in put
self.job_runners[runner_name].put(job_wrapper)
"/opt/galaxy/lib/galaxy/jobs/runners/__init__.py", line 139, in put
job_wrapper.enqueue()
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1186, in enqueue
self._set_object_store_ids(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 1211, in _set_object_store_ids
self._setup_working_directory(job=job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 897, in _setup_working_directory
working_directory = self._create_working_directory(job)
"/opt/galaxy/lib/galaxy/jobs/__init__.py", line 930, in _create_working_directory
job, base_dir='job_work', dir_only=True, obj_dir=True)
"/opt/galaxy/lib/galaxy/objectstore/__init__.py", line 829, in create
self.backends[0].create(obj, **kwargs)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 546, in create
if not self.exists(obj, **kwargs):
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 520, in exists
in_s3 = self._key_exists(rel_path)
"/opt/galaxy/lib/galaxy/objectstore/s3.py", line 387, in _key_exists
raise
TypeError: exceptions must be old-style classes or derived from BaseException, not NoneType
| Traceback (most recent call last):
"C:\Users\wiese\Repos\numeric-python\numpy\build\testenv\Lib\site-packages\numpy\core\function_base.py", line 114, in linspace
num = operator.index(num)
TypeError: 'float' object cannot be interpreted as an integer
| 0.533495 |
Traceback (most recent call last):
"tools/test.py", line 282, in <module>
main()
"tools/test.py", line 260, in main
coco_eval(result_files, eval_types, dataset.coco)
"/home/mmdetection/mmdet/core/evaluation/coco_utils.py", line 44, in coco_eval
cocoEval = COCOeval(coco, coco_dets, iou_type)
"/usr/local/lib/python3.6/dist-packages/pycocotools/cocoeval.py", line 76, in __init__
self.params = Params(iouType=iouType) # parameters
"/usr/local/lib/python3.6/dist-packages/pycocotools/cocoeval.py", line 527, in __init__
self.setDetParams()
"/usr/local/lib/python3.6/dist-packages/pycocotools/cocoeval.py", line 507, in setDetParams
self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)
"<__array_function__ internals>", line 6, in linspace
"/usr/local/lib/python3.6/dist-packages/numpy/core/function_base.py", line 121, in linspace
.format(type(num)))
TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\core.py", line 513, in handle_comm
result = await result
"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.578037 |
Traceback (most recent call last):
"main.py", line 43, in <module>
tf.app.run()
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 44, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"main.py", line 27, in main
dataset_name=FLAGS.dataset
# name of the dataset in the folder ./data
"/home/wangxiao/Downloads/Face-Aging-CAAE-master/FaceAging.py", line 91, in __init__
tile_ratio=self.tile_ratio
"/home/wangxiao/Downloads/Face-Aging-CAAE-master/FaceAging.py", line 474, in generator
z = concat_label(z, y, duplicate=duplicate)
"/home/wangxiao/Downloads/Face-Aging-CAAE-master/ops.py", line 76, in concat_label
return tf.concat(1, [x, label])
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/array_ops.py", line 1029, in concat
dtype=dtypes.int32).get_shape(
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 637, in convert_to_tensor
as_ref=False)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 702, in internal_convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/constant_op.py", line 110, in _constant_tensor_conversion_function
return constant(v, dtype=dtype, name=name)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/constant_op.py", line 99, in constant
tensor_util.make_tensor_proto(value, dtype=dtype, shape=shape, verify_shape=verify_shape))
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/tensor_util.py", line 367, in make_tensor_proto
_AssertCompatible(values, dtype)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/tensor_util.py", line 302, in _AssertCompatible
(dtype.name, repr(mismatch), type(mismatch).__name__))
TypeError: Expected int32, got list containing Tensors of type '_Message' instead.
| Traceback (most recent call last):
"/Users/Sami/btgym/btgym/algorithms/aac.py", line 481, in __init__
self.runners = self._make_runners(policy=pi)
"/Users/Sami/btgym/btgym/algorithms/aac.py", line 793, in _make_runners
runners.append(self.runner_config['class_ref'](**kwargs))
TypeError: __init__() got an unexpected keyword argument 'global_step_op'
| 0.55269 |
Traceback (most recent call last):
"calibre_plugins.dedrm.kindlekey", line 1540, in getDBfrom
cleartext = UnprotectHeaderData(encryptedValue)
"calibre_plugins.dedrm.kindlekey", line 1408, in UnprotectHeaderData
crp = LibCrypto()
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"/home/gan/eclipse-workspace/SeqGAN-master/sequence_gan.py", line 182, in <module>
main()
"/home/gan/eclipse-workspace/SeqGAN-master/sequence_gan.py", line 91, in main
generator = Generator(vocab_size, BATCH_SIZE, EMB_DIM, HIDDEN_DIM, SEQ_LENGTH, START_TOKEN)
"/home/gan/eclipse-workspace/SeqGAN-master/generator.py", line 43, in __init__
self.h0 = tf.stack(values, name)([self.h0, self.h0])
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/array_ops.py", line 817, in stack
value_shape = ops.convert_to_tensor(values[0], name=name).get_shape()
TypeError: 'type' object has no attribute '__getitem__'
| 0.583855 |
Traceback (most recent call last):
"/usr/local/bin/youtube-dl/youtube_dl/extractor/youtube.py", line 1162, in _decrypt_signature
video_id, player_url, s
"/usr/local/bin/youtube-dl/youtube_dl/extractor/youtube.py", line 1085, in _extract_signature_function
cache_res = res(test_string)
"/usr/local/bin/youtube-dl/youtube_dl/extractor/youtube.py", line 1138, in <lambda>
return lambda s: initial_function([s])
"/usr/local/bin/youtube-dl/youtube_dl/jsinterp.py", line 255, in resf
res, abort = self.interpret_statement(stmt, local_vars)
"/usr/local/bin/youtube-dl/youtube_dl/jsinterp.py", line 56, in interpret_statement
v = self.interpret_expression(expr, local_vars, allow_recursion)
"/usr/local/bin/youtube-dl/youtube_dl/jsinterp.py", line 143, in interpret_expression
self._objects[variable] = self.extract_object(variable)
"/usr/local/bin/youtube-dl/youtube_dl/jsinterp.py", line 219, in extract_object
r'\}\s*;' % _FUNC_NAME_RE,
TypeError: not all arguments converted during string formatting
| [ERROR
] An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1878, in call
**cdata['kwargs'])
"/usr/lib/python2.7/dist-packages/salt/loader.py", line 1823, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/states/sysctl.py", line 114, in present
update = __salt__['sysctl.persist'](name, value, config)
"/usr/lib/python2.7/dist-packages/salt/modules/linux_sysctl.py", line 254, in persist
assign(name, value)
"/usr/lib/python2.7/dist-packages/salt/modules/linux_sysctl.py", line 138, in assign
tran_tab = name.translate(*trans_args)
TypeError: translate expected at most 2 arguments, got 256
| 0.586826 |
Traceback (most recent call last):
"/docs.italia.it/readthedocs/projects/tasks.py", line 312, in run
self.project = self.get_project(pk)
"/docs.italia.it/readthedocs/projects/tasks.py", line 478, in get_project
return APIProject(**project_data)
TypeError: ModelBase object argument after ** must be a mapping, not bytes
| Traceback (most recent call last):
"/home/stephen/.local/bin/pyocd", line 33, in <module>
sys.exit(load_entry_point('pyocd', 'console_scripts', 'pyocd')())
"/home/stephen/.local/bin/pyocd", line 25, in importlib_load_entry_point
return next(matches).load()
"/home/stephen/.local/lib/python3.6/site-packages/importlib_metadata/__init__.py", line 166, in load
module = import_module(match.group('module'))
"/usr/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 994, in _gcd_import
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/usr/local/lib/python3.6/dist-packages/pyocd-0.30.4.dev15-py3.6.egg/pyocd/__main__.py", line 40, in <module>
"<frozen importlib._bootstrap>", line 971, in _find_and_load
"<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 656, in _load_unlocked
"<frozen importlib._bootstrap>", line 626, in _load_backward_compatible
"/usr/local/lib/python3.6/dist-packages/pyocd-0.30.4.dev15-py3.6.egg/pyocd/subcommands/pack_cmd.py", line 35, in <module>
"/usr/local/lib/python3.6/dist-packages/pyocd-0.30.4.dev15-py3.6.egg/pyocd/subcommands/pack_cmd.py", line 48, in PackSubcommandBase
TypeError: 'type' object is not subscriptable
| 0.566239 |
Traceback (most recent call last):
"/home/shy/桌面/maddpg-master/experiments/train.py", line 195, in <module>
train(arglist)
"/home/shy/桌面/maddpg-master/experiments/train.py", line 184, in train
rew_file_name = arglist.plots_dir + arglist.exp_name
TypeError: must be str, not NoneType | 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.434032 |
Traceback (most recent call last):
"/opt/medusa/medusa/post_processor.py", line 449, in move
helpers.move_file(cur_file_path, new_file_path)
"/opt/medusa/medusa/helpers/__init__.py", line 316, in move_file
os.unlink(src_file)
"/opt/medusa/medusa/init/filesystem.py", line 85, in <lambda>
return lambda *args, **kwargs: handle_output(f(*[handle_arg(arg) for arg in args], **{k: handle_arg(arg) for k, arg in kwargs.items()}))
OSError: [Errno 2] No such file or directory: '/mnt/External/Downloads/completed/Series/Mr.Robot.S03e04.720p.Hdtv.Hevc.X265.Rmteam/_unpack/mr.robot.s03e04.720p.hdtv.hevc.x265.rmteam.mkv'
| Traceback (most recent call last):
"./generate.py", line 222, in <module>
main()
"./generate.py", line 165, in main
model = GPT2LMHeadModel.from_pretrained(args.model_path)
"/home/xy/anaconda3/envs/py36-tf1/lib/python3.6/site-packages/transformers/modeling_utils.py", line 604, in from_pretrained
**kwargs,
"/home/xy/anaconda3/envs/py36-tf1/lib/python3.6/site-packages/transformers/configuration_utils.py", line 200, in from_pretrained
config_dict, kwargs = cls.get_config_dict(pretrained_model_name_or_path, **kwargs)
"/home/xy/anaconda3/envs/py36-tf1/lib/python3.6/site-packages/transformers/configuration_utils.py", line 251, in get_config_dict
raise EnvironmentError(msg)
OSError: Can't load config for 'model/final_model'. Make sure that:
| 0.568039 |
Traceback (most recent call last):
"train.py", line 137, in <module>
GANTrainer.train()
"/ssd/gan/pytorch_GAN_zoo/models/trainer/progressive_gan_trainer.py", line 237, in train
maxIter=self.modelConfig.maxIterAtScale[scale])
"/ssd/gan/pytorch_GAN_zoo/models/trainer/gan_trainer.py", line 470, in trainOnEpoch
for item, data in enumerate(dbLoader, 0):
"/home/ivan/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 819, in __next__
return self._process_data(data)
"/home/ivan/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 846, in _process_data
data.reraise()
"/home/ivan/.local/lib/python3.6/site-packages/torch/_utils.py", line 369, in reraise
raise self.exc_type(msg)
AttributeError: Caught AttributeError in DataLoader worker process 0.
| Traceback (most recent call last):
"/usr/local/bin/ajenti-panel", line 123, in <module>
plugin_providers=plugin_providers,
"/usr/local/lib/python3.6/dist-packages/aj/entry.py", line 25, in start
with context:
"/usr/local/lib/python3.6/dist-packages/daemon/daemon.py", line 370, in __enter__
self.open()
"/usr/local/lib/python3.6/dist-packages/daemon/daemon.py", line 354, in open
exclude_fds = self._get_exclude_file_descriptors()
"/usr/local/lib/python3.6/dist-packages/daemon/daemon.py", line 438, in _get_exclude_file_descriptors
files_preserve.extend(
AttributeError: 'range' object has no attribute 'extend' | 0.577713 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: triples() missing 1 required positional argument: 'xxx_todo_changeme2'
| Traceback (most recent call last):
"src/hunter/_tracer.pyx", line 24, in hunter._tracer.trace_func (src/hunter/_tracer.c:1153)
"src/hunter/_predicates.pyx", line 288, in hunter._predicates.fast_When_call (src/hunter/_predicates.c:7391)
"foo.py", line 8, in fibs
temp1 = fibs(x-1)
TypeError: unsupported operand type(s) for -: 'hunter._event.Event' and 'int'
| 0.492638 |
Traceback (most recent call last):
"test.py", line 54, in <module>
Blog.posts.impl.get_history(state, dict_, passive=True),
"/Users/classic/dev/sqlalchemy/lib/sqlalchemy/orm/attributes.py", line 876, in get_history
return History.from_collection(self, state, current)
"/Users/classic/dev/sqlalchemy/lib/sqlalchemy/orm/attributes.py", line 1345, in from_collection
for c in original
TypeError: 'symbol' object is not iterable | Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| 0.527943 |
Traceback (most recent call last):
"/usr/local/bin/azure-cli/local/lib/python2.7/site-packages/knack/cli.py", line 206, in invoke
cmd_result = self.invocation.execute(args)
"/usr/local/bin/azure-cli/local/lib/python2.7/site-packages/azure/cli/core/commands/__init__.py", line 603, in execute
raise ex
TypeError: backup() takes at least 4 arguments (3 given)
| ltCloud object at 0x2c981d0>>: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/utils/parsers.py", line 200, in parse_args
process_option_func()
"/usr/lib/python2.7/site-packages/salt/utils/parsers.py", line 516, in process_config_dir
self.config.update(self.setup_config())
"/usr/lib/python2.7/site-packages/salt/utils/parsers.py", line 3022, in setup_config
return config.cloud_config(self.get_config_file_path())
"/usr/lib/python2.7/site-packages/salt/config/__init__.py", line 2231, in cloud_config
providers_config)
"/usr/lib/python2.7/site-packages/salt/config/__init__.py", line 2398, in vm_profiles_config
return apply_vm_profiles_config(providers, overrides, defaults)
"/usr/lib/python2.7/site-packages/salt/config/__init__.py", line 2463, in apply_vm_profiles_config
if extends not in vms:
TypeError: unhashable type: 'list'
| 0.518383 |
Traceback (most recent call last):
"part2.py", line 32, in <module>
main()
"part2.py", line 29, in main
model2.fit(X, y)
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/Keras-2.1.6-py3.6.egg/keras/engine/training.py", line 1037, in fit
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/Keras-2.1.6-py3.6.egg/keras/engine/training_arrays.py", line 199, in fit_loop
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/Keras-2.1.6-py3.6.egg/keras/backend/theano_backend.py", line 1254, in __call__
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/theano/compile/function_module.py", line 917, in __call__
storage_map=getattr(self.fn, 'storage_map', None))
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/theano/gof/link.py", line 325, in raise_with_op
reraise(exc_type, exc_value, exc_trace)
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/six.py", line 692, in reraise
raise value.with_traceback(tb)
"/home/aalavi/anaconda2/envs/keras_pr/lib/python3.6/site-packages/theano/compile/function_module.py", line 903, in __call__
self.fn() if output_subset is None else\
ValueError: Input dimension mis-match. (input[0].shape[1] = 30, input[3].shape[1] = 7)
| Traceback (most recent call last):
"/home/ilknull/.local/lib/python3.8/site-packages/numba/core/errors.py", line 745, in new_error_context
yield
"/home/ilknull/.local/lib/python3.8/site-packages/numba/core/lowering.py", line 273, in lower_block
self.lower_inst(inst)
"/home/ilknull/.local/lib/python3.8/site-packages/numba/core/lowering.py", line 486, in lower_inst
func(self, inst)
"/home/ilknull/.local/lib/python3.8/site-packages/numba/parfors/parfor_lowering.py", line 271, in _lower_parfor_parallel
call_parallel_gufunc(
"/home/ilknull/.local/lib/python3.8/site-packages/numba/parfors/parfor_lowering.py", line 1398, in call_parallel_gufunc
_launch_threads()
"/home/ilknull/.local/lib/python3.8/site-packages/numba/np/ufunc/parallel.py", line 486, in _launch_threads
raise_with_hint(requirements)
"/home/ilknull/.local/lib/python3.8/site-packages/numba/np/ufunc/parallel.py", line 431, in raise_with_hint
raise ValueError(errmsg % hint)
ValueError: No threading layer could be loaded.
| 0.526384 |
Traceback (most recent call last):
"/home/will/.miniconda3/envs/proj/lib/python3.8/multiprocessing/pool.py", line 125, in worker
result = (True, func(*args, **kwds))
"/home/will/.miniconda3/envs/proj/lib/python3.8/multiprocessing/pool.py", line 48, in mapstar
return list(map(*args))
"/home/will/.miniconda3/envs/proj/lib/python3.8/site-packages/pandarallel/pandarallel.py", line 64, in global_worker
return _func(x)
"/home/will/.miniconda3/envs/proj/lib/python3.8/site-packages/pandarallel/pandarallel.py", line 108, in wrapper
result = function(
"/home/will/.miniconda3/envs/proj/lib/python3.8/site-packages/pandarallel/data_types/dataframe_groupby.py", line 36, in worker
mutated.append(not pd.core.groupby.ops._is_indexed_like(res, df.axes))
TypeError: _is_indexed_like() missing 1 required positional argument: 'axis'
| Traceback (most recent call last):
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/aiohttp/web_protocol.py", line 390, in start
resp = await self._request_handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/aiohttp/web_app.py", line 366, in _handle
resp = await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/aiohttp/web_middlewares.py", line 106, in impl
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/static.py", line 66, in staticresource_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/real_ip.py", line 34, in real_ip_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/ban.py", line 66, in ban_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/auth.py", line 68, in auth_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/real_ip.py", line 34, in real_ip_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/ban.py", line 66, in ban_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/auth.py", line 68, in auth_middleware
return await handler(request)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/http/view.py", line 113, in handle
result = await result
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/components/config/core.py", line 21, in post
errors = await async_check_ha_config_file(request.app['hass'])
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/config.py", line 796, in async_check_ha_config_file
check_ha_config_file, hass)
"/usr/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/scripts/check_config.py", line 360, in check_ha_config_file
p_validated = component.PLATFORM_SCHEMA(p_config)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 267, in __call__
return self._compiled([], data)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 589, in validate_dict
return base_validate(path, iteritems(data), out)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 381, in validate_mapping
cval = cvalue(key_path, value)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 204, in _run
return self._exec(self._compiled, value, path)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 284, in _exec
v = func(path, v)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 630, in validate_sequence
cval = validate(index_path, value)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 204, in _run
return self._exec(self._compiled, value, path)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 249, in _exec
return func(path, v)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 204, in _run
return self._exec(self._compiled, value, path)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/validators.py", line 284, in _exec
v = func(path, v)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 811, in validate_callable
return schema(data)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 267, in __call__
return self._compiled([], data)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 589, in validate_dict
return base_validate(path, iteritems(data), out)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 381, in validate_mapping
cval = cvalue(key_path, value)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/voluptuous/schema_builder.py", line 811, in validate_callable
return schema(data)
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/helpers/config_validation.py", line 309, in service
if valid_entity_id(value):
"/home/homeassistant/homeassistant/lib/python3.6/site-packages/homeassistant/core.py", line 80, in valid_entity_id
return ENTITY_ID_PATTERN.match(entity_id) is not None
TypeError: expected string or bytes-like object
| 0.529491 |
Traceback (most recent call last):
"examples/example_aae.py", line 140, in <module>
main()
"examples/example_aae.py", line 136, in main
example_aae("output/aae", AdversarialOptimizerSimultaneous())
"examples/example_aae.py", line 71, in example_aae
encoder = model_encoder(latent_dim, input_shape)
"examples/example_aae.py", line 46, in model_encoder
output_shape=lambda p: p[0])
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 1680, in merge
name=name)
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 1301, in __init__
self.add_inbound_node(layers, node_indices, tensor_indices)
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 635, in add_inbound_node
Node.create_node(self, inbound_layers, node_indices, tensor_indices)
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 172, in create_node
output_tensors = to_list(outbound_layer.call(input_tensors, mask=input_masks))
"/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 1383, in call
return self.mode(inputs, **arguments)
"examples/example_aae.py", line 45, in <lambda>
z = merge([mu, log_sigma_sq], mode=lambda p: p[0] + K.random_normal(p[0].shape) * K.exp(p[1] / 2),
AttributeError: 'Tensor' object has no attribute 'shape'
| Traceback (most recent call last):
"/home/pi/GassistPi/src/main.py", line 508, in <module>
main()
"/home/pi/GassistPi/src/main.py", line 394, in main
YouTube_No_Autoplay(str(usrcmd).lower())
"/home/pi/GassistPi/src/actions.py", line 1027, in YouTube_No_Autoplay
say("Getting youtube link")
"/home/pi/GassistPi/src/actions.py", line 165, in say
words= translator.translate(words, dest=language)
"/home/pi/env/lib/python3.4/site-packages/googletrans/client.py", line 172, in translate
data = self._translate(text, dest, src)
"/home/pi/env/lib/python3.4/site-packages/googletrans/client.py", line 75, in _translate
token = self.token_acquirer.do(text)
"/home/pi/env/lib/python3.4/site-packages/googletrans/gtoken.py", line 180, in do
self._update()
"/home/pi/env/lib/python3.4/site-packages/googletrans/gtoken.py", line 59, in _update
code = unicode(self.RE_TKK.search(r.text).group(1)).replace('var ', '')
AttributeError: 'NoneType' object has no attribute 'group'
| 0.643521 |
Traceback (most recent call last):
"/home/riley/anaconda3/envs/dev36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3326, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-15-7d320c9e011f>", line 1, in <module>
A @ I
"/home/riley/anaconda3/envs/dev36/lib/python3.6/site-packages/scipy/sparse/linalg/interface.py", line 426, in __matmul__
return self.__mul__(other)
"/home/riley/anaconda3/envs/dev36/lib/python3.6/site-packages/scipy/sparse/linalg/interface.py", line 390, in __mul__
return self.dot(x)
"/home/riley/anaconda3/envs/dev36/lib/python3.6/site-packages/scipy/sparse/linalg/interface.py", line 420, in dot
% x)
ValueError: expected 1-d or 2-d array or matrix, got array(<5x5 sparse matrix of type '<class 'numpy.float64'>'
| Traceback (most recent call last):
"/home/xting/SynthText/synthgen.py", line 615, in render_text
regions = self.filter_for_placement(xyz,seg,regions)
"/home/xting/SynthText/synthgen.py", line 391, in filter_for_placement
res = get_text_placement_mask(xyz,seg==l,regions['coeff'][idx],pad=2)
"/home/xting/SynthText/synthgen.py", line 219, in get_text_placement_mask
contour,hier = cv2.findContours(mask.copy().astype('uint8'),mode=cv2.RETR_CCOMP,method=cv2.CHAIN_APPROX_SIMPLE)
ValueError: too many values to unpack
| 0.586162 |
Traceback (most recent call last):
"VideoWidget_vlc.py", line 866, in mediaStop
TypeError: 'method' object is not connected
| Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/utils/schedule.py", line 849, in handle_func
ret['return'] = self.functions[func](*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/modules/state.py", line 1010, in sls
mocked=kwargs.get('mock', False))
"/usr/lib/python2.7/dist-packages/salt/state.py", line 3535, in __init__
loader=loader)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 662, in __init__
self.opts['pillar'] = self._gather_pillar()
"/usr/lib/python2.7/dist-packages/salt/state.py", line 704, in _gather_pillar
ret = pillar.compile_pillar()
"/usr/lib/python2.7/dist-packages/salt/pillar/__init__.py", line 162, in compile_pillar
dictkey='pillar',
"/usr/lib/python2.7/dist-packages/salt/utils/async.py", line 75, in wrap
ret = self._block_future(ret)
"/usr/lib/python2.7/dist-packages/salt/utils/async.py", line 85, in _block_future
return future.result()
"/usr/lib/python2.7/dist-packages/tornado/concurrent.py", line 215, in result
raise_exc_info(self._exc_info)
"/usr/lib/python2.7/dist-packages/tornado/gen.py", line 879, in run
yielded = self.gen.send(value)
"/usr/lib/python2.7/dist-packages/salt/transport/zeromq.py", line 204, in crypted_transfer_decode_dictentry
aes = cipher.decrypt(ret['key'])
TypeError: string indices must be integers, not str
| 0.477141 |
Traceback (most recent call last):
"/testing/tests/support/helpers.py", line 1048, in decorator
return func(cls, grains=cls.run_function('grains.items'))
"/testing/tests/integration/states/test_pkg.py", line 305, in test_pkg_004_installed_multipkg_with_version
version = latest_version(self.run_function, pkg_targets[0])
"/testing/tests/integration/states/test_pkg.py", line 135, in latest_version
__testcontext__[key].update(result)
TypeError: 'bool' object is not iterable
| Traceback (most recent call last):
"/Users/marcinwatroba/anaconda3/lib/python3.7/site-packages/twint/run.py", line 352, in Lookup
get_event_loop().run_until_complete(get.User(url, config, db.Conn(config.Database)))
"/Users/marcinwatroba/anaconda3/lib/python3.7/asyncio/base_events.py", line 584, in run_until_complete
return future.result()
"/Users/marcinwatroba/anaconda3/lib/python3.7/site-packages/twint/get.py", line 180, in User
_connector = get_connector(config)
"/Users/marcinwatroba/anaconda3/lib/python3.7/site-packages/twint/get.py", line 75, in get_connector
rdns=True)
"/Users/marcinwatroba/anaconda3/lib/python3.7/site-packages/aiohttp_socks/connector.py", line 80, in __init__
super().__init__(**kwargs)
TypeError: __init__() got an unexpected keyword argument 'socks_ver'
| 0.593962 |
Traceback (most recent call last):
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/agents/agent.py", line 601, in _execute_task
await coro
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/agents/agent.py", line 638, in _slurp
await self._delegate_to_sinks(value)
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/agents/agent.py", line 645, in _delegate_to_sinks
await cast(TopicT, sink).send(value=value)
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/topics.py", line 184, in send
callback=callback,
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/channels.py", line 218, in _send_now
key_serializer, value_serializer, callback))
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/topics.py", line 373, in publish_message
headers=headers,
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/transport/consumer.py", line 262, in send
p: int = self.consumer.key_partition(topic, key, partition)
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/transport/consumer.py", line 1191, in key_partition
return self._thread.key_partition(topic, key, partition=partition)
"/home/daniel/.virtualenvs/tributum-accounts/lib/python3.6/site-packages/faust/transport/drivers/aiokafka.py", line 468, in key_partition
all_partitions = list(metadata.partitions_for_topic(topic))
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/experiments/__init__.py", line 723, in _workspace_repro
exec_result = BaseExecutor.reproduce(
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/experiments/executor/base.py", line 268, in reproduce
dvc_checkout(dvc, force=True, quiet=True, allow_missing=True)
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/__init__.py", line 49, in wrapper
return f(repo, *args, **kwargs)
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 104, in checkout
total = get_all_files_numbers(pairs)
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 41, in get_all_files_numbers
return sum(
"/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 42, in <genexpr>
stage.get_all_files_number(filter_info) for stage, filter_info in pairs
"/home/gb/Documents/Research/Projects/dvc/dvc/stage/__init__.py", line 611, in get_all_files_number
return sum(
TypeError: unsupported operand type(s) for +: 'int' and 'NoneType'
| 0.646793 |
Traceback (most recent call last):
"/Users/torndorff/Temp/insights.py", line 11, in <module>
insightInstance = insight1.fetch()
"/usr/local/lib/python3.7/site-packages/twilio/rest/insights/v1/summary.py", line 147, in fetch
return CallSummaryInstance(self._version, payload, call_sid=self._solution['call_sid'], )
"/usr/local/lib/python3.7/site-packages/twilio/rest/insights/v1/summary.py", line 213, in __init__
'direction': payload['direction'],
KeyError: 'direction'
| Traceback (most recent call last):
"<stdin>", line 2, in <module>
"/home/djokester/anaconda3/lib/python3.5/site-packages/gensim/models/keyedvectors.py", line 574, in __getitem__
return self.word_vec(words)
"/home/djokester/anaconda3/lib/python3.5/site-packages/gensim/models/keyedvectors.py", line 273, in word_vec
raise KeyError("word '%s' not in vocabulary" % word)
KeyError: "word 'नीरजः' not in vocabulary"
| 0.593706 |
Traceback (most recent call last):
"/Users/bverst/Library/Python/2.7/lib/python/site-packages/azure/cli/core/commands/__init__.py", line 287, in get_command_table
import_module('azure.cli.command_modules.' + mod).load_commands()
"/usr/local/Cellar/python/2.7.13/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/azure/cli/command_modules/cosmosdb/__init__.py", line 14, in load_commands
import azure.cli.command_modules.cosmosdb.commands
# pylint: disable=redefined-outer-name
"/usr/local/Cellar/python/2.7.13/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/azure/cli/command_modules/cosmosdb/commands.py", line 24, in <module>
APPLICATION.register(APPLICATION.COMMAND_PARSER_PARSING, deprecate)
AttributeError: 'Application' object has no attribute 'COMMAND_PARSER_PARSING'
| Traceback (most recent call last):
"C:\Users\ROHAN LOCKS\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2033, in showtraceback
stb = value._render_traceback_()
AttributeError: 'ImportError' object has no attribute '_render_traceback_'
| 0.554598 |
Traceback (most recent call last):
"/Users/myname/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.py", line 2881, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-7-5e1d634b8803>", line 1, in <module>
dat = feature_expand(data_everything, lags=2, lag_y=True, delta=True)
"<ipython-input-3-184a59b406db>", line 126, in feature_expand
data_delta = data_delta.diff()
"<string>", line 21, in diff
"/Users/myname/anaconda/lib/python2.7/site-packages/pandas/core/groupby.py", line 612, in wrapper
*args, **kwargs)
"/Users/myname/anaconda/lib/python2.7/site-packages/pandas/core/groupby.py", line 3481, in _aggregate_item_by_item
raise errors
TypeError: diff() got an unexpected keyword argument 'axis'
| Traceback (most recent call last):
"/home/ansible/bin/ansible-galaxy", line 106, in <module>
exit_code = cli.run()
"/home/ansible/lib/ansible/cli/galaxy.py", line 152, in run
self.execute()
"/home/ansible/lib/ansible/cli/__init__.py", line 153, in execute
fn()
"/home/ansible/lib/ansible/cli/galaxy.py", line 285, in execute_info
remote_data = self.api.lookup_role_by_name(role, False)
"/home/ansible/lib/ansible/galaxy/api.py", line 48, in wrapped
server_version = self._get_server_api_version()
"/home/ansible/lib/ansible/galaxy/api.py", line 115, in _get_server_api_version
return_data = open_url(url, validate_certs=self._validate_certs)
"/home/ansible/lib/ansible/module_utils/urls.py", line 947, in open_url
r = urllib_request.urlopen(*urlopen_args)
"/usr/lib64/python2.7/urllib2.py", line 154, in urlopen
return opener.open(url, data, timeout)
"/usr/lib64/python2.7/urllib2.py", line 427, in open
req = meth(req)
"/home/ansible/lib/ansible/module_utils/urls.py", line 725, in http_request
s.connect((proxy_parts.get('hostname'), port))
"/usr/lib64/python2.7/socket.py", line 228, in meth
return getattr(self._sock,name)(*args)
TypeError: coercing to Unicode: need string or buffer, NoneType found
| 0.571852 |
Traceback (most recent call last):
"/root/.pyenv/versions/3.8.2/lib/python3.8/asyncio/selector_events.py", line 1046, in sendto
self._sock.sendto(data, addr)
TypeError: sendto(): AF_INET address must be tuple, not NoneType
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: ufunc add cannot use operands with types dtype('<m8[ns]') and dtype('O')
| 0.554973 |
Traceback (most recent call last):
"/usr/lib/python3.7/socketserver.py", line 650, in process_request_thread
self.finish_request(request, client_address)
"/usr/lib/python3.7/socketserver.py", line 360, in finish_request
self.RequestHandlerClass(request, client_address, self)
"test5.py", line 10, in __init__
x.hide()
"/media/james/Development/Programming/Python/beer_engine/remi/venv/lib/python3.7/site-packages/remi/gui.py", line 2474, in hide
self._base_app_instance.set_root_widget(self._old_root_widget)
"/media/james/Development/Programming/Python/beer_engine/remi/venv/lib/python3.7/site-packages/remi/server.py", line 462, in set_root_widget
self.page.children['body'].append(widget, 'root')
"/media/james/Development/Programming/Python/beer_engine/remi/venv/lib/python3.7/site-packages/remi/gui.py", line 1305, in append
raise ValueError('value should be a Widget (otherwise use add_child(key,other)')
ValueError: value should be a Widget (otherwise use add_child(key,other)
| Traceback (most recent call last):
"/sbin/beet", line 11, in <module>
load_entry_point('beets==1.4.9', 'console_scripts', 'beet')()
"/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1266, in main
_raw_main(args)
"/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1249, in _raw_main
subcommands, plugins, lib = _setup(options, lib)
"/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1144, in _setup
lib = _open_library(config)
"/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1201, in _open_library
get_path_formats(),
"/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 619, in get_path_formats
path_formats.append((query, template(view.as_str())))
"/usr/lib/python3.8/site-packages/beets/util/functemplate.py", line 571, in template
return Template(fmt)
"/usr/lib/python3.8/site-packages/beets/util/functemplate.py", line 581, in __init__
self.compiled = self.translate()
"/usr/lib/python3.8/site-packages/beets/util/functemplate.py", line 614, in translate
func = compile_func(
"/usr/lib/python3.8/site-packages/beets/util/functemplate.py", line 155, in compile_func
prog = compile(mod, '<generated>', 'exec')
ValueError: Name node can't be used with 'None' constant
| 0.575187 |
Traceback (most recent call last):
"/Users/Kaynim/Library/Application Support/Kodi/addons/plugin.video.rrmj/default.py", line 6, in <module>
plugin.run()
"/Users/Kaynim/Library/Application Support/Kodi/addons/script.module.xbmcswift2/lib/xbmcswift2/plugin.py", line 332, in run
items = self._dispatch(self.request.path)
"/Users/Kaynim/Library/Application Support/Kodi/addons/script.module.xbmcswift2/lib/xbmcswift2/plugin.py", line 315, in _dispatch
listitems = self.finish(listitems)
"/Users/Kaynim/Library/Application Support/Kodi/addons/script.module.xbmcswift2/lib/xbmcswift2/xbmcmixin.py", line 493, in finish
self.add_items(items)
"/Users/Kaynim/Library/Application Support/Kodi/addons/script.module.xbmcswift2/lib/xbmcswift2/xbmcmixin.py", line 409, in add_items
_items = [self._listitemify(item) for item in items]
"/Users/Kaynim/Library/Application Support/Kodi/addons/plugin.video.rrmj/path.py", line 132, in search
for one in c_list["data"]["results"]:
KeyError: ('results',) |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/state.py", line 1746, in call
**cdata['kwargs'])
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1703, in wrapper
return f(*args, **kwargs)
"/usr/lib/python2.7/site-packages/salt/states/saltmod.py", line 653, in runner
**kwargs)
"/usr/lib/python2.7/site-packages/salt/modules/saltutil.py", line 1185, in runner
full_return=full_return)
"/usr/lib/python2.7/site-packages/salt/runner.py", line 144, in cmd
full_return)
"/usr/lib/python2.7/site-packages/salt/client/mixins.py", line 225, in cmd
self.functions[fun], arglist, pub_data
"/usr/lib/python2.7/site-packages/salt/loader.py", line 1086, in __getitem__
func = super(LazyLoader, self).__getitem__(item)
"/usr/lib/python2.7/site-packages/salt/utils/lazy.py", line 101, in __getitem__
raise KeyError(key)
KeyError: 'test.two'
Started: 14:48:11.550222
| 0.60053 |
Traceback (most recent call last):
"/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/home/paul/.local/lib/python3.6/site-packages/twine/__main__.py", line 31, in <module>
sys.exit(main())
"/home/paul/.local/lib/python3.6/site-packages/twine/__main__.py", line 25, in main
return dispatch(sys.argv[1:])
"/home/paul/.local/lib/python3.6/site-packages/twine/cli.py", line 72, in dispatch
main = registered_commands[args.command].load()
"/home/paul/.local/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2443, in load
return self.resolve()
"/home/paul/.local/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2449, in resolve
module = __import__(self.module_name, fromlist=['__name__'], level=0)
"/home/paul/.local/lib/python3.6/site-packages/twine/commands/upload.py", line 20, in <module>
from twine import settings
"/home/paul/.local/lib/python3.6/site-packages/twine/settings.py", line 22, in <module>
from twine import auth
"/home/paul/.local/lib/python3.6/site-packages/twine/auth.py", line 6, in <module>
import keyring
"/home/paul/.local/lib/python3.6/site-packages/keyring/__init__.py", line 1, in <module>
from .core import (
"/home/paul/.local/lib/python3.6/site-packages/keyring/core.py", line 192, in <module>
init_backend()
"/home/paul/.local/lib/python3.6/site-packages/keyring/core.py", line 96, in init_backend
filter(limit, backend.get_all_keyring()),
"/home/paul/.local/lib/python3.6/site-packages/keyring/util/__init__.py", line 22, in wrapper
func.always_returns = func(*args, **kwargs)
"/home/paul/.local/lib/python3.6/site-packages/keyring/backend.py", line 216, in get_all_keyring
_load_plugins()
"/home/paul/.local/lib/python3.6/site-packages/keyring/backend.py", line 207, in _load_plugins
log.exception("Error initializing plugin %s." % ep)
TypeError: not all arguments converted during string formatting
| Traceback (most recent call last):
"/Users/yhuang/anaconda2/bin/snips-nlu", line 11, in <module>
sys.exit(main())
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/__main__.py", line 39, in main
plac.call(commands[command], sys.argv[1:])
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/plac_core.py", line 328, in call
cmd, result = parser.consume(arglist)
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/plac_core.py", line 207, in consume
return cmd, self.func(*(args + varargs + extraopts), **kwargs)
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/cli/generate_dataset.py", line 17, in generate_dataset
dataset = Dataset.from_yaml_files(language, list(files))
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/dataset/dataset.py", line 105, in from_yaml_files
return cls(language, intents, entities)
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/dataset/dataset.py", line 39, in __init__
self._ensure_entity_values()
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/dataset/dataset.py", line 155, in _ensure_entity_values
for entity in self.entities}
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/dataset/dataset.py", line 155, in <dictcomp>
for entity in self.entities}
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu/dataset/dataset.py", line 172, in _get_entity_values
entity.name, self.language))
"/Users/yhuang/anaconda2/lib/python2.7/site-packages/snips_nlu_ontology/builtin_entities.py", line 183, in get_builtin_entity_examples
% type(language))
TypeError: Expected `language` to be of type 'str' but found: <type 'str'> | 0.629679 |
Traceback (most recent call last):
"/home/****/.sickrage/sickbeard/scheduler.py", line 109, in run
self.action.run(self.force)
"/home/****/.sickrage/sickbeard/versionChecker.py", line 67, in run
if self.check_for_new_version(force):
"/home/****/.sickrage/sickbeard/versionChecker.py", line 269, in check_for_new_version
if not self.updater.need_update():
"/home/****/.sickrage/sickbeard/versionChecker.py", line 585, in need_update
if self.branch != self._find_installed_branch():
"/home/****/.sickrage/sickbeard/versionChecker.py", line 497, in _find_installed_branch
branch_info, errors_, exit_status = self._run_git(self._git_path, 'symbolic-ref -q HEAD')
# @UnusedVariable
"/home/****/.sickrage/sickbeard/versionChecker.py", line 458, in _run_git
if 'stash' in output:
TypeError: argument of type 'NoneType' is not iterable
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/haffmpeg/core.py", line 114, in open
stderr=stderr
"/usr/lib/python3.6/asyncio/subprocess.py", line 225, in create_subprocess_exec
stderr=stderr, **kwds)
"uvloop/loop.pyx", line 2533, in subprocess_exec
"uvloop/loop.pyx", line 2493, in __subprocess_run
"uvloop/handles/process.pyx", line 580, in uvloop.loop.UVProcessTransport.new
"uvloop/handles/process.pyx", line 49, in uvloop.loop.UVProcess._init
"uvloop/handles/process.pyx", line 38, in uvloop.loop.UVProcess._init
"uvloop/handles/process.pyx", line 237, in uvloop.loop.UVProcess._init_options
"uvloop/handles/process.pyx", line 280, in uvloop.loop.UVProcess._init_args
TypeError: all args must be str or bytes
| 0.572941 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.