text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/pipeline/core.py", line 176, in __call__
doc = self.process(doc)
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/pipeline/core.py", line 170, in process
doc = self.processors[processor_name].process(doc)
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/pipeline/pos_processor.py", line 32, in process
for i, b in enumerate(batch):
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/models/pos/data.py", line 122, in __iter__
yield self.__getitem__(i)
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/models/pos/data.py", line 114, in __getitem__
xpos = get_long_tensor(batch[3], batch_size)
"/home/nikolal/miniconda3/envs/stanza/lib/python3.6/site-packages/stanza/models/common/data.py", line 22, in get_long_tensor
tokens[i, :len(s)] = torch.LongTensor(s)
RuntimeError: The expanded size of the tensor (10) must match the existing size (0) at non-singleton dimension 1.
Target sizes: [0, 10].
Tensor sizes: [0]
| Traceback (most recent call last):
"synthesize.py", line 100, in <module>
main()
"synthesize.py", line 94, in main
synthesize(args, hparams, taco_checkpoint, wave_checkpoint, sentences)
"synthesize.py", line 36, in synthesize
wavenet_in_dir = tacotron_synthesize(args, hparams, taco_checkpoint, sentences)
"/home/dex/tts-2/Tacotron-2/tacotron/synthesize.py", line 124, in tacotron_synthesize
raise RuntimeError('Failed to load checkpoint at {}'.format(checkpoint))
RuntimeError: Failed to load checkpoint at logs-Tacotron-2/taco_pretrained/tacotron_model.ckpt-25000
| 0.543365 |
Traceback (most recent call last):
"/home/yu/Mask_RCNN/mrcnn/model.py", line 1695, in data_generator
use_mini_mask=config.USE_MINI_MASK)
"/home/yu/Mask_RCNN/mrcnn/model.py", line 1210, in load_image_gt
mask, class_ids = dataset.load_mask(image_id)
"train_shapes.py", line 137, in load_mask
num_obj = self.get_obj_index('fish_'+img)
TypeError: Can't convert 'PngImage
' object to str implicitly
| Traceback (most recent call last):
"E:\python\python3.8.1\lib\threading.py", line 932, in _bootstrap_inner
self.run()
"E:\python\python3.8.1\lib\threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"E:\python\python3.8.1\lib\site-packages\keyboard\_generic.py", line 58, in process
if self.pre_process_event(event):
"E:\python\python3.8.1\lib\site-packages\keyboard\__init__.py", line 213, in pre_process_event
key_hook(event)
"E:\python\python3.8.1\lib\site-packages\keyboard\__init__.py", line 516, in <lambda>
return hook_key(key, lambda e: e.event_type == KEY_DOWN or callback(e), suppress=suppress)
TypeError: p() takes 0 positional arguments but 1 was given
| 0.550264 |
Traceback (most recent call last):
"/usr/lib/ckan/default/bin/paster", line 8, in <module>
sys.exit(run())
"/usr/lib/ckan/default/lib/python2.7/site-packages/paste/script/command.py", line 101, in run
command = commands[command_name].load()
"/usr/lib/ckan/default/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2305, in load
return self.resolve()
"/usr/lib/ckan/default/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2311, in resolve
module = __import__(self.module_name, fromlist=['__name__'], level=0)
"/root/ckan/lib/default/src/ckan/ckan/lib/cli.py", line 32, in <module>
from ckan.config.middleware import make_app
"/root/ckan/lib/default/src/ckan/ckan/config/middleware/__init__.py", line 13, in <module>
from ckan.config.middleware.flask_app import make_flask_stack
"/root/ckan/lib/default/src/ckan/ckan/config/middleware/flask_app.py", line 18, in <module>
from beaker.middleware import SessionMiddleware
"/usr/lib/ckan/default/lib/python2.7/site-packages/beaker/middleware.py", line 11, in <module>
from beaker.cache import CacheManager
"/usr/lib/ckan/default/lib/python2.7/site-packages/beaker/cache.py", line 23, in <module>
import beaker.ext.mongodb as mongodb
"/usr/lib/ckan/default/lib/python2.7/site-packages/beaker/ext/mongodb.py", line 102, in <module>
class MongoSynchronizer(SynchronizerImpl):
"/usr/lib/ckan/default/lib/python2.7/site-packages/beaker/ext/mongodb.py", line 106, in MongoSynchronizer
MACHINE_ID = machine_identifier()
"/usr/lib/ckan/default/lib/python2.7/site-packages/beaker/util.py", line 489, in machine_identifier
machine_hash = hashlib.md5()
ValueError: error:060800A3:digital envelope routines:EVP_DigestInit_ex:disabled for fips
| Traceback (most recent call last):
"build\bdist.win32\egg\pyocd\__main__.py", line 300, in run
self._commands[self._args.cmd]()
"build\bdist.win32\egg\pyocd\__main__.py", line 460, in do_gdbserver
**sessionOptions)
"build\bdist.win32\egg\pyocd\core\helpers.py", line 141, in session_with_chosen_probe
allProbes = ConnectHelper.get_all_connected_probes(blocking=blocking, unique_id=board_id)
"build\bdist.win32\egg\pyocd\core\helpers.py", line 78, in get_all_connected_probes
allProbes = DebugProbeAggregator.get_all_connected_probes(unique_id=unique_id)
"build\bdist.win32\egg\pyocd\probe\aggregator.py", line 32, in get_all_connected_probes
probes += cls.get_all_connected_probes()
"build\bdist.win32\egg\pyocd\probe\cmsis_dap_probe.py", line 73, in get_all_connected_probes
return [cls(dev) for dev in DAPAccess.get_connected_devices()]
"build\bdist.win32\egg\pyocd\probe\pydapaccess\dap_access_cmsis_dap.py", line 456, in get_connected_devices
all_interfaces = _get_interfaces()
"build\bdist.win32\egg\pyocd\probe\pydapaccess\dap_access_cmsis_dap.py", line 56, in _get_interfaces
v2_interfaces = INTERFACE[USB_BACKEND_V2].get_all_connected_interfaces()
"build\bdist.win32\egg\pyocd\probe\pydapaccess\interface\pyusb_v2_backend.py", line 179, in get_all_connected_interfaces
for board in all_devices:
"c:\python27\lib\site-packages\usb\core.py", line 1249, in device_iter
if _interop._all(tests) and (custom_match is None or custom_match(d)):
"build\bdist.win32\egg\pyocd\probe\pydapaccess\interface\pyusb_v2_backend.py", line 275, in __call__
cmsis_dap_interface = usb.util.find_descriptor(config, custom_match=match_cmsis_dap_interface_name)
"c:\python27\lib\site-packages\usb\util.py", line 190, in find_descriptor
return _interop._next(desc_iter(**args))
"c:\python27\lib\site-packages\usb\_interop.py", line 66, in _next
return next(iter)
"c:\python27\lib\site-packages\usb\util.py", line 183, in desc_iter
if _interop._all(tests) and (custom_match is None or custom_match(d)):
"build\bdist.win32\egg\pyocd\probe\pydapaccess\interface\pyusb_v2_backend.py", line 271, in match_cmsis_dap_interface_name
interface_name = usb.util.get_string(desc.device, desc.iInterface)
"c:\python27\lib\site-packages\usb\util.py", line 314, in get_string
raise ValueError("The device has no langid")
ValueError: The device has no langid
| 0.601557 |
Traceback (most recent call last):
"/home/harshn/anaconda3/bin/allennlp", line 8, in <module>
sys.exit(run())
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/__main__.py", line 19, in run
main(prog="allennlp")
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/__init__.py", line 92, in main
args.func(args)
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/train.py", line 112, in train_model_from_args
dry_run=args.dry_run,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/train.py", line 171, in train_model_from_file
dry_run=dry_run,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/train.py", line 230, in train_model
dry_run=dry_run,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/train.py", line 418, in _train_worker
params=params, serialization_dir=serialization_dir, local_rank=process_rank,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/from_params.py", line 580, in from_params
**extras,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/from_params.py", line 611, in from_params
return constructor_to_call(**kwargs)
# type: ignore
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/commands/train.py", line 627, in from_partial_objects
model_ = model.construct(vocab=vocabulary_)
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/lazy.py", line 46, in construct
return self._constructor(**kwargs)
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/from_params.py", line 446, in constructor
return value_cls.from_params(params=deepcopy(popped_params), **constructor_extras)
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/from_params.py", line 580, in from_params
**extras,
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/common/from_params.py", line 611, in from_params
return constructor_to_call(**kwargs)
# type: ignore
"/home/harshn/thesis/allennlp_tests/models/base_classifier.py", line 75, in __init__
self._classifier_input_dim = self._seq2vec_encoder.get_output_dim()
"/home/harshn/anaconda3/lib/python3.7/site-packages/allennlp/modules/seq2vec_encoders/pytorch_seq2vec_wrapper.py", line 60, in get_output_dim
return self._module.hidden_size * (2 if is_bidirectional else 1)
"/home/harshn/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 594, in __getattr__
type(self).__name__, name))
AttributeError: 'AugmentedLstm' object has no attribute 'hidden_size'
| Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/django/core/handlers/exception.py", line 41, in inner
response = get_response(request)
"/usr/lib/python3.6/site-packages/django/core/handlers/base.py", line 187, in _get_response
response = self.process_exception_by_middleware(e, request)
"/usr/lib/python3.6/site-packages/django/core/handlers/base.py", line 185, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/usr/lib/python3.6/site-packages/django/views/decorators/cache.py", line 43, in _cache_controlled
response = viewfunc(request, *args, **kw)
"/usr/lib/python3.6/site-packages/wagtail/wagtailadmin/decorators.py", line 31, in decorated_view
return view_func(request, *args, **kwargs)
"/usr/lib/python3.6/site-packages/wagtail/api/v2/router.py", line 65, in wrapped
return func(request, *args, **kwargs)
"/usr/lib/python3.6/site-packages/django/views/decorators/csrf.py", line 58, in wrapped_view
return view_func(*args, **kwargs)
"/usr/lib/python3.6/site-packages/rest_framework/viewsets.py", line 90, in view
return self.dispatch(request, *args, **kwargs)
"/usr/lib/python3.6/site-packages/rest_framework/views.py", line 489, in dispatch
response = self.handle_exception(exc)
"/usr/lib/python3.6/site-packages/wagtail/api/v2/endpoints.py", line 95, in handle_exception
return super(BaseAPIEndpoint, self).handle_exception(exc)
"/usr/lib/python3.6/site-packages/rest_framework/views.py", line 449, in handle_exception
self.raise_uncaught_exception(exc)
"/usr/lib/python3.6/site-packages/rest_framework/views.py", line 486, in dispatch
response = handler(request, *args, **kwargs)
"/usr/lib/python3.6/site-packages/wagtail/wagtailadmin/api/endpoints.py", line 93, in listing_view
response = super(PagesAdminAPIEndpoint, self).listing_view(request)
"/usr/lib/python3.6/site-packages/wagtail/api/v2/endpoints.py", line 81, in listing_view
return self.get_paginated_response(serializer.data)
"/usr/lib/python3.6/site-packages/rest_framework/serializers.py", line 739, in data
ret = super(ListSerializer, self).data
"/usr/lib/python3.6/site-packages/rest_framework/serializers.py", line 263, in data
self._data = self.to_representation(self.instance)
"/usr/lib/python3.6/site-packages/rest_framework/serializers.py", line 657, in to_representation
self.child.to_representation(item) for item in iterable
"/usr/lib/python3.6/site-packages/rest_framework/serializers.py", line 657, in <listcomp>
self.child.to_representation(item) for item in iterable
"/usr/lib/python3.6/site-packages/wagtail/api/v2/serializers.py", line 284, in to_representation
meta[field.field_name] = field.to_representation(attribute)
"/usr/lib/python3.6/site-packages/wagtail/api/v2/serializers.py", line 91, in to_representation
name = page.specific_class._meta.app_label + '.' + page.specific_class.__name__
AttributeError: 'NoneType' object has no attribute '_meta'
| 0.633938 |
Traceback (most recent call last):
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1836, in __call__
return self.wsgi_app(environ, start_response)
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1820, in wsgi_app
response = self.make_response(self.handle_exception(e))
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask_cors/extension.py", line 188, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1403, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1817, in wsgi_app
response = self.full_dispatch_request()
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1477, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask_cors/extension.py", line 188, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1381, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1475, in full_dispatch_request
rv = self.dispatch_request()
"/home/ubuntu/workspace/.betago/lib/python2.7/site-packages/flask/app.py", line 1461, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/ubuntu/workspace/betago/betago/model.py", line 61, in next_move
bot_row, bot_col = self.bot.select_move('w')
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/home/twilight/temp/synapse/env/bin/synapse_port_db", line 1104, in <module>
sys.stderr.write(end_error)
TypeError: write() argument must be str, not IncorrectDatabaseSetup
| 0.494862 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/tornado/web.py", line 1699, in _execute
result = await result
"/usr/local/lib/python3.6/dist-packages/jupyterhub/handlers/base.py", line 1013, in get
raise copy.copy(exc).with_traceback(exc.__traceback__)
"/usr/local/lib/python3.6/dist-packages/tornado/gen.py", line 589, in error_callback
future.result()
"/usr/local/lib/python3.6/dist-packages/jupyterhub/handlers/base.py", line 636, in finish_user_spawn
await spawn_future
"/usr/local/lib/python3.6/dist-packages/jupyterhub/user.py", line 489, in spawn
raise e
"/usr/local/lib/python3.6/dist-packages/jupyterhub/user.py", line 409, in spawn
url = await gen.with_timeout(timedelta(seconds=spawner.start_timeout), f)
"/usr/local/lib/python3.6/dist-packages/kubespawner/spawner.py", line 1636, in _start
events = self.events
"/usr/local/lib/python3.6/dist-packages/kubespawner/spawner.py", line 1491, in events
for event in self.event_reflector.events:
"/usr/local/lib/python3.6/dist-packages/kubespawner/spawner.py", line 72, in events
key=lambda x: x.last_timestamp,
TypeError: '<' not supported between instances of 'datetime.datetime' and 'NoneType'
| Traceback (most recent call last):
"tensor_loop.py", line 14, in <module>
df_res = md.DataFrame(score, columns=["probability"])
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/mars/dataframe/initializer.py", line 47, in __init__
df = dataframe_from_tensor(data, index=index, columns=columns, gpu=gpu, sparse=sparse)
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/mars/dataframe/datasource/from_tensor.py", line 357, in dataframe_from_tensor
return op(tensor, index, columns)
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/mars/utils.py", line 451, in _inner
return func(*args, **kwargs)
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/mars/dataframe/datasource/from_tensor.py", line 83, in __call__
return self._call_input_tensor(input_tensor, index, columns)
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/mars/dataframe/datasource/from_tensor.py", line 156, in _call_input_tensor
index_value = parse_index(pd.RangeIndex(start=0, stop=input_tensor.shape[0]))
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/pandas/core/indexes/range.py", line 107, in __new__
stop = ensure_python_int(stop)
"/home/smartguo/lib/anaconda3/envs/mars/lib/python3.7/site-packages/pandas/core/dtypes/common.py", line 174, in ensure_python_int
raise TypeError(f"Wrong type {type(value)} for value {value}") from err
TypeError: Wrong type <class 'float'> for value nan
| 0.539961 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/discord/client.py", line 307, in _run_event
yield from getattr(self, event)(*args, **kwargs)
TypeError: on_reaction_add() takes 0 positional arguments but 2 were given
| Traceback (most recent call last):
"setup.py", line 19, in <module>
DESCRIPTION = open('README.md', encoding='utf-8').read()
TypeError: 'encoding' is an invalid keyword argument for this function | 0.599835 |
Traceback (most recent call last):
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/core.py", line 1018, in _event_to_service_call
yield from self._hass.async_add_job(execute_service)
"/usr/local/lib/python3.6/asyncio/futures.py", line 327, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/local/lib/python3.6/asyncio/tasks.py", line 250, in _wakeup
future.result()
"/usr/local/lib/python3.6/asyncio/futures.py", line 243, in result
raise self._exception
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/core.py", line 1015, in execute_service
service_handler.func(service_call)
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/components/xiaomi_aqara.py", line 146, in play_ringtone_service
gateway.write_to_hub(gateway.sid, **kwargs)
"/srv/homeassistant/lib/python3.6/site-packages/xiaomi_gateway/__init__.py", line 303, in write_to_hub
'Invalid key' not in resp['data']['error']):
TypeError: string indices must be integers
| Traceback (most recent call last):
"/home/bill/dev/pyannote-audio/venv/bin/pyannote-overlap-detection", line 10, in <module>
sys.exit(main())
"/home/bill/dev/pyannote-audio/venv/lib/python3.6/site-packages/pyannote/audio/applications/overlap_detection.py", line 333, in main
experiment_dir, db_yml=db_yml, training=True
"/home/bill/dev/pyannote-audio/venv/lib/python3.6/site-packages/pyannote/audio/applications/base_labeling.py", line 63, in __init__
self.get_model_ = partial(Architecture, **params)
TypeError: type object argument after ** must be a mapping, not NoneType
| 0.551032 |
Traceback (most recent call last):
"scheduler_booter.py", line 22, in <module>
scheduler_start()
"/usr/local/lib/python3.6/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.6/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/custom-disk1/haipproxy-0.1/scheduler/scheduler.py", line 186, in scheduler_start
scheduler.schedule_all_right_now()
"/custom-disk1/haipproxy-0.1/scheduler/scheduler.py", line 73, in schedule_all_right_now
pool.map(self.schedule_task_with_lock, self.tasks)
"/usr/local/lib/python3.6/multiprocessing/pool.py", line 266, in map
return self._map_async(func, iterable, mapstar, chunksize).get()
"/usr/local/lib/python3.6/multiprocessing/pool.py", line 644, in get
raise self._value
TypeError: unsupported operand type(s) for *: 'NoneType' and 'int'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/_sitebuiltins.py", line 103, in __call__
return pydoc.help(*args, **kwds)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1851, in __call__
self.help(request)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1904, in help
else: doc(request, 'Help on %s:', output=self._output)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1638, in doc
pager(render_doc(thing, title, forceload))
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1631, in render_doc
return title % desc + '\n\n' + renderer.document(object, name)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 375, in document
if inspect.ismodule(object): return self.docmodule(*args)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1160, in docmodule
contents.append(self.document(value, key, name))
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 376, in document
if inspect.isclass(object): return self.docclass(*args)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 1277, in docclass
for name, kind, cls, value in classify_class_attrs(object)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/pydoc.py", line 206, in classify_class_attrs
for (name, kind, cls, value) in inspect.classify_class_attrs(object):
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/inspect.py", line 402, in classify_class_attrs
srch_obj = getattr(srch_cls, name, None)
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/site-packages/skbio/util/_decorator.py", line 335, in __get__
return self.fget.__get__(None, owner)()
"/anaconda3/envs/qiime2-2018.8/lib/python3.5/site-packages/skbio/sequence/_grammared_sequence.py", line 213, in _definite_char_codes
[ord(d) for d in definite_chars])
TypeError: 'abstractproperty' object is not iterable
| 0.628038 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/flask_restplus/api.py", line 483, in __schema__
self._schema = Swagger(self).as_dict()
"/usr/local/lib/python3.5/dist-packages/flask_restplus/swagger.py", line 177, in as_dict
paths[extract_path(url)] = self.serialize_resource(ns, resource, url, kwargs)
"/usr/local/lib/python3.5/dist-packages/flask_restplus/swagger.py", line 336, in serialize_resource
doc = self.extract_resource_doc(resource, url)
"/usr/local/lib/python3.5/dist-packages/flask_restplus/swagger.py", line 255, in extract_resource_doc
method_params = self.expected_params(method_doc)
"/usr/local/lib/python3.5/dist-packages/flask_restplus/swagger.py", line 291, in expected_params
parser_params = OrderedDict((p['name'], p) for p in expect.__schema__)
"/usr/local/lib/python3.5/dist-packages/flask_restplus/reqparse.py", line 405, in __schema__
param = arg.__schema__
"/usr/local/lib/python3.5/dist-packages/flask_restplus/reqparse.py", line 269, in __schema__
'in': LOCATIONS.get(self.location, 'query')
TypeError: unhashable type: 'list'
| Traceback (most recent call last):
"/Users/pradeepkumars/Programs/MonkeyType/monkeytype/tracing.py", line 261, in __call__
self.handle_return(frame, arg)
"/Users/pradeepkumars/Programs/MonkeyType/monkeytype/tracing.py", line 236, in handle_return
typ = get_type(arg, max_typed_dict_size=self.max_typed_dict_size)
"/Users/pradeepkumars/Programs/MonkeyType/monkeytype/typing.py", line 177, in get_type
return Type[obj]
"/opt/homebrew/Cellar/python37/3.7.5_3/Frameworks/Python.framework/Versions/3.7/lib/python3.7/typing.py", line 254, in inner
return func(*args, **kwds)
"/opt/homebrew/Cellar/python37/3.7.5_3/Frameworks/Python.framework/Versions/3.7/lib/python3.7/typing.py", line 629, in __getitem__
params = tuple(_type_check(p, msg) for p in params)
"/opt/homebrew/Cellar/python37/3.7.5_3/Frameworks/Python.framework/Versions/3.7/lib/python3.7/typing.py", line 629, in <genexpr>
params = tuple(_type_check(p, msg) for p in params)
"/opt/homebrew/Cellar/python37/3.7.5_3/Frameworks/Python.framework/Versions/3.7/lib/python3.7/typing.py", line 138, in _type_check
raise TypeError(f"Plain {arg} is not valid as type argument")
TypeError: Plain <class 'typing._Protocol'> is not valid as type argument
| 0.571051 |
Traceback (most recent call last):
"<ipython-input-5-842ad8069d40>", line 1, in <module>
np.vstack([0] for _ in range(3))
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/overrides.py", line 151, in public_api
implementation, public_api, relevant_args, args, kwargs)
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/overrides.py", line 96, in array_function_implementation_or_override
return implementation(*args, **kwargs)
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/shape_base.py", line 260, in vstack
return _nx.concatenate([atleast_2d(_m) for _m in tup], 0)
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/overrides.py", line 151, in public_api
implementation, public_api, relevant_args, args, kwargs)
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/overrides.py", line 96, in array_function_implementation_or_override
return implementation(*args, **kwargs)
"/opt/venvs/py37/lib/python3.7/site-packages/numpy/core/multiarray.py", line 193, in concatenate
return _multiarray_umath.concatenate(arrays, axis, out)
ValueError: need at least one array to concatenate
| Traceback (most recent call last):
"/opt/indico/.venv/lib/python2.7/site-packages/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/opt/indico/.venv/lib/python2.7/site-packages/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/opt/indico/.venv/lib/python2.7/site-packages/indico/web/flask/util.py", line 114, in wrapper
return obj().process()
"/opt/indico/.venv/lib/python2.7/site-packages/indico/web/rh.py", line 270, in process
res = self._do_process()
"/opt/indico/.venv/lib/python2.7/site-packages/indico/web/rh.py", line 249, in _do_process
return self._process()
"/opt/indico/.venv/lib/python2.7/site-packages/indico/modules/auth/controllers.py", line 97, in _process
response = multipass.handle_login_form(provider, form.data)
"/opt/indico/.venv/lib/python2.7/site-packages/flask_multipass/core.py", line 459, in handle_login_form
response = provider.process_local_login(data)
"/opt/indico/.venv/lib/python2.7/site-packages/flask_multipass/providers/sqlalchemy.py", line 55, in process_local_login
type(self).identifier_column == data['identifier']).first()
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/orm/query.py", line 2755, in first
ret = list(self[0:1])
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/orm/query.py", line 2547, in __getitem__
return list(res)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/orm/query.py", line 2855, in __iter__
return self._execute_and_instances(context)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/orm/query.py", line 2878, in _execute_and_instances
result = conn.execute(querycontext.statement, self._params)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/base.py", line 945, in execute
return meth(self, multiparams, params)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/sql/elements.py", line 263, in _execute_on_connection
return connection._execute_clauseelement(self, multiparams, params)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/base.py", line 1053, in _execute_clauseelement
compiled_sql, distilled_params
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/base.py", line 1189, in _execute_context
context)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/base.py", line 1405, in _handle_dbapi_exception
util.reraise(*exc_info)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/base.py", line 1182, in _execute_context
context)
"/opt/indico/.venv/lib/python2.7/site-packages/sqlalchemy/engine/default.py", line 470, in do_execute
cursor.execute(statement, parameters)
ValueError: A string literal cannot contain NUL (0x00) characters.
| 0.584768 |
Traceback (most recent call last):
"\Python\Python37-32\lib\site-packages\discord\ext\commands\core.py", line 85, in wrapped
ret = await coro(*args, **kwargs)
"DiscordBot\OtherCommands.py", line 734, in ban
await ctx.guild.ban(User,reason)
TypeError: ban() takes 2 positional arguments but 3 were given
| Traceback (most recent call last):
"C:\Python27\lib\threading.py", line 801, in __bootstrap_inner
self.run()
"C:\Python27\lib\threading.py", line 754, in run
self.__target(*self.__args, **self.__kwargs)
"D:\Downloads\binance-trader-master (4)\binance-trader-master\trader.py", line 122, in sell_limit
print ("Profit: %%%s. Buy: %.8f Sell: %.8f" % (PROFIT, order["price"], sell_price))
TypeError: float argument required, not unicode
| 0.569761 |
`Traceback (most recent call last):
"/usr/bin/opensnitch-ui", line 49, in <module>
service = UIService(app, on_exit)
TypeError: __init__() missing 1 required positional argument: 'config'`
| Traceback (most recent call last):
"/Applications/Develop/Armory/blender.app/Contents/Resources/2.78/scripts/addons/armory.py", line 111, in on_scene_update_post
scene.render.engine = 'ARM'
TypeError: bpy_struct: item.attr = val: enum "ARM" not found in ('BLENDER_RENDER', 'BLENDER_GAME', 'CYCLES', 'TEMP')
| 0.540977 |
Traceback (most recent call last):
"global_classifier.py", line 65, in <module>
prob = classify_fake(model, args.input_path, args.no_crop)
"global_classifier.py", line 36, in classify_fake
faces = face_detection(img_path, verbose=False)
"F:\Study\Fun\AntiPs\FALdetector-master\utils\tools.py", line 108, in face_detection
im.setflags(write=True)
ValueError: cannot set WRITEABLE flag to True of this array
| Traceback (most recent call last):
"profile.py", line 675, in <module>
dat,ind,ret = get_data(tick,period)
"profile.py", line 33, in get_data
df.ta.strategy()
"C:\Users\copyp\AppData\Local\Programs\Python\Python38\lib\site-packages\pandas_ta\core.py", line 704, in strategy
[self._post_process(r, **kwargs) for r in results]
"C:\Users\copyp\AppData\Local\Programs\Python\Python38\lib\site-packages\pandas_ta\core.py", line 704, in <listcomp>
[self._post_process(r, **kwargs) for r in results]
"C:\Users\copyp\AppData\Local\Programs\Python\Python38\lib\multiprocessing\pool.py", line 448, in <genexpr>
return (item for chunk in result for item in chunk)
"C:\Users\copyp\AppData\Local\Programs\Python\Python38\lib\multiprocessing\pool.py", line 868, in next
raise value
ValueError: Length of passed values is 40, index implies 35.
| 0.518404 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"cftime/_cftime.pyx", line 290, in cftime._cftime.num2date
"cftime/_cftime.pyx", line 1211, in cftime._cftime.utime.num2date
"/home/user/miniconda3/envs/simmple/lib/python3.7/site-packages/numpy/core/fromnumeric.py", line 279, in reshape
return _wrapfunc(a, 'reshape', newshape, order=order)
"/home/user/miniconda3/envs/simmple/lib/python3.7/site-packages/numpy/core/fromnumeric.py", line 51, in _wrapfunc
return getattr(obj, method)(*args, **kwds)
ValueError: cannot reshape array of size 1 into shape (3,)
| Traceback (most recent call last):
"test.py", line 14, in <module>
env.render()
"/home/chentao/software/gym/gym/core.py", line 192, in render
return self._render(mode=mode, close=close)
"/home/chentao/software/gym/gym/envs/classic_control/pendulum.py", line 66, in _render
from gym.envs.classic_control import rendering
"/home/chentao/software/gym/gym/envs/classic_control/rendering.py", line 23, in <module>
from pyglet.gl import *
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/gl/__init__.py", line 236, in <module>
import pyglet.window
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/window/__init__.py", line 1817, in <module>
gl._create_shadow_window()
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/gl/__init__.py", line 205, in _create_shadow_window
_shadow_window = Window(width=1, height=1, visible=False)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/window/xlib/__init__.py", line 163, in __init__
super(XlibWindow, self).__init__(*args, **kwargs)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/window/__init__.py", line 505, in __init__
config = screen.get_best_config(template_config)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/canvas/base.py", line 161, in get_best_config
configs = self.get_matching_configs(template)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/canvas/xlib.py", line 179, in get_matching_configs
configs = template.match(canvas)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/gl/xlib.py", line 29, in match
have_13 = info.have_version(1, 3)
"/home/chentao/software/anaconda2/envs/tensorflow/lib/python2.7/site-packages/pyglet/gl/glx_info.py", line 89, in have_version
client = [int(i) for i in client_version.split('.')]
ValueError: invalid literal for int() with base 10: 'None'
| 0.562896 |
Traceback (most recent call last):
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/prefect/engine/runner.py", line 48, in inner
new_state = method(self, state, *args, **kwargs)
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/prefect/engine/task_runner.py", line 881, in get_task_run_state
result = self.result.write(value, **formatting_kwargs)
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/prefect/engine/results/local_result.py", line 116, in write
value = self.serializer.serialize(new.value)
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/prefect/engine/serializers.py", line 70, in serialize
return cloudpickle.dumps(value)
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/cloudpickle/cloudpickle_fast.py", line 73, in dumps
cp.dump(obj)
"/Users/felixvemmer/Desktop/social_bots/env/lib/python3.8/site-packages/cloudpickle/cloudpickle_fast.py", line 563, in dump
return Pickler.dump(self, obj)
TypeError: cannot pickle '_thread.lock' object
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/kchung/.virtualenvs/ctfd3/lib/python3.6/site-packages/itsdangerous.py", line 353, in sign
return value + want_bytes(self.sep) + self.get_signature(value)
TypeError: must be str, not bytes
| 0.491181 |
Traceback (most recent call last):
"/Users/mona/PhD_code/observer_add_GPyTorch_advanced/venv/lib/python3.9/site-packages/gpytorch/module.py", line 412, in __getattr__
return super().__getattribute__(name)
AttributeError: 'MultitaskGaussianLikelihood' object has no attribute 'noise_covar'
| Traceback (most recent call last):
"make-docs.py", line 81, in <module>
body=str(html_pretty)
"C:\tools\Anaconda3\envs\py36\lib\site-packages\atlassian\confluence.py", line 773, in update_or_create
if self.page_exists(space, title):
"C:\tools\Anaconda3\envs\py36\lib\site-packages\atlassian\confluence.py", line 37, in page_exists
if self.get_page_by_title(space, title):
"C:\tools\Anaconda3\envs\py36\lib\site-packages\atlassian\confluence.py", line 128, in get_page_by_title
return (self.get(url, params=params) or {}).get('results')[0]
AttributeError: 'str' object has no attribute 'get'
| 0.630987 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/ray/worker.py", line 2116, in register_custom_serializer
class_id = _try_to_compute_deterministic_class_id(cls)
"/usr/local/lib/python3.6/site-packages/ray/worker.py", line 2036, in _try_to_compute_deterministic_class_id
class_id = pickle.dumps(cls)
"/usr/local/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 952, in dumps
cp.dump(obj)
"/usr/local/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 267, in dump
return Pickler.dump(self, obj)
"/usr/local/lib/python3.6/pickle.py", line 409, in dump
self.save(obj)
"/usr/local/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 693, in save_global
return self.save_dynamic_class(obj)
"/usr/local/lib/python3.6/site-packages/ray/cloudpickle/cloudpickle.py", line 532, in save_dynamic_class
save(clsdict)
"/usr/local/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/usr/local/lib/python3.6/pickle.py", line 521, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.6/pickle.py", line 634, in save_reduce
save(state)
"/usr/local/lib/python3.6/pickle.py", line 476, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.6/pickle.py", line 821, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.6/pickle.py", line 847, in _batch_setitems
save(v)
"/usr/local/lib/python3.6/pickle.py", line 496, in save
rv = reduce(self.proto)
TypeError: can't pickle _thread.lock objects
| Traceback (most recent call last):
"./manage.py", line 12, in <module>
execute_from_command_line(sys.argv)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/core/management/__init__.py", line 371, in execute_from_command_line
utility.execute()
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/core/management/__init__.py", line 365, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/core/management/base.py", line 288, in run_from_argv
self.execute(*args, **cmd_options)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/core/management/base.py", line 335, in execute
output = self.handle(*args, **options)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/core/management/commands/migrate.py", line 160, in handle
pre_migrate_apps = pre_migrate_state.apps
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/utils/functional.py", line 36, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/migrations/state.py", line 210, in apps
return StateApps(self.real_apps, self.models)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/migrations/state.py", line 271, in __init__
self.render_multiple(list(models.values()) + self.real_models)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/migrations/state.py", line 306, in render_multiple
model.render(self)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/migrations/state.py", line 575, in render
return type(self.name, bases, body)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/models/base.py", line 152, in __new__
new_class.add_to_class(obj_name, obj)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/models/base.py", line 315, in add_to_class
value.contribute_to_class(cls, name)
"$VIRTUAL_ENV/lib/python3.6/site-packages/django/db/models/manager.py", line 117, in contribute_to_class
setattr(model, name, ManagerDescriptor(self))
TypeError: attribute name must be string, not 'bytes'
| 0.573144 |
Traceback (most recent call last):
"synthesis.py", line 125, in <module>
model.load_state_dict(checkpoint["state_dict"])
"/root/anaconda2/envs/deep_torch/lib/python3.5/site-packages/torch/nn/modules/module.py", line 721, in load_state_dict
self.__class__.__name__, "\n\t".join(error_msgs)))
RuntimeError: Error(s) in loading state_dict for MultiSpeakerTTSModel:
| Traceback (most recent call last):
"test.py", line 60, in <module>
model.test()
# run inference
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\base_model.py", line 105, in test
self.forward()
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\pix2pix_model.py", line 88, in forward
self.fake_B = self.netG(self.real_A)
# G(A)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\parallel\data_parallel.py", line 150, in forward
return self.module(*inputs[0], **kwargs[0])
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 465, in forward
return self.model(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 533, in forward
return self.model(x)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\container.py", line 92, in forward
input = module(input)
"C:\Users\migita\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\nn\modules\module.py", line 547, in __call__
result = self.forward(*input, **kwargs)
"C:\Users\migita\pytorch-CycleGAN-and-pix2pix\models\networks.py", line 535, in forward
return torch.cat([x, self.model(x)], 1)
RuntimeError: invalid argument 0: Sizes of tensors must match except in dimension 1. Got 14 and 15 in dimension 3 at C:/w/1/s/windows/pytorch/aten/src\THC/generic/THCTensorMath.cu:71
| 0.510086 |
Traceback (most recent call last):
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\multiprocessing\process.py", line 252, in _bootstrap
self.run()
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\site-packages\tensorpack\dataflow\parallel.py", line 162, in run
for dp in self.ds.get_data():
"C:\Users\mywind\AppData\Local\conda\conda\envs\python35\lib\site-packages\tensorpack\dataflow\common.py", line 116, in get_data
for data in self.ds.get_data():
"D:\proj_github\deep-voice-conversion\data_load.py", line 35, in get_data
yield get_mfccs_and_phones(wav_file=wav_file)
"D:\proj_github\deep-voice-conversion\data_load.py", line 72, in get_mfccs_and_phones
wav = read_wav(wav_file, sr=hp.default.sr)
KeyError: 'default'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.6/dist-packages/transformers/pipelines.py", line 1316, in __call__
for s, e, score in zip(starts, ends, scores)
"/usr/local/lib/python3.6/dist-packages/transformers/pipelines.py", line 1316, in <listcomp>
for s, e, score in zip(starts, ends, scores)
KeyError: 0
| 0.558822 |
Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_locales.py", line 102, in test_format_relative_future
result = self.locale._format_relative("an hour", "hour", -1)
AttributeError: 'TestEnglishLocale' object has no attribute 'locale'
| Traceback (most recent call last):
"bug.py", line 24, in <module>
contract_account.f(caller=user_account)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.10-py2.7.egg/manticore/ethereum.py", line 981, in f
data=tx_data)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.10-py2.7.egg/manticore/ethereum.py", line 1541, in transaction
self._transaction('CALL', caller, value=value, address=address, data=data)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.10-py2.7.egg/manticore/ethereum.py", line 1697, in _transaction
_, caller, address, value, data = self.__migrate_expressions(state.constraints, self.constraints, caller, address, value, data)
"/usr/local/lib/python2.7/dist-packages/manticore-0.1.10-py2.7.egg/manticore/ethereum.py", line 1624, in __migrate_expressions
new_constraints.constraint(new_constraints.migrate(c, bindings=migration_bindings))
AttributeError: 'ConstraintSet' object has no attribute 'constraint'
| 0.651811 |
Traceback (most recent call last):
"gluon/tests/test_tools.py", line 1372, in test_expose_base_inside_dir2_state
self.assertEqual(expose.folders, ['link_to_dir1'])
AssertionError: Lists differ: [] != ['link_to_dir1']
| Traceback (most recent call last):
"/builddir/build/BUILD/psutil-release-5.0.1/psutil/tests/test_memory_leaks.py", line 303, in test_cpu_affinity_set
self.execute_w_exc(ValueError, self.proc.cpu_affinity, [-1])
"/builddir/build/BUILD/psutil-release-5.0.1/psutil/tests/test_memory_leaks.py", line 155, in execute_w_exc
self.execute(call)
"/builddir/build/BUILD/psutil-release-5.0.1/psutil/tests/test_memory_leaks.py", line 145, in execute
ncalls
AssertionError: +64.00K after 1000 calls, +124.00K after another 19780 calls
| 0.544546 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/lib/python2.7/site-packages/hyperopt/fmin.py", line 314, in fmin
pass_expr_memo_ctrl=pass_expr_memo_ctrl)
"/usr/lib/python2.7/site-packages/hyperopt/base.py", line 786, in __init__
pyll.toposort(self.expr)
"/usr/lib/python2.7/site-packages/hyperopt/pyll/base.py", line 715, in toposort
assert order[-1] == expr
TypeError: 'generator' object has no attribute '__getitem__'
| Traceback (most recent call last):
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity_platform.py", line 322, in _async_add_entity
await entity.async_device_update(warning=False)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 470, in async_device_update
await self.async_update()
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/volkszaehler/sensor.py", line 120, in async_update
self._state = round(getattr(self.vz_api.api, self.type), 2)
TypeError: type NoneType doesn't define __round__ method
| 0.580173 |
Traceback (most recent call last):
"/Users/maartenbreddels/miniconda3/envs/working/bin/glue", line 11, in <module>
load_entry_point('glue-core', 'gui_scripts', 'glue')()
"/Users/maartenbreddels/src/glue/glue/main.py", line 253, in main
start_glue(datafiles=args, **kwargs)
"/Users/maartenbreddels/src/glue/glue/main.py", line 156, in start_glue
load_plugins(splash=splash)
"/Users/maartenbreddels/src/glue/glue/main.py", line 324, in load_plugins
function = getattr(module, item.attrs[0])
AttributeError: module 'glue.viewers.image' has no attribute 'setup'
| Traceback (most recent call last):
"PixivUtil2.py", line 1884, in main
"PixivUtil2.py", line 1665, in main_loop
"PixivUtil2.py", line 1386, in menu_download_by_tags
"PixivUtil2.py", line 810, in process_tags
"PixivBrowserFactory.pyc", line 481, in getSearchTagPage
"PixivModel.pyc", line 956, in parseTags
AttributeError: 'NoneType' object has no attribute 'findAll'
| 0.547817 |
Traceback (most recent call last):
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/legacy/webinterface/rh/base.py", line 493, in process
profile_name, res = self._do_process(profile)
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/legacy/webinterface/rh/base.py", line 464, in _do_process
res = self._process()
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/modules/oauth/controllers.py", line 132, in _process
form = ApplicationForm(obj=FormDefaults(is_enabled=True))
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/web/forms/base.py", line 70, in __call__
return super(IndicoFormMeta, cls).__call__(*args, **kwargs)
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/wtforms/form.py", line 212, in __call__
return type.__call__(cls, *args, **kwargs)
"/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/modules/oauth/forms.py", line 63, in __init__
for field in self.application.system_app_type.enforced_data:
AttributeError: 'NoneType' object has no attribute 'system_app_type'
| Traceback (most recent call last):
"/Volumes/Data/Projects/tensorflow-models-py3/lib/python3.6/site-packages/absl/testing/parameterized.py", line 262, in bound_param_test
test_method(self, **testcase_params)
"object_detection/builders/model_builder_test.py", line 255, in test_create_faster_rcnn_models_from_config
model = model_builder.build(model_proto, is_training=True)
"/Volumes/Data/Projects/tensorflow-models-py3/src/models/research/object_detection/builders/model_builder.py", line 135, in build
add_summaries)
"/Volumes/Data/Projects/tensorflow-models-py3/src/models/research/object_detection/builders/model_builder.py", line 518, in _build_faster_rcnn_model
) = post_processing_builder.build(frcnn_config.second_stage_post_processing)
"/Volumes/Data/Projects/tensorflow-models-py3/src/models/research/object_detection/builders/post_processing_builder.py", line 59, in build
post_processing_config.batch_non_max_suppression)
"/Volumes/Data/Projects/tensorflow-models-py3/src/models/research/object_detection/builders/post_processing_builder.py", line 95, in _build_non_max_suppressor
use_class_agnostic_nms=nms_config.use_class_agnostic_nms,
AttributeError: 'BatchNonMaxSuppression' object has no attribute 'use_class_agnostic_nms'
| 0.66701 |
Original Traceback (most recent call last):
"E:\venv\lib\site-packages\torch\utils\data\_utils\worker.py", line 198, in _worker_loop
data = fetcher.fetch(index)
"E:\venv\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in fetch
data = [self.dataset[idx] for idx in possibly_batched_index]
"E:\venv\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in <listcomp>
data = [self.dataset[idx] for idx in possibly_batched_index]
"E:\U-2-Net\data_loader.py", line 266, in __getitem__
sample = self.transform(sample)
"E:\venv\lib\site-packages\torchvision\transforms\transforms.py", line 67, in __call__
img = t(img)
"E:\U-2-Net\data_loader.py", line 24, in __call__
h, w = image.shape[:2]
ValueError: not enough values to unpack (expected 2, got 1)
| [deoplete] Traceback (most recent call last):
"/Users/jove/.cache/dein/repos/github.com/Shougo/deoplete.nvim/rplugin/python3/deoplete/child.py", line 220, in _gather_results
ctx['candidates'] = source.gather_candidates(ctx)
"/Users/jove/.cache/dein/repos/github.com/zchee/deoplete-jedi/rplugin/python3/deoplete/sources/deoplete_jedi/profiler.py", line 37, in wrapper
return func(self, *args, **kwargs)
"/Users/jove/.cache/dein/repos/github.com/zchee/deoplete-jedi/rplugin/python3/deoplete/sources/deoplete_jedi.py", line 171, in gather_candidates
environment=self._env)
"/Users/jove/.cache/dein/repos/github.com/zchee/deoplete-jedi/rplugin/python3/deoplete/sources/deoplete_jedi/profiler.py", line 37, in wrapper
return func(self, *args, **kwargs)
"/Users/jove/.cache/dein/repos/github.com/zchee/deoplete-jedi/rplugin/python3/deoplete/sources/deoplete_jedi.py", line 125, in get_script
return jedi.Script(source, line, col, filename, environment=self._env)
"/Users/jove/.cache/dein/repos/github.com/zchee/deoplete-jedi/rplugin/python3/deoplete/vendored/jedi/jedi/api/__init__.py", line 138, in __init__
column, line_len, line, line_string))
ValueError: `column` parameter (23) is not in a valid range (0-22) for line 8 ("
a = A(cjk='你好',ot)\n").
| 0.597789 |
Traceback (most recent call last):
"C:/Users/Tim/PycharmProjects/HomoBOT/HomoBOT/instagwäm.py", line 10, in <module>
cli.upload(image, text)
"C:\Users\Tim\PycharmProjects\HomoBOT\venv\lib\site-packages\instapy_cli\cli.py", line 153, in upload
raise IOError("Unable to upload.")
OSError: Unable to upload.
| Traceback (most recent call last):
"main.py", line 81, in <module>
show
.export("/Users/czhanacek/Documents/Coding/saveTheWave/audio/show-" + s["location"] + ".mp3")
"/Users/czhanacek/.local/share/virtualenvs/saveTheWave-1L0c9War/lib/python3.5/site-packages/pydub/audio_segment.py", line 801, in export
wave_data.writeframesraw(self._data)
"/opt/local/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/wave.py", line 422, in writeframesraw
self._file.write(data)
"/Users/czhanacek/.local/share/virtualenvs/saveTheWave-1L0c9War/lib/python3.5/tempfile.py", line 483, in func_wrapper
return func(*args, **kwargs)
OSError: [Errno 22] Invalid argument
| 0.530867 |
Traceback (most recent call last):
"start.py", line 168, in <module>
main()
"start.py", line 153, in main
from server.view.gui import ViewGUI
"/Users/michaelredick/EvilOSX/server/view/gui.py", line 173, in <module>
class _BroadcastTab(QWidget):
TypeError: 'Shiboken.ObjectType' object is not iterable | Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| 0.581276 |
Traceback (most recent call last):
"train.py", line 85, in <module>
model, optimizer = amp.initialize(model, optimizer, opt_level=args.opt_level)
"/opt/conda/lib/python3.7/site-packages/apex/amp/frontend.py", line 358, in initialize
return _initialize(models, optimizers, _amp_state.opt_properties, num_losses, cast_model_outputs)
"/opt/conda/lib/python3.7/site-packages/apex/amp/_initialize.py", line 209, in _initialize
module._register_state_dict_hook(O2StateDictHook(functools.partial(to_type, torch.float32)))
"/opt/conda/lib/python3.7/site-packages/torch/jit/__init__.py", line 1689, in fail
raise RuntimeError(name + " is not supported on ScriptModules")
RuntimeError: _register_state_dict_hook is not supported on ScriptModules
| Traceback (most recent call last):
"examples/eval_model.py", line 18, in <module>
eval_model(opt, print_parser=parser)
"/home/yskimno1/parlai/ParlAI/parlai/scripts/eval_model.py", line 177, in eval_model
agent = create_agent(opt, requireModelExists=True)
"/home/yskimno1/parlai/ParlAI/parlai/core/agents.py", line 401, in create_agent
model = create_agent_from_opt_file(opt)
"/home/yskimno1/parlai/ParlAI/parlai/core/agents.py", line 356, in create_agent_from_opt_file
return model_class(new_opt)
"/home/yskimno1/parlai/ParlAI/projects/image_chat/transresnet_multimodal/transresnet_multimodal.py", line 67, in __init__
super().__init__(opt, shared)
"/home/yskimno1/parlai/ParlAI/projects/personality_captions/transresnet/transresnet.py", line 100, in __init__
self._build_model()
"/home/yskimno1/parlai/ParlAI/projects/image_chat/transresnet_multimodal/transresnet_multimodal.py", line 96, in _build_model
self.load(init_model_path)
"/home/yskimno1/parlai/ParlAI/projects/personality_captions/transresnet/transresnet.py", line 515, in load
self.model.load_state_dict(states['model'])
"/usr/local/lib/python3.6/dist-packages/torch-1.4.0-py3.6-linux-x86_64.egg/torch/nn/modules/module.py", line 830, in load_state_dict
self.__class__.__name__, "\n\t".join(error_msgs)))
RuntimeError: Error(s) in loading state_dict for TransresnetMultimodalModel:
| 0.624586 |
Traceback (most recent call last):
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/bin/beet", line 8, in <module>
sys.exit(main())
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/ui/__init__.py", line 1266, in main
_raw_main(args)
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/ui/__init__.py", line 1253, in _raw_main
subcommand.func(lib, suboptions, subargs)
"/Users/jackisback/Documents/Projects/Python/BeetsPluginXtractor/beetsplug/xtractor/command.py", line 133, in func
self.xtract()
"/Users/jackisback/Documents/Projects/Python/BeetsPluginXtractor/beetsplug/xtractor/command.py", line 157, in xtract
if len(library_items) == 0:
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/db.py", line 741, in __len__
for obj in self:
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/db.py", line 689, in _get_objects
if not self.query or self.query.match(obj):
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/query.py", line 462, in match
return all([q.match(item) for q in self.subqueries])
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/query.py", line 462, in <listcomp>
return all([q.match(item) for q in self.subqueries])
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/query.py", line 472, in match
return any([q.match(item) for q in self.subqueries])
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/query.py", line 472, in <listcomp>
return any([q.match(item) for q in self.subqueries])
"/Users/jackisback/opt/miniconda3/envs/beetsdevel/lib/python3.7/site-packages/beets/dbcore/query.py", line 168, in match
return item[cls.field] is None
AttributeError: type object 'NoneQuery' has no attribute 'field'
| Traceback (most recent call last):
"/software/anaconda3/lib/python3.7/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2562, in version
return self._version
"/software/anaconda3/lib/python3.7/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2669, in __getattr__
raise AttributeError(attr)
AttributeError: _version
| 0.524973 |
Traceback (most recent call last):
"/opt/indico/.venv/local/lib/python2.7/site-packages/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/opt/indico/.venv/local/lib/python2.7/site-packages/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/web/flask/util.py", line 114, in wrapper
return obj().process()
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/web/rh.py", line 270, in process
res = self._do_process()
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/web/rh.py", line 239, in _do_process
self._check_access()
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/modules/categories/controllers/base.py", line 54, in _check_access
if not self.category.can_access(session.user):
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/util/caching.py", line 67, in memoizer
cache[key] = f(*args, **kwargs)
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/core/db/sqlalchemy/protection.py", line 186, in can_access
if any(user in entry.principal for entry in iter_acl(self.acl_entries)):
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/core/db/sqlalchemy/protection.py", line 186, in <genexpr>
if any(user in entry.principal for entry in iter_acl(self.acl_entries)):
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/modules/groups/core.py", line 78, in __contains__
return self.has_member(user)
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/modules/groups/core.py", line 247, in has_member
rv = any(x[1] in self.group for x in user.iter_identifiers(check_providers=True, providers={self.provider}))
"/opt/indico/.venv/local/lib/python2.7/site-packages/indico/modules/groups/core.py", line 247, in <genexpr>
rv = any(x[1] in self.group for x in user.iter_identifiers(check_providers=True, providers={self.provider}))
"/opt/indico/.venv/local/lib/python2.7/site-packages/flask_multipass/group.py", line 55, in __contains__
return self.has_member(identifier)
"/opt/indico/.venv/local/lib/python2.7/site-packages/flask_multipass/providers/ldap/providers.py", line 135, in has_member
return any(group_sid in token_groups for group_sid in group_sids)
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/core/executor.py", line 463, in run
if not current_state.execute():
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/core/state.py", line 126, in execute
result = self._platform.execute()
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 2178, in execute
self.RETURN(ex.data)
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 2418, in RETURN
self.current.write_buffer(last_ex.out_offset, data[:size])
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 1804, in write_buffer
self._store(offset+count, c)
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 1197, in _store
self.memory.write(address, [value])
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 302, in write
self._concrete_write(address+offset, value[offset])
"/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.7-py2.7.egg/manticore/platforms/evm.py", line 205, in _concrete_write
assert value & ~(pow(2,self._value_size)-1) == 0 , "Not the correct size for a value"
TypeError: unsupported operand type(s) for &: 'str' and 'int'
| 0.588043 |
Traceback (most recent call last):
"/.../.venv/bin/rasa", line 12, in <module>
sys.exit(main())
"/.../.venv/lib/python3.6/site-packages/rasa/__main__.py", line 70, in main
cmdline_arguments.func(cmdline_arguments)
"/.../.venv/lib/python3.6/site-packages/rasa/cli/x.py", line 243, in rasa_x
local.main(args, project_path, args.data, token=rasa_x_token)
"/.../.venv/lib/python3.6/site-packages/rasax/community/local.py", line 194, in main
session)
"/.../.venv/lib/python3.6/site-packages/rasax/community/local.py", line 144, in _initialize_with_local_data
LOCAL_PROJECT_NAME,
"/.../.venv/lib/python3.6/site-packages/rasax/community/api/initialise.py", line 170, in inject_domain
username=username)
"/.../.venv/lib/python3.6/site-packages/rasax/community/services/projects_service.py", line 48, in store_domain
templates = _templates(domain, username, project_id)
"/.../.venv/lib/python3.6/site-packages/rasax/community/services/projects_service.py", line 259, in _templates
for template, responses in templates.items() for response in responses
"/.../.venv/lib/python3.6/site-packages/rasax/community/services/projects_service.py", line 259, in <listcomp>
for template, responses in templates.items() for response in responses
AttributeError: 'str' object has no attribute 'get'
| Traceback (most recent call last):
"/mnt/hdd/projects-3rdparty/PIM/zim-desktop-wiki/zim/plugins/versioncontrol/__init__.py", line 857, in <lambda>
ann_button.connect('clicked', lambda o: self.show_annotated())
"/mnt/hdd/projects-3rdparty/PIM/zim-desktop-wiki/zim/plugins/versioncontrol/__init__.py", line 999, in show_annotated
annotated = self.vcs.annotated(file)
AttributeError: 'GITApplicationBackend' object has no attribute 'annotated'
| 0.639753 |
Traceback (most recent call last):
"/usr/local/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap
self.run()
"/home/and/Desktop/code/btgym/btgym/dataserver.py", line 137, in run
self.dataset.read_csv()
"/home/and/Desktop/code/btgym/btgym/datafeed/base.py", line 436, in read_csv
for filename in self.filename:
TypeError: 'NoneType' object is not iterable
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/usr/lib/python3/dist-packages/wand/image.py", line 21, in <module>
from .color import Color
"/usr/lib/python3/dist-packages/wand/color.py", line 12, in <module>
from .version import QUANTUM_DEPTH
"/usr/lib/python3/dist-packages/wand/version.py", line 95, in <module>
*map(int, MAGICK_RELEASE_DATE_STRING.split('-')))
TypeError: Required argument 'month' (pos 2) not found | 0.503116 |
Traceback (most recent call last):
"pretrain_gpt2.py", line 625, in <module>
main()
"pretrain_gpt2.py", line 569, in main
args.eod_token = get_train_val_test_data(args)
"pretrain_gpt2.py", line 515, in get_train_val_test_data
args)
"/home/ubuntu/Megatron-LM/configure_data.py", line 34, in apply
return make_loaders(args)
"/home/ubuntu/Megatron-LM/configure_data.py", line 170, in make_loaders
train, tokenizer = data_utils.make_dataset(**data_set_args)
"/home/ubuntu/Megatron-LM/data_utils/__init__.py", line 114, in make_dataset
ds = [GPT2Dataset(d, max_seq_len=seq_length) if d is not None else None for d in ds]
"/home/ubuntu/Megatron-LM/data_utils/__init__.py", line 114, in <listcomp>
ds = [GPT2Dataset(d, max_seq_len=seq_length) if d is not None else None for d in ds]
"/home/ubuntu/Megatron-LM/data_utils/datasets.py", line 477, in __init__
self.init_weighting()
"/home/ubuntu/Megatron-LM/data_utils/datasets.py", line 487, in init_weighting
self.weighting = list(accumulate(lens))
TypeError: iteration over a 0-d array
| Traceback (most recent call last):
"/usr/local/lib/python3.7/dist-packages/aiohttp/web_protocol.py", line 418, in start
resp = await task
"/usr/local/lib/python3.7/dist-packages/aiohttp/web_app.py", line 458, in _handle
resp = await handler(request)
"/srv/app/electrum/electrum/daemon.py", line 352, in handle
response = await jsonrpcserver.async_dispatch(request, methods=self.methods)
"/usr/local/lib/python3.7/dist-packages/jsonrpcserver/async_dispatcher.py", line 103, in dispatch
log_response(str(response), trim_log_values=trim_log_values)
"/usr/local/lib/python3.7/dist-packages/jsonrpcserver/response.py", line 133, in __str__
return json.dumps(sort_dict_response(self.deserialized()))
"/usr/lib/python3.7/json/__init__.py", line 231, in dumps
return _default_encoder.encode(obj)
"/usr/lib/python3.7/json/encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"/usr/lib/python3.7/json/encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"/usr/lib/python3.7/json/encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type datetime is not JSON serializable
| 0.587662 |
Traceback (most recent call last):
"test.py", line 4, in <module>
classifier = NudeClassifier()
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\nudenet\classifier.py", line 56, in __init__
Classifier.nsfw_model = keras.models.load_model(model_path)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\saving.py", line 419, in load_model
model = _deserialize_model(f, custom_objects, compile)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\saving.py", line 225, in _deserialize_model
model = model_from_config(model_config, custom_objects=custom_objects)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\saving.py", line 458, in model_from_config
return deserialize(config, custom_objects=custom_objects)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\layers\__init__.py", line 55, in deserialize
printable_module_name='layer')
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\utils\generic_utils.py", line 145, in deserialize_keras_object
list(custom_objects.items())))
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\network.py", line 1022, in from_config
process_layer(layer_data)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\network.py", line 1008, in process_layer
custom_objects=custom_objects)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\layers\__init__.py", line 55, in deserialize
printable_module_name='layer')
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\utils\generic_utils.py", line 147, in deserialize_keras_object
return cls.from_config(config['config'])
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\base_layer.py", line 1109, in from_config
return cls(**config)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\legacy\interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\engine\input_layer.py", line 87, in __init__
name=self.name)
"C:\Users\Nicol\AppData\Local\Programs\Python\Python37\lib\site-packages\keras\backend\tensorflow_backend.py", line 517, in placeholder
x = tf.placeholder(dtype, shape=shape, name=name)
AttributeError: module 'tensorflow' has no attribute 'placeholder'
| 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.609572 |
Traceback (most recent call last):
"run_squad.py", line 521, in <module>
main()
"run_squad.py", line 510, in main
result = evaluate(args, model, tokenizer, prefix=global_step)
"run_squad.py", line 257, in evaluate
results = evaluate_on_squad(evaluate_options)
"/content/SQuAD_for_bert/utils_squad_evaluate.py", line 291, in main
with open(OPTS.na_prob_file) as f:
NotFoundError: [Errno 2] No such file or directory: '/content/SQuAD_for_bert/models/bert_base_uncased_finetuned_script/null_odds_.json'`
| Traceback (most recent call last):
"/home/username/anaconda3/bin/conda", line 5, in <module>
sys.exit(main())
"/home/username/anaconda3/lib/python3.5/site-packages/conda/cli/main.py", line 195, in main
args_func(args, p)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/cli/main.py", line 202, in args_func
args.func(args, p)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/cli/main_install.py", line 45, in execute
install.install(args, parser, 'install')
"/home/username/anaconda3/lib/python3.5/site-packages/conda/cli/install.py", line 423, in install
plan.execute_actions(actions, index, verbose=not args.quiet)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/plan.py", line 537, in execute_actions
inst.execute_instructions(plan, index, verbose)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/instructions.py", line 148, in execute_instructions
cmd(state, arg)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/instructions.py", line 91, in LINK_CMD
link(state['prefix'], arg, index=state['index'])
"/home/username/anaconda3/lib/python3.5/site-packages/conda/instructions.py", line 87, in link
install.link(pkgs_dir, prefix, dist, lt, index=index)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/install.py", line 645, in link
update_prefix(join(prefix, f), prefix, placeholder, mode)
"/home/username/anaconda3/lib/python3.5/site-packages/conda/install.py", line 277, in update_prefix
with open(path, 'rb') as fi:
NotFoundError: [Errno 2] No such file or directory: '/home/username/anaconda3/lib/pkgconfig/harfbuzz.pc' | 0.590764 |
Traceback (most recent call last):
"/home/gus/seq2seq/seq2seq/test/pipeline_test.py", line 149, in test_train_infer
train_script.main(['--logtostderr'])
"/home/gus/seq2seq/bin/train.py", line 237, in main
tf.logging.info("Loading config from %s", config_path)
"/home/gus/.local/lib/python3.6/site-packages/tensorflow/python/util/deprecation_wrapper.py", line 119, in __getattr__
_call_location(), full_name, rename)
"/home/gus/.local/lib/python3.6/site-packages/tensorflow/python/platform/tf_logging.py", line 166, in warning
get_logger().warning(msg, *args, **kwargs)
"/usr/lib/python3.6/logging/__init__.py", line 1320, in warning
self._log(WARNING, msg, args, **kwargs)
"/usr/lib/python3.6/logging/__init__.py", line 1444, in _log
self.handle(record)
"/usr/lib/python3.6/logging/__init__.py", line 1454, in handle
self.callHandlers(record)
"/usr/lib/python3.6/logging/__init__.py", line 1516, in callHandlers
hdlr.handle(record)
"/home/gus/.local/lib/python3.6/site-packages/absl/logging/__init__.py", line 891, in handle
return self._current_handler.handle(record)
"/usr/lib/python3.6/logging/__init__.py", line 865, in handle
self.emit(record)
"/home/gus/.local/lib/python3.6/site-packages/absl/logging/__init__.py", line 826, in emit
elif FLAGS['logtostderr'].value:
"/home/gus/.local/lib/python3.6/site-packages/absl/flags/_flagvalues.py", line 463, in __getitem__
return self._flags()[name]
KeyError: 'logtostderr'
| Traceback (most recent call last):
"src/gevent/greenlet.py", line 716, in gevent._greenlet.Greenlet.run
"/home/rorolopetegui/Documents/Projects/Rsk/raidenOne/raiden/api/rest.py", line 440, in _run
self.wsgiserver.serve_forever()
"/home/rorolopetegui/Documents/Projects/Rsk/raidenOne/clientEnv/lib/python3.7/site-packages/gevent/baseserver.py", line 364, in serve_forever
self._stop_event.wait()
"src/gevent/event.py", line 240, in gevent._event.Event.wait
"src/gevent/event.py", line 140, in gevent._event._AbstractLinkable._wait
"src/gevent/event.py", line 117, in gevent._event._AbstractLinkable._wait_core
"src/gevent/event.py", line 119, in gevent._event._AbstractLinkable._wait_core
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 63, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/__greenlet_primitives.pxd", line 35, in gevent.__greenlet_primitives._greenlet_switch
KeyError: b'\x02\xc1\xcb}Rz\x0b\x0b\xf7~\x93\xcbN\t\xfb\xbcb\xe2\xaf\xac\x0cm\xbd\x96\xee\xac\xa0\xda\xe3\x18\x91\xf3'
| 0.562398 |
Traceback (most recent call last):
"reconspider.py", line 39, in <module>
from core import repl_prompt
"/root/reconspider/core/__init__.py", line 1, in <module>
from .repl_prompt import *
"/root/reconspider/core/repl_prompt.py", line 153, in <module>
repl()
"/root/reconspider/core/repl_prompt.py", line 64, in repl
Phonenumber(ph)
"/root/reconspider/plugins/Phonenumber.py", line 17, in Phonenumber
print("Number: "+get['number'])
KeyError: 'number'
| Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/common.py", line 356, in extract
self.initialize()
"/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/common.py", line 350, in initialize
self._real_initialize()
"/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/lynda.py", line 26, in _real_initialize
self._login()
"/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/lynda.py", line 88, in _login
password_form = signin_page['body']
KeyError: 'body'
| 0.526714 |
Traceback (most recent call last):
"synthDriverHandler.pyc", line 52, in getSynthList
"synthDriverHandler.pyc", line 42, in _getSynthDriver
"importlib\__init__.pyc", line 37, in import_module
"synthDrivers\oneCore.pyc", line 85, in <module>
"baseObject.pyc", line 73, in __init__
TypeError: supportedSettings is already a class attribute, cannot create descriptor with methods <function _get_supportedSettings at 0x041858F0>
| Traceback (most recent call last):
"src/gevent/greenlet.py", line 818, in gevent._greenlet.Greenlet.run
"rotkehlchen/api/rest.py", line 241, in _do_query_async
"rotkehlchen/api/rest.py", line 365, in _query_all_balances
"rotkehlchen/rotkehlchen.py", line 723, in query_balances
"rotkehlchen/utils/misc.py", line 157, in combine_stat_dicts
"rotkehlchen/utils/misc.py", line 140, in combine_dicts
"rotkehlchen/utils/misc.py", line 140, in <listcomp>
"rotkehlchen/utils/misc.py", line 146, in _add_entries
TypeError: 'Balance' object is not subscriptable
| 0.583028 |
Traceback (most recent call last):
"/home/kmodi/.local/bin/termtosvg", line 11, in <module>
sys.exit(main())
"/home/kmodi/.local/lib/python3.7/site-packages/termtosvg/__main__.py", line 172, in main
columns, lines, system_theme = term.get_configuration(output_fileno)
"/home/kmodi/.local/lib/python3.7/site-packages/termtosvg/term.py", line 340, in get_configuration
xresources_str = _get_xresources()
"/home/kmodi/.local/lib/python3.7/site-packages/termtosvg/term.py", line 361, in _get_xresources
d = display.Display()
"/home/kmodi/.local/lib/python3.7/site-packages/Xlib/display.py", line 127, in __init__
mod.init(self, info)
"/home/kmodi/.local/lib/python3.7/site-packages/Xlib/ext/xinput.py", line 652, in init
disp.ge_add_event_data(info.major_opcode, device_event, DeviceEventData)
"/home/kmodi/.local/lib/python3.7/site-packages/Xlib/display.py", line 227, in __getattr__
raise AttributeError(attr)
AttributeError: ge_add_event_data
| Traceback (most recent call last):
"/home/hellozee/.local/bin/cmake-lint", line 11, in <module>
sys.exit(main())
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/__main__.py", line 142, in main
process_file(cfg, local_ctx, intext)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/__main__.py", line 43, in process_file
basic_checker.check_parse_tree(config, local_ctx, parse_tree)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 565, in check_parse_tree
check_tree(cfg, local_ctx, node)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 548, in check_tree
check_body(cfg, local_ctx, node)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 358, in check_body
check_tree(cfg, local_ctx, child)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 554, in check_tree
check_statement(cfg, local_ctx, node)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 507, in check_statement
check_tree(cfg, local_ctx, child)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 552, in check_tree
check_arggroup(cfg, local_ctx, node)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 376, in check_arggroup
check_tree(cfg, local_ctx, child)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 556, in check_tree
check_positional_group(cfg, local_ctx, node)
"/home/hellozee/.local/lib/python3.6/site-packages/cmake_lint/basic_checker.py", line 381, in check_positional_group
min_npargs = get_min_npargs(node.spec.npargs)
AttributeError: 'NoneType' object has no attribute 'npargs'
| 0.551273 |
Traceback (most recent call last):
"setup.py", line 78, in <module>
build_deps()
"setup.py", line 43, in build_deps
sp = site.getsitepackages()[0]
AttributeError: module 'site' has no attribute 'getsitepackages' | Traceback (most recent call last):
"lbrynet/extras/daemon/Daemon.py", line 555, in _process_rpc_call
"lbrynet/extras/daemon/Daemon.py", line 1722, in jsonrpc_claim_search
"lbrynet/extras/daemon/Daemon.py", line 1722, in <listcomp>
AttributeError: 'str' object has no attribute 'get'
| 0.608359 |
Traceback (most recent call last):
"/usr/lib/python3/dist-packages/autokey/service.py", line 206, in __tryReleaseLock
self.configManager.lock.release()
RuntimeError: release unlocked lock
| Traceback (most recent call last):
"/media/wrc/0EB90E450EB90E45/tianchi_chongqin/mmdetection/tools/test_one_img.py", line 183, in <module>
main()
"/media/wrc/0EB90E450EB90E45/tianchi_chongqin/mmdetection/tools/test_one_img.py", line 62, in main
result = inference_detector(model, img_path)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/apis/inference.py", line 86, in inference_detector
result = model(return_loss=False, rescale=True, **data)
"/home/wrc/.local/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
result = self.forward(*input, **kwargs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/core/fp16/decorators.py", line 49, in new_func
return old_func(*args, **kwargs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/detectors/base.py", line 140, in forward
return self.forward_test(img, img_meta, **kwargs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/detectors/base.py", line 125, in forward_test
return self.aug_test(imgs, img_metas, **kwargs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/detectors/cascade_rcnn.py", line 414, in aug_test
self.extract_feats(imgs), img_metas, self.test_cfg.rpn)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/detectors/test_mixins.py", line 41, in aug_test_rpn
proposal_list = self.simple_test_rpn(x, img_meta, rpn_test_cfg)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/detectors/test_mixins.py", line 34, in simple_test_rpn
proposal_list = self.rpn_head.get_bboxes(*proposal_inputs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/core/fp16/decorators.py", line 127, in new_func
return old_func(*args, **kwargs)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/anchor_heads/anchor_head.py", line 276, in get_bboxes
scale_factor, cfg, rescale)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/models/anchor_heads/rpn_head.py", line 92, in get_bboxes_single
proposals, _ = nms(proposals, cfg.nms_thr)
"/media/wrc/0EB90E450EB90E45/coco_train/mmdetection/mmdet/ops/nms/nms_wrapper.py", line 55, in nms
inds = nms_cuda.nms(dets_th, iou_thr)
RuntimeError: CUDA error: invalid device function (launch_kernel at /pytorch/aten/src/ATen/native/cuda/Loops.cuh:102)
| 0.44222 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"<lambdifygenerated-1>", line 2, in _lambdifygenerated
TypeError: loop of ufunc does not support argument 0 of type Symbol which has no callable log method
| Traceback (most recent call last):
"/usr/local/bin/pipenv", line 8, in <module>
sys.exit(cli())
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 1259, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/decorators.py", line 73, in new_func
return ctx.invoke(f, obj, *args, **kwargs)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/click/decorators.py", line 21, in new_func
return f(get_current_context(), *args, **kwargs)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/cli/command.py", line 591, in update
write=not state.quiet,
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/core.py", line 1113, in do_lock
keep_outdated=keep_outdated
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/utils.py", line 1318, in venv_resolve_deps
deps, project, r=False, include_index=True
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/utils.py", line 1434, in convert_deps_to_pip
new_dep = Requirement.from_pipfile(dep_name, dep)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/requirements.py", line 2741, in from_pipfile
r =
Requirement.from_pipfile(name, pipfile)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/requirements.py", line 1841, in from_pipfile
arg_dict["setup_info"] = arg_dict["parsed_line"].setup_info
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/requirements.py", line 813, in setup_info
self.setup_info = self.get_setup_info()
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/requirements.py", line 802, in get_setup_info
setup_info = SetupInfo.from_ireq(self.ireq, subdir=self.subdirectory)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1924, in from_ireq
ireq.source_dir, subdirectory=subdir, ireq=ireq, kwargs=kwargs, stack=stack
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1960, in create
created.get_initial_info()
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1790, in get_initial_info
self.update_from_dict(self.parse_setup_py())
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1532, in parse_setup_py
parsed = ast_parse_setup_py(self.setup_py.as_posix())
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1217, in ast_parse_setup_py
ast_analyzer = ast_parse_file(path)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1211, in ast_parse_file
ast_analyzer.visit(tree)
"/usr/lib/python3.6/ast.py", line 253, in visit
return visitor(node)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 714, in generic_visit
super(Analyzer, self).generic_visit(node)
"/usr/lib/python3.6/ast.py", line 261, in generic_visit
self.visit(item)
"/usr/lib/python3.6/ast.py", line 253, in visit
return visitor(node)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 714, in generic_visit
super(Analyzer, self).generic_visit(node)
"/usr/lib/python3.6/ast.py", line 263, in generic_visit
self.visit(value)
"/usr/lib/python3.6/ast.py", line 253, in visit
return visitor(node)
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 707, in generic_visit
self.function_map.update(ast_unparse(node, initial_mapping=True))
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1143, in ast_unparse
for keyword in unparse(val):
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1173, in ast_unparse
unparsed = type(item)([unparse(el) for el in item])
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1173, in <listcomp>
unparsed = type(item)([unparse(el) for el in item])
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1146, in ast_unparse
unparsed = {unparse(item.arg): unparse(item.value)}
"/home/laughingman7743/.local/lib/python3.6/site-packages/pipenv/vendor/requirementslib/models/setup_info.py", line 1006, in ast_unparse
unparsed = dict(zip(unparse(item.keys), unparse(item.values)))
TypeError: unhashable type: 'dict'
| 0.554294 |
Traceback (most recent call last):
"kernelpop.py", line 17, in <module>
main()
"kernelpop.py", line 7, in main
kernelpop()
"/opt/kernelpop/src/kernelpop.py", line 377, in kernelpop
identified_exploits = find_exploit_locally(kernel_v)
"/opt/kernelpop/src/kernelpop.py", line 261, in find_exploit_locally
exploit_instance = exploit_module()
"/opt/kernelpop/exploits/linux/CVE20160728.py", line 10, in __init__
super().__init__()
TypeError: super() takes at least 1 argument (0 given)
| I got Traceback (most recent call last):
"extractor.py", line 248, in <module>
main()
"extractor.py", line 198, in main
collater = Collater(gpu=args.cuda, is_train=False, data_type=data_type)
TypeError: __init__() got an unexpected keyword argument 'gpu'
| 0.562326 |
Traceback (most recent call last):
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 266, in get_value
value = self.df.iat[row, column]
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\indexing.py", line 2270, in __getitem__
return self.obj._get_value(*key, takeable=self._takeable)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\frame.py", line 2765, in _get_value
return com.maybe_box_datetimelike(series._values[index])
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1010, in __getitem__
return self._get_val_at(key)
"C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1053, in _get_val_at
return libindex.get_value_at(self.sp_values, sp_loc)
TypeError: Argument 'arr' has incorrect type (expected numpy.ndarray, got IntegerArray)
| Traceback (most recent call last):
"/tmp/ansible_t5Q4mg/ansible_module_nxos_pim.py", line 192, in <module>
main()
"/tmp/ansible_t5Q4mg/ansible_module_nxos_pim.py", line 176, in main
response = load_config(module, candidate)
"/tmp/ansible_t5Q4mg/ansible_modlib.zip/ansible/module_utils/nxos.py", line 399, in load_config
"/tmp/ansible_t5Q4mg/ansible_modlib.zip/ansible/module_utils/nxos.py", line 346, in load_config
"/tmp/ansible_t5Q4mg/ansible_modlib.zip/ansible/module_utils/nxos.py", line 262, in send_request
"/tmp/ansible_t5Q4mg/ansible_modlib.zip/ansible/module_utils/nxos.py", line 227, in _request_builder
TypeError: sequence item 0: expected string, CustomNetworkConfig found
| 0.568514 |
Traceback (most recent call last):
"/usr/local/bin/jrnl", line 8, in <module>
sys.exit(run())
"/usr/local/Cellar/jrnl/2.4.5/libexec/lib/python3.8/site-packages/jrnl/cli.py", line 349, in run
config = install.load_or_install_jrnl()
"/usr/local/Cellar/jrnl/2.4.5/libexec/lib/python3.8/site-packages/jrnl/install.py", line 103, in load_or_install_jrnl
upgrade.upgrade_jrnl(config_path)
"/usr/local/Cellar/jrnl/2.4.5/libexec/lib/python3.8/site-packages/jrnl/upgrade.py", line 71, in upgrade_jrnl
if os.path.exists(os.path.expanduser(path)):
"/usr/local/Cellar/jrnl/2.4.5/libexec/bin/../lib/python3.8/posixpath.py", line 231, in expanduser
path = os.fspath(path)
TypeError: expected str, bytes or os.PathLike object, not bool
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/archivebox/extractors/__init__.py", line 114, in archive_link
log_archive_method_finished(result)
"/usr/lib/python3/dist-packages/archivebox/logging_util.py", line 435, in log_archive_method_finished
hints = hints if isinstance(hints, (list, tuple)) else hints.split('\n')
TypeError: a bytes-like object is required, not 'str'
| 0.640092 |
Traceback (most recent call last):
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/parser.py", line 271, in CSSCollect
c.cssCascade, cssAttrName)
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/parser.py", line 194, in getCSSAttr
result = cssCascade.findStyleFor(self.cssElement, attrName, default)
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 155, in findStyleFor
rule = self.findCSSRulesFor(element, attrName)
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 186, in findCSSRulesFor
rules += self.user[0].findCSSRuleFor(element, attrName)
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 713, in findCSSRuleFor
return self.findCSSRulesFor(element, attrName)[-1:]
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 706, in findCSSRulesFor
ruleResults.sort()
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 303, in __lt__
self.qualifiers < other.qualifiers
"/home/gas/.virtualenvs/autonomie/lib/python2.7/site-packages/xhtml2pdf/w3c/css.py", line 546, in __eq__
return self.classId == other.classId
AttributeError: 'CSSSelectorCombinationQualifier' object has no attribute 'classId'
| Traceback (most recent call last):
"/home/uc/project/football2/venv/bin/mmconvert", line 11, in <module>
sys.exit(_main())
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/_script/convert.py", line 108, in _main
ret = IRToCode._convert(code_args)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/_script/IRToCode.py", line 61, in _convert
emitter.run(args.dstModelPath, args.dstWeightPath, args.phase)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/pytorch/pytorch_emitter.py", line 44, in run
super(PytorchEmitter, self).run(dstNetworkPath, dstWeightPath, phase)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/common/DataStructure/emitter.py", line 21, in run
self.save_code(dstNetworkPath, phase)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/common/DataStructure/emitter.py", line 53, in save_code
code = self.gen_code(phase)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/pytorch/pytorch_emitter.py", line 95, in gen_code
line = func(current_node)
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/pytorch/pytorch_emitter.py", line 526, in emit_ReduceMean
axes = [self._convert_axis(IR_node, x) for x in IR_node.get_attr('axes')]
"/home/uc/project/football2/venv/local/lib/python2.7/site-packages/mmdnn/conversion/pytorch/pytorch_emitter.py", line 436, in _convert_axis
**ndim = len(self.IR_graph.get_parent(IR_node.name, [0]).get_attr('_output_shapes')[0].dim)
AttributeError: 'NoneType' object has no attribute 'get_attr'**
| 0.636423 |
Exception occurred in runner fileserver.update: Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/client/mixins.py", line 397, in _low
if 'data' in data['return']:
TypeError: argument of type 'bool' is not iterable
| Traceback (most recent call last):
"/root/conda/conda/exceptions.py", line 632, in conda_exception_handler
return_value = func(*args, **kwargs)
"/root/conda/conda/cli/main.py", line 134, in _main
exit_code = args.func(args, p)
"/root/conda/conda/cli/main_update.py", line 65, in execute
install(args, parser, 'update')
"/root/conda/conda/cli/install.py", line 128, in install
context.validate_configuration()
"/root/conda/conda/common/configuration.py", line 844, in validate_configuration
raise_errors(tuple(chain.from_iterable((errors, post_errors))))
"/root/conda/conda/common/configuration.py", line 842, in <genexpr>
for name in self.parameter_names)
"/root/conda/conda/common/configuration.py", line 835, in _collect_validation_error
func(*args, **kwargs)
"/root/conda/conda/common/configuration.py", line 448, in __get__
result = typify_data_structure(self._merge(matches) if matches else self.default,
"/root/conda/conda/common/configuration.py", line 596, in _merge
top_deduped = tuple(unique(concatv(top_lines, all_lines)))
"/root/conda/conda/_vendor/toolz/itertoolz.py", line 209, in unique
for item in seq:
"/root/conda/conda/common/configuration.py", line 584, in <genexpr>
top_lines = concat(get_marked_lines(m, ParameterFlag.top, self) for m in relevant_matches)
"/root/conda/conda/common/configuration.py", line 583, in get_marked_lines
if flag is marker) if match else ()
TypeError: zip argument #2 must support iteration
| 0.600316 |
Traceback (most recent call last):
"/usr/local/lib/python3.8/site-packages/aiohttp/web_protocol.py", line 422, in _handle_request
resp = await self._request_handler(request)
"/usr/local/lib/python3.8/site-packages/sentry_sdk/integrations/aiohttp.py", line 123, in sentry_app_handle
reraise(*_capture_exception(hub))
"/usr/local/lib/python3.8/site-packages/sentry_sdk/_compat.py", line 54, in reraise
raise value
"/usr/local/lib/python3.8/site-packages/sentry_sdk/integrations/aiohttp.py", line 113, in sentry_app_handle
response = await old_handle(self, request)
"/usr/local/lib/python3.8/site-packages/aiohttp/web_app.py", line 499, in _handle
resp = await handler(request)
"/usr/local/lib/python3.8/site-packages/aiohttp/web_middlewares.py", line 119, in impl
return await handler(request)
"/usr/src/supervisor/supervisor/api/security.py", line 135, in system_validation
return await handler(request)
"/usr/src/supervisor/supervisor/api/security.py", line 197, in token_validation
return await handler(request)
"/usr/src/supervisor/supervisor/api/utils.py", line 65, in wrap_api
answer = await method(api, *args, **kwargs)
"/usr/src/supervisor/supervisor/api/network.py", line 166, in info
for interface in self.sys_host.network.interfaces
"/usr/src/supervisor/supervisor/host/network.py", line 65, in interfaces
interfaces.append(Interface.from_dbus_interface(inet))
"/usr/src/supervisor/supervisor/host/network.py", line 307, in from_dbus_interface
Interface._map_nm_wifi(inet),
"/usr/src/supervisor/supervisor/host/network.py", line 352, in _map_nm_wifi
if inet.settings.wireless_security.key_mgmt == "none":
AttributeError: 'NoneType' object has no attribute 'key_mgmt'
|
Traceback (most recent call last):
"/home/jgrondier/.local/lib/python3.6/site-packages/thefuck/types.py", line 173, in is_match
if self.match(command):
"/home/jgrondier/.config/thefuck/rules/bar.py", line 2, in match
return ('fuck' in command.output)
AttributeError: 'Command' object has no attribute 'output'
| 0.59869 |
Traceback (most recent call last):
"<string>", line 1, in <module>
AttributeError: module 'channels' has no attribute 'version'
| Traceback (most recent call last):
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\mesonmain.py", line 365, in run
app.generate()
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\mesonmain.py", line 151, in generate
self._generate(env)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\mesonmain.py", line 199, in _generate
intr.run()
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreter.py", line 2868, in run
super().run()
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 171, in run
self.evaluate_codeblock(self.ast, start=1)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 193, in evaluate_codeblock
raise e
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 187, in evaluate_codeblock
self.evaluate_statement(cur)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 200, in evaluate_statement
return self.assignment(cur)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 659, in assignment
value = self.evaluate_statement(node.value)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 198, in evaluate_statement
return self.function_call(cur)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 441, in function_call
return self.funcs[func_name](node, self.flatten(posargs), kwargs)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreterbase.py", line 77, in wrapped
return f(s, node_or_state, args, kwargs)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\interpreter.py", line 2185, in func_dependency
dep = dependencies.find_external_dependency(name, self.environment, kwargs)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\dependencies\base.py", line 864, in find_external_dependency
dep = packages[lname](env, kwargs)
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\dependencies\misc.py", line 121, in __init__
self.detect_lib_modules()
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\dependencies\misc.py", line 237, in detect_lib_modules
return self.detect_lib_modules_win()
"C:/msys64/mingw64/lib/python3.6/site-packages\mesonbuild\dependencies\misc.py", line 242, in detect_lib_modules_win
comp_ts_version = self.env.detect_cpp_compiler(self.want_cross).get_toolset_version()
AttributeError: 'GnuCPPCompiler' object has no attribute 'get_toolset_version'
| 0.610921 |
Traceback (most recent call last):
"./ctpn/train_net.py", line 37, in <module>
restore=bool(int(cfg.TRAIN.restore)))
"/home/yang/new-text-detection-ctpn/lib/fast_rcnn/train.py", line 226, in train_net
sw.train_model(sess, max_iters, restore=restore)
"/home/yang/new-text-detection-ctpn/lib/fast_rcnn/train.py", line 123, in train_model
raise 'Check your pretrained model {:s}'.format(self.pretrained_model)
TypeError: exceptions must be old-style classes or derived from BaseException, not str
| Traceback (most recent call last):
"/home/frappe/frappe-bench/apps/frappe/frappe/email/doctype/email_account/email_account.py", line 278, in receive
communication = self.insert_communication(msg, args=args)
"/home/frappe/frappe-bench/apps/frappe/frappe/email/doctype/email_account/email_account.py", line 335, in insert_communication
email = Email(raw)
"/home/frappe/frappe-bench/apps/frappe/frappe/email/receive.py", line 370, in __init__
self.parse()
"/home/frappe/frappe-bench/apps/frappe/frappe/email/receive.py", line 391, in parse
self.process_part(part)
"/home/frappe/frappe-bench/apps/frappe/frappe/email/receive.py", line 443, in process_part
self.text_content += self.get_payload(part)
"/home/frappe/frappe-bench/apps/frappe/frappe/email/receive.py", line 487, in get_payload
charset = self.get_charset(part)
"/home/frappe/frappe-bench/apps/frappe/frappe/email/receive.py", line 482, in get_charset
charset = chardet.detect(str(part))['encoding']
"/home/frappe/frappe-bench/env/lib/python3.5/site-packages/chardet/__init__.py", line 34, in detect
'{0}'.format(type(byte_str)))
TypeError: Expected object of type bytes or bytearray, got: <class 'str'>`
| 0.572111 |
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
"/usr/local/bin/youtube-dl/__main__.py", line 19, in <module>
"/usr/local/bin/youtube-dl/youtube_dl/__init__.py", line 474, in main
"/usr/local/bin/youtube-dl/youtube_dl/__init__.py", line 464, in _real_main
"/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 2018, in download
"/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 796, in extract_info
"/usr/local/bin/youtube-dl/youtube_dl/extractor/common.py", line 530, in extract
"/usr/local/bin/youtube-dl/youtube_dl/extractor/teamcoco.py", line 166, in _real_extract
AttributeError: 'list' object has no attribute 'items'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/discord/ext/commands/core.py", line 61, in wrapped
ret = await coro(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/redbot/core/help_formatter.py", line 334, in help
fuzzy_result = await fuzzy_command_search(ctx, name)
"/usr/local/lib/python3.6/dist-packages/redbot/core/utils/__init__.py", line 75, in fuzzy_command_search
is_alias, alias = await alias_cog.is_alias(ctx.guild, term)
"/usr/local/lib/python3.6/dist-packages/redbot/cogs/alias/alias.py", line 60, in is_alias
server_aliases = await self.unloaded_aliases(guild)
"/usr/local/lib/python3.6/dist-packages/redbot/cogs/alias/alias.py", line 41, in unloaded_aliases
return (AliasEntry.from_json(d) for d in (await self._aliases.guild(guild).entries()))
"/usr/local/lib/python3.6/dist-packages/redbot/core/config.py", line 782, in guild
return self._get_base_group(self.GUILD, guild.id)
AttributeError: 'NoneType' object has no attribute 'id'
| 0.661855 |
Traceback (most recent call last):
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 3523, in table_part
values[name] = df.evaluate(name)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 5120, in evaluate
return self._evaluate_implementation(expression, i1=i1, i2=i2, out=out, selection=selection, filtered=filtered, internal=internal, parallel=parallel, chunk_size=chunk_size)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 5237, in _evaluate_implementation
df.map_reduce(assign, lambda *_: None, expressions, ignore_filter=False, selection=selection, pre_filter=use_filter, info=True, to_numpy=False)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 306, in map_reduce
return self._delay(delay, task)
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 1428, in _delay
self.execute()
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\dataframe.py", line 293, in execute
self.executor.execute()
" \User\Miniconda3\envs\vaex_vs_pd\lib\site-packages\vaex\execution.py", line 127, in execute
raise RuntimeError("nested execute call")
RuntimeError: nested execute call
| Traceback (most recent call last):
"/usr/lib/python3.7/tkinter/__init__.py", line 3504, in __del__
RuntimeError: main thread is not in main loop
| 0.525183 |
Traceback (most recent call last):
"Cr3d0v3r.py", line 139, in <module>
main()
"Cr3d0v3r.py", line 110, in main
to_print = ispwned.parse_data(email,1)
"/Users/totheiotragi/Tools/Cr3dOv3r/Core/ispwned.py", line 39, in parse_data
Final_text
= "\n(GG)Results from haveibeenpwned website (W): (Y)"+str(len(data))
TypeError: object of type 'bool' has no len()
| Traceback (most recent call last):
"./python3.3/threading.py", line 901, in _bootstrap_inner
"SideBar in C:\Users\trigoa\AppData\Roaming\Sublime Text 3\Installed Packages\SideBarEnhancements.sublime-package", line 1189, in run
TypeError: Window() missing 1 required positional argument: 'window'
| 0.492321 |
Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/builddir/build/BUILD/dask-2.18.0/dask/tests/test_threaded.py", line 135, in test_f
L.append(get(dsk, "y"))
"/builddir/build/BUILD/dask-2.18.0/dask/threaded.py", line 72, in get
pool = ThreadPool(num_workers)
"/usr/lib/python3.8/multiprocessing/pool.py", line 925, in __init__
Pool.__init__(self, processes, initializer, initargs)
"/usr/lib/python3.8/multiprocessing/pool.py", line 216, in __init__
p.terminate()
AttributeError: 'DummyProcess' object has no attribute 'terminate'
| Traceback (most recent call last):
"/opt/sublime_text/sublime_plugin.py", line 594, in on_selection_modified_async
callback.on_selection_modified_async(v)
"/home/phil/.config/sublime-text-3/Packages/EasyClangComplete/EasyClangComplete.py", line 312, in on_selection_modified_async
view_config.completer.error_vis.show_popup_if_needed(view, row)
"/home/phil/.config/sublime-text-3/Packages/EasyClangComplete/plugin/error_vis/popup_error_vis.py", line 144, in show_popup_if_needed
popup = Popup.error(text_to_show)
"/home/phil/.config/sublime-text-3/Packages/EasyClangComplete/plugin/popups/popups.py", line 133, in error
popup.__text = markupsafe.escape(text)
AttributeError: 'module' object has no attribute 'escape'
| 0.605915 |
Traceback (most recent call last):
"/Users/Sami/btgym/btgym/algorithms/aac.py", line 1499, in __init__
super(Unreal, self).__init__(name='UNREAL', **kwargs)
"/Users/Sami/btgym/btgym/algorithms/aac.py", line 497, in __init__
raise RuntimeError(msg)
RuntimeError: Base class __init__() exception occurred.
| Traceback (most recent call last):
"train.py", line 461, in <module>
train(args, loader, generator, discriminator, g_optim, d_optim, g_ema, device)
"train.py", line 225, in train
(args.r1 / 2 * r1_loss * args.d_reg_every + 0 * real_pred[0]).backward()
"/home/leo/code/core/venv_leo/lib/python3.6/site-packages/torch/tensor.py", line 185, in backward
torch.autograd.backward(self, gradient, retain_graph, create_graph)
"/home/leo/code/core/venv_leo/lib/python3.6/site-packages/torch/autograd/__init__.py", line 127, in backward
allow_unreachable=True)
# allow_unreachable flag
RuntimeError: CUDA out of memory. Tried to allocate 512.00 MiB (GPU 2; 10.76 GiB total capacity; 8.85 GiB already allocated; 212.31 MiB free; 9.60 GiB reserved in total by PyTorch)
| 0.509717 |
2020-11-03 11:37:35,124 - subliminal_patch.core
(7fbc68f0ab20) :
ERROR (core:199) - Unexpected error in provider 'supersubtitles': Traceback (most recent call last):
"/app/bazarr/bazarr/../libs/subliminal_patch/core.py", line 170, in list_subtitles_provider
results = self[provider].list_subtitles(video, provider_languages)
"/app/bazarr/bazarr/../libs/subliminal_patch/providers/supersubtitles.py", line 396, in list_subtitles
subs = self.query(title, languages, video=video)
"/app/bazarr/bazarr/../libs/subliminal_patch/providers/supersubtitles.py", line 256, in query
series_id = self.find_id(series, year, series)
"/app/bazarr/bazarr/../libs/subliminal_patch/providers/supersubtitles.py", line 236, in find_id
if sanitize(original_title) == sanitize(guess['title']) and year and guess['year'] and \
KeyError: 'title'
| Traceback (most recent call last):
"/project/.venv/lib/python3.6/site-packages/zappa/cli.py", line 2693, in handle
sys.exit(cli.handle())
"/project/.venv/lib/python3.6/site-packages/zappa/cli.py", line 504, in handle
self.dispatch_command(self.command, stage)
"/project/.venv/lib/python3.6/site-packages/zappa/cli.py", line 605, in dispatch_command
self.unschedule()
"/project/.venv/lib/python3.6/site-packages/zappa/cli.py", line 1228, in unschedule
events=events,
"/project/.venv/lib/python3.6/site-packages/zappa/core.py", line 2615, in unschedule_events
print("Removed event " + name + " (" + str(event_source['events']) + ").")
KeyError: 'events'
| 0.567937 |
Traceback (most recent call last):
"keras_to_tensorflow.py", line 182, in <module>
app.run(main)
"/usr/local/lib/python3.5/dist-packages/absl/app.py", line 300, in run
_run_main(main, args)
"/usr/local/lib/python3.5/dist-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
"keras_to_tensorflow.py", line 128, in main
model = load_model(FLAGS.input_model, FLAGS.input_model_json, FLAGS.input_model_yaml)
"keras_to_tensorflow.py", line 63, in load_model
model = keras.models.load_model(input_model_path)
"/usr/local/lib/python3.5/dist-packages/keras/engine/saving.py", line 260, in load_model
model = model_from_config(model_config, custom_objects=custom_objects)
"/usr/local/lib/python3.5/dist-packages/keras/engine/saving.py", line 334, in model_from_config
return deserialize(config, custom_objects=custom_objects)
"/usr/local/lib/python3.5/dist-packages/keras/layers/__init__.py", line 55, in deserialize
printable_module_name='layer')
"/usr/local/lib/python3.5/dist-packages/keras/utils/generic_utils.py", line 145, in deserialize_keras_object
list(custom_objects.items())))
"/usr/local/lib/python3.5/dist-packages/keras/engine/network.py", line 1017, in from_config
process_layer(layer_data)
"/usr/local/lib/python3.5/dist-packages/keras/engine/network.py", line 1003, in process_layer
custom_objects=custom_objects)
"/usr/local/lib/python3.5/dist-packages/keras/layers/__init__.py", line 55, in deserialize
printable_module_name='layer')
"/usr/local/lib/python3.5/dist-packages/keras/utils/generic_utils.py", line 147, in deserialize_keras_object
return cls.from_config(config['config'])
"/usr/local/lib/python3.5/dist-packages/keras/engine/base_layer.py", line 1109, in from_config
return cls(**config)
"/usr/local/lib/python3.5/dist-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"/usr/local/lib/python3.5/dist-packages/keras/layers/convolutional.py", line 1936, in __init__
super(UpSampling2D, self).__init__(**kwargs)
"/usr/local/lib/python3.5/dist-packages/keras/engine/base_layer.py", line 128, in __init__
raise TypeError('Keyword argument not understood:', kwarg)
TypeError: ('Keyword argument not understood:', 'interpolation')
| Traceback (most recent call last):
"/usr/lib/python3.6/asyncio/tasks.py", line 179, in _step
result = coro.send(None)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 381, in async_process_entity
new_entity, self, update_before_add=update_before_add
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 238, in async_add_entity
yield from entity.async_update_ha_state()
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 256, in async_update_ha_state
self._attr_setter('entity_picture', str, ATTR_ENTITY_PICTURE, attr)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 323, in _attr_setter
value = getattr(self, name)
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/wunderground.py", line 712, in entity_picture
return re.sub(r'^http://', 'https://', url, flags=re.IGNORECASE)
"/usr/lib/python3.6/re.py", line 191, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or bytes-like object
| 0.597419 |
Traceback (most recent call last):
"/usr/lib/python3.8/multiprocessing/process.py", line 315, in _bootstrap
self.run()
"/usr/lib/python3.8/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
"/usr/local/lib/python3.8/dist-packages/dglke/models/pytorch/tensor_models.py", line 77, in decorated_function
raise exception.__class__(trace)
TypeError: Traceback (most recent call last):
| Traceback (most recent call last):
"C:\ProgramData\Miniconda3\lib\threading.py", line 916, in _bootstrap_inner
self.run()
"C:\ProgramData\Miniconda3\lib\threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"./app\Trading.py", line 417, in action
self.logger.debug('price:%.8f buyprice:%.8f sellprice:%.8f bid:%.8f ask:%.8f spread:%.2f
Originalsellprice:%.8f' % (lastPrice, buyPrice, profitableSellingPrice, lastBid, lastAsk, spreadPerc, profitableSellingPrice-(lastBid *self.commision)
))
TypeError: must be real number, not NoneType
| 0.647595 |
Traceback (most recent call last):
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/basecommand.py", line 215, in main
status = self.run(options, args)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/commands/install.py", line 353, in run
wb.build(autobuilding=True)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/wheel.py", line 749, in build
self.requirement_set.prepare_files(self.finder)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/req/req_set.py", line 380, in prepare_files
ignore_dependencies=self.ignore_dependencies))
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/req/req_set.py", line 554, in _prepare_file
require_hashes
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/req/req_install.py", line 278, in populate_link
self.link = finder.find_requirement(self, upgrade)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/index.py", line 465, in find_requirement
all_candidates = self.find_all_candidates(req.name)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/index.py", line 423, in find_all_candidates
for page in self._get_pages(url_locations, project_name):
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/index.py", line 568, in _get_pages
page = self._get_page(location)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/index.py", line 683, in _get_page
return HTMLPage.get_page(link, session=self.session)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/index.py", line 792, in get_page
"Cache-Control": "max-age=600",
"/srv/cowrie/cowrie-env/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 501, in get
return self.request('GET', url, **kwargs)
"/srv/cowrie/cowrie-env/local/lib/python2.7/site-packages/pip/download.py", line 386, in request
return super(PipSession, self).request(method, url, *args, **kwargs)
"/srv/cowrie/cowrie-env/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 488, in request
resp = self.send(prep, **send_kwargs)
"/srv/cowrie/cowrie-env/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 609, in send
r = adapter.send(request, **kwargs)
"/srv/cowrie/cowrie-env/share/python-wheels/CacheControl-0.11.7-py2.py3-none-any.whl/cachecontrol/adapter.py", line 47, in send
resp = super(CacheControlAdapter, self).send(request, **kw)
"/srv/cowrie/cowrie-env/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/adapters.py", line 423, in send
timeout=timeout
"/srv/cowrie/cowrie-env/share/python-wheels/urllib3-1.19.1-py2.py3-none-any.whl/urllib3/connectionpool.py", line 643, in urlopen
_stacktrace=sys.exc_info()[2])
"/srv/cowrie/cowrie-env/share/python-wheels/urllib3-1.19.1-py2.py3-none-any.whl/urllib3/util/retry.py", line 315, in increment
total -= 1
TypeError: unsupported operand type(s) for -=: 'Retry' and 'int'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/kenichi/Development/chainer/chainer/variable.py", line 853, in copydata
cuda.copyto(dst, src)
"/home/kenichi/Development/chainer/chainer/backends/cuda.py", line 457, in copyto
type(dst)))
TypeError: cannot copy to non-array object of type <class 'ideep4py.mdarray'>
| 0.554256 |
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):
"translate.py", line 322, in <module>
tf.app.run()
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"translate.py", line 319, in main
train()
"translate.py", line 178, in train
model = create_model(sess, False)
"translate.py", line 136, in create_model
dtype=dtype)
"/home/erber/models/tutorials/rnn/translate/seq2seq_model.py", line 179, in __init__
softmax_loss_function=softmax_loss_function)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/legacy_seq2seq/python/ops/seq2seq.py", line 1206, in model_with_buckets
decoder_inputs[:bucket[1]])
"/home/erber/models/tutorials/rnn/translate/seq2seq_model.py", line 178, in <lambda>
lambda x, y: seq2seq_f(x, y, False),
"/home/erber/models/tutorials/rnn/translate/seq2seq_model.py", line 142, in seq2seq_f
dtype=dtype)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/legacy_seq2seq/python/ops/seq2seq.py", line 848, in embedding_attention_seq2seq
encoder_cell = copy.deepcopy(cell)
"/usr/lib/python2.7/copy.py", line 174, in deepcopy
y = copier(memo)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/layers/base.py", line 476, in __deepcopy__
setattr(result, k, copy.deepcopy(v, memo))
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 230, in _deepcopy_list
y.append(deepcopy(a, memo))
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 230, in _deepcopy_list
y.append(deepcopy(a, memo))
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 230, in _deepcopy_list
y.append(deepcopy(a, memo))
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 237, in _deepcopy_tuple
y.append(deepcopy(a, memo))
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 334, in _reconstruct
state = deepcopy(state, memo)
"/usr/lib/python2.7/copy.py", line 163, in deepcopy
y = copier(x, memo)
"/usr/lib/python2.7/copy.py", line 257, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/usr/lib/python2.7/copy.py", line 190, in deepcopy
y = _reconstruct(x, rv, 1, memo)
"/usr/lib/python2.7/copy.py", line 343, in _reconstruct
y.__dict__.update(state)
AttributeError: 'NoneType' object has no attribute 'update'
| 0.649873 |
Traceback (most recent call last):
"./freqtrade/main.py", line 89, in <module>
main(sys.argv[1:])
"./freqtrade/main.py", line 35, in main
args.func(args)
"/home/emma/Desktop/Trading Bot/freqtrade/freqtrade/optimize/hyperopt.py", line 352, in start
hyperopt.start()
"/home/emma/Desktop/Trading Bot/freqtrade/freqtrade/optimize/hyperopt.py", line 306, in start
f_val = self.run_optimizer_parallel(parallel, asked)
"/home/emma/Desktop/Trading Bot/freqtrade/freqtrade/optimize/hyperopt.py", line 269, in run_optimizer_parallel
wrap_non_picklable_objects(self.generate_optimizer))(v) for v in asked)
"/home/emma/Desktop/Trading Bot/freqtrade/.env/lib/python3.7/site-packages/joblib/parallel.py", line 930, in __call__
self.retrieve()
"/home/emma/Desktop/Trading Bot/freqtrade/.env/lib/python3.7/site-packages/joblib/parallel.py", line 833, in retrieve
self._output.extend(job.get(timeout=self.timeout))
"/home/emma/Desktop/Trading Bot/freqtrade/.env/lib/python3.7/site-packages/joblib/_parallel_backends.py", line 521, in wrap_future_result
return future.result(timeout=timeout)
"/home/emma/anaconda3/lib/python3.7/concurrent/futures/_base.py", line 435, in result
return self.__get_result()
"/home/emma/anaconda3/lib/python3.7/concurrent/futures/_base.py", line 384, in __get_result
raise self._exception
TypeError: reduce() of empty sequence with no initial value
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/scripts/mbusb_gui.py", line 349, in install_syslinux
syslinux_default(config.usb_disk)
"/usr/lib/python3/dist-packages/scripts/syslinux.py", line 107, in syslinux_default
mbr_install_cmd = 'dd bs=440 count=1 conv=notrunc if=' + mbr_bin + ' of=' + usb_disk[:-1]
TypeError: can only concatenate str (not "NoneType") to str
| 0.521996 |
Traceback (most recent call last):
"/srv/homeassistant/homeassistant_venv/lib/python3.4/site-packages/homeassistant/util/json.py", line 38, in save_json
data = json.dumps(config, sort_keys=True, indent=4)
"/usr/lib/python3.4/json/__init__.py", line 237, in dumps
**kw).encode(obj)
"/usr/lib/python3.4/json/encoder.py", line 194, in encode
chunks = list(chunks)
"/usr/lib/python3.4/json/encoder.py", line 422, in _iterencode
yield from _iterencode_dict(o, _current_indent_level)
"/usr/lib/python3.4/json/encoder.py", line 396, in _iterencode_dict
yield from chunks
"/usr/lib/python3.4/json/encoder.py", line 396, in _iterencode_dict
yield from chunks
"/usr/lib/python3.4/json/encoder.py", line 396, in _iterencode_dict
yield from chunks
"/usr/lib/python3.4/json/encoder.py", line 396, in _iterencode_dict
yield from chunks
"/usr/lib/python3.4/json/encoder.py", line 429, in _iterencode
o = _default(o)
"/usr/lib/python3.4/json/encoder.py", line 173, in default
raise TypeError(repr(o) + " is not JSON serializable")
TypeError: b'lJ9UpNjRI6S3Gp514vKBQ==' is not JSON serializable
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/protocol_media/mediauploader.py", line 138, in run
self.successCallback(sourcePath, self.jid, result["url"])
"/home/scripts/wabot/test/whatsapp-bot-seed/src/utils/media_sender.py", line 91, in <lambda>
caption)
"/home/scripts/wabot/test/whatsapp-bot-seed/src/utils/media_sender.py", line 110, in _do_send_file
self.interface_layer.toLower(entity)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/__init__.py", line 79, in toLower
self.**lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/__init**.py", line 192, in send
s.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/**init**.py", line 130, in send
send(entity)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/protocol_media/layer.py", line 37, in sendMessageEntity
self.entityToLower(entity)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/**init**.py", line 134, in entityToLower
self.toLower(entity.toProtocolTreeNode())
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/**init**.py", line 79, in toLower
self.__lower.send(data)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/axolotl/layer.py", line 122, in send
self.handlePlaintextNode(node)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/axolotl/layer.py", line 190, in handlePlaintextNode
messageData = self.serializeToProtobuf(node) if v2 else node.getChild("body").getData()
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/axolotl/layer.py", line 502, in serializeToProtobuf
return self.serializeMediaToProtobuf(node.getChild("media"))
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/axolotl/layer.py", line 514, in serializeMediaToProtobuf
return self.serializeImageToProtobuf(mediaNode)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.4.48-py2.7.egg/yowsup/layers/axolotl/layer.py", line 547, in serializeImageToProtobuf
image_message.url = mediaNode["url"]
"/usr/local/lib/python2.7/dist-packages/protobuf-3.0.0b2.post2-py2.7.egg/google/protobuf/internal/python_message.py", line 664, in field_setter
new_value = type_checker.CheckValue(new_value)
"/usr/local/lib/python2.7/dist-packages/protobuf-3.0.0b2.post2-py2.7.egg/google/protobuf/internal/type_checkers.py", line 108, in CheckValue
raise TypeError(message)
TypeError: u'https://mmi680.whatsapp.net/d/AvcL69zwaIMjBXC-ihiYvNLBQqEt_3O9AkfGu6kLtxFq.jpg' has type <type 'unicode'>, but expected one of: (<type 'str'>,)
| 0.609027 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/telegram/ext/updater.py", line 115, in _thread_wrapper
target(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/telegram/ext/updater.py", line 228, in _start_polling
self._bootstrap(bootstrap_retries, clean=clean, webhook_url='')
"/usr/local/lib/python2.7/dist-packages/telegram/ext/updater.py", line 335, in _bootstrap
self.bot.setWebhook(webhook_url=webhook_url, certificate=cert)
"/usr/local/lib/python2.7/dist-packages/telegram/bot.py", line 125, in decorator
result = func(self, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/telegram/bot.py", line 1280, in setWebhook
result = self._request.post(url, data, timeout=timeout)
"/usr/local/lib/python2.7/dist-packages/telegram/utils/request.py", line 207, in post
**urlopen_kwargs)
"/usr/local/lib/python2.7/dist-packages/telegram/utils/request.py", line 132, in _request_wrapper
resp = self._con_pool.request(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/urllib3/request.py", line 72, in request
**urlopen_kw)
"/usr/lib/python2.7/dist-packages/urllib3/request.py", line 135, in request_encode_body
**urlopen_kw)
TypeError: urlopen() got multiple values for keyword argument 'body'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: The numpy boolean negative, the `-` operator, is not supported, use the `~` operator or the logical_not function instead.
| 0.529147 |
Traceback (most recent call last):
"test.py", line 92, in <module>
masks = test(data_loader, net, img_names, sets)
"test.py", line 67, in test
mask = ndimage.interpolation.zoom(mask, scale, order=1)
"/home/xinyu/anaconda3/lib/python3.6/site-packages/scipy/ndimage/interpolation.py", line 591, in zoom
input = numpy.asarray(input)
"/home/xinyu/anaconda3/lib/python3.6/site-packages/numpy/core/_asarray.py", line 85, in asarray
return array(a, dtype, copy=False, order=order)
"/home/xinyu/anaconda3/lib/python3.6/site-packages/torch/tensor.py", line 458, 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):
"/usr/src/venv/lib/python3.6/site-packages/twisted/internet/defer.py", line 1386, in _inlineCallbacks
result = g.send(result)
"/usr/src/venv/lib/python3.6/site-packages/scrapy/crawler.py", line 81, in crawl
start_requests = iter(self.spider.start_requests())
TypeError: 'generator' object is not callable
| 0.495059 |
Traceback (most recent call last):
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 1184, in main_run_server
main_run(run_args)
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 1058, in main_run
result = benchmark.do_run()
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 537, in do_run
return self.run(*self._current_params)
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 631, in run
min_run_count=self.min_run_count)
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 663, in benchmark_timing
timing = timer.timeit(number)
"~/mdanalysis/benchmarks/env/80c5ba7efaa89366b97da3ced85c0c44/lib/python3.6/timeit.py", line 178, in timeit
timing = self.inner(it, self.timer)
"<timeit-src>", line 6, in inner
"~/miniconda3/envs/benchmark/lib/python3.6/site-packages/asv/benchmark.py", line 599, in <lambda>
func = lambda: self.func(*param)
"~/mdanalysis/benchmarks/benchmarks/selections.py", line 76, in time_geometric_selections
MDAnalysis.core.flags['use_periodic_selections'] = periodic_selection[0]
AttributeError: module 'MDAnalysis.core' has no attribute 'flags'
| Traceback (most recent call last):
"./python3.3/concurrent/futures/_base.py", line 296, in _invoke_callbacks
"/Users/Nicola/Library/Application Support/Sublime Text 3/Packages/EasyClangComplete/EasyClangComplete.py", line 490, in completion_finished
(completion_request, completions) = future.result()
"./python3.3/concurrent/futures/_base.py", line 394, in result
"./python3.3/concurrent/futures/_base.py", line 353, in __get_result
"./python3.3/concurrent/futures/thread.py", line 54, in run
"/Users/Nicola/Library/Application Support/Sublime Text 3/Packages/EasyClangComplete/plugin/view_config/view_config_manager.py", line 147, in trigger_completion
return view_config.completer.complete(completion_request)
AttributeError: 'NoneType' object has no attribute 'completer'
| 0.622979 |
Traceback (most recent call last):
"/tmp/kitchen/testing/tests/integration/output/test_output.py", line 83, in test_output_yaml
ret = self.run_call('test.ping --out=yaml')
"/tmp/kitchen/testing/tests/support/case.py", line 647, in run_call
timeout=timeout)
"/tmp/kitchen/testing/tests/support/case.py", line 360, in run_script
process = subprocess.Popen(cmd, **popen_kwargs)
"/usr/lib/python2.7/subprocess.py", line 711, in __init__
errread, errwrite)
"/usr/lib/python2.7/subprocess.py", line 1235, in _execute_child
self.pid = os.fork()
OSError: [Errno 12] Cannot allocate memory
| Traceback (most recent call last):
"c.py", line 23, in <module>
device.commit_config()
"/Users/zakky.muhammad/Downloads/tmp/Env/lib/python3.8/site-packages/napalm/ios/ios.py", line 555, in commit_config
output += self.device.save_config()
"/Users/zakky.muhammad/Downloads/tmp/Env/lib/python3.8/site-packages/netmiko/cisco/cisco_ios.py", line 37, in save_config
return super(CiscoIosBase, self).save_config(
"/Users/zakky.muhammad/Downloads/tmp/Env/lib/python3.8/site-packages/netmiko/cisco_base_connection.py", line 224, in save_config
output = self.send_command(command_string=cmd)
"/Users/zakky.muhammad/Downloads/tmp/Env/lib/python3.8/site-packages/netmiko/base_connection.py", line 1335, in send_command
raise IOError(
OSError: Search pattern never detected in send_command_expect: Router\#
| 0.534836 |
Traceback (most recent call last):
"my_script.py", line 11, in <module>
import wandb
"{venv}/lib/python3.6/site-packages/wandb/__init__.py", line 118, in <module>
api = InternalApi()
"{venv}/lib/python3.6/site-packages/wandb/apis/internal.py", line 17, in __init__
self.api = InternalApi(*args, **kwargs)
"{venv}/lib/python3.6/site-packages/wandb/sdk/internal/internal_api.py", line 74, in __init__
load_settings=load_settings, root_dir=self.default_settings.get("root_dir")
"{venv}/lib/python3.6/site-packages/wandb/old/settings.py", line 25, in __init__
self._global_settings.read([Settings._global_path()])
"{venv}/lib/python3.6/site-packages/wandb/old/settings.py", line 105, in _global_path
util.mkdir_exists_ok(config_dir)
"{venv}/lib/python3.6/site-packages/wandb/util.py", line 642, in mkdir_exists_ok
os.makedirs(path)
"/usr/lib/python3.6/os.py", line 220, in makedirs
mkdir(name, mode)
OSError: [Errno 30] Read-only file system: '/home/user/.config/wandb'
| 768/10000 [=>............................] - ETA: 46:01:31 - loss: 2.7264 - regression_loss: 2.2707 - classification_loss: 0.4557Traceback (most recent call last):
"object_detector_retinanet/keras_retinanet/bin/train.py", line 440, in <module>
main()
"object_detector_retinanet/keras_retinanet/bin/train.py", line 435, in main
validation_steps=validation_generator.size()
"/opt/conda/lib/python3.7/site-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"/opt/conda/lib/python3.7/site-packages/keras/engine/training.py", line 1418, in fit_generator
initial_epoch=initial_epoch)
"/opt/conda/lib/python3.7/site-packages/keras/engine/training_generator.py", line 181, in fit_generator
generator_output = next(output_generator)
"/opt/conda/lib/python3.7/site-packages/keras/utils/data_utils.py", line 709, in get
six.reraise(*sys.exc_info())
"/opt/conda/lib/python3.7/site-packages/six.py", line 693, in reraise
raise value
"/opt/conda/lib/python3.7/site-packages/keras/utils/data_utils.py", line 685, in get
inputs = self.queue.get(block=True).get()
"/opt/conda/lib/python3.7/multiprocessing/pool.py", line 657, in get
raise self._value
"/opt/conda/lib/python3.7/multiprocessing/pool.py", line 121, in worker
result = (True, func(*args, **kwds))
"/opt/conda/lib/python3.7/site-packages/keras/utils/data_utils.py", line 626, in next_sample
return six.next(_SHARED_SEQUENCES[uid])
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/generator.py", line 287, in __next__
return self.next()
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/generator.py", line 298, in next
return self.compute_input_output(group)
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/generator.py", line 269, in compute_input_output
image_group
= self.load_image_group(group)
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/generator.py", line 147, in load_image_group
return [self.load_image(image_index) for image_index in group]
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/generator.py", line 147, in <listcomp>
return [self.load_image(image_index) for image_index in group]
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/preprocessing/csv_generator.py", line 270, in load_image
return read_image_bgr(self.image_path(image_index))
"/notebooks/SKU/object_detector_retinanet/keras_retinanet/utils/image.py", line 32, in read_image_bgr
image = np.asarray(Image.open(path).convert('RGB'))
"/opt/conda/lib/python3.7/site-packages/PIL/Image.py", line 912, in convert
self.load()
"/opt/conda/lib/python3.7/site-packages/PIL/Image
.py", line 239, in load
len(b))
OSError: image file is truncated (23 bytes not processed)
| 0.596809 |
Traceback (most recent call last):
"/usr/local/bin/deepstate-ensembler", line 33, in <module>
sys.exit(load_entry_point('deepstate==0.1', 'console_scripts', 'deepstate-ensembler')())
"/usr/local/lib/python3.6/dist-packages/deepstate-0.1-py3.6.egg/deepstate/executors/auxiliary/ensembler.py", line 368, in main
ensembler = Ensembler()
TypeError: __init__() missing 1 required positional argument: 'envvar'
| Traceback (most recent call last):
"C:\Users\Admin\Anaconda3\envs\python37\lib\site-packages\spyder\plugins\editor\panels\linenumber.py", line 68, in paintEvent
painter.fillRect(event.rect(), self.editor.sideareas_color)
TypeError: arguments did not match any overloaded call:
| 0.525599 |
Traceback (most recent call last):
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\__init__.py", line 73, in advance
self.server.advance()
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\web.py", line 118, in advance
self.advanceClients()
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\web.py", line 133, in advanceClients
self.clients = list(filter(lambda c: c.advance(), self.clients))
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\web.py", line 133, in <lambda>
self.clients = list(filter(lambda c: c.advance(), self.clients))
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\web.py", line 62, in advance
self.writeBuff += self.handler(req)
"C:\Users\Johns\AppData\Roaming\Anki2\addons21\2055492159\web.py", line 152, in handlerWrapper
body = json.dumps(self.handler(params)).encode('utf-8')
"json\__init__.py", line 231, in dumps
"json\encoder.py", line 199, in encode
"json\encoder.py", line 257, in iterencode
"json\encoder.py", line 179, in default
TypeError: Object of type RepeatedScalarFieldContainer is not JSON serializable | Traceback (most recent call last):
"2.py", line 36, in <module>
run_weather_online(nlu_interpreter)
"2.py", line 29, in run_weather_online
interactive.run_interactive_learning(agent)
"/usr/local/lib/python3.7/dist-packages/rasa/core/training/interactive.py", line 1555, in run_interactive_learning
_serve_application(app, stories, finetune, skip_visualization)
"/usr/local/lib/python3.7/dist-packages/rasa/core/training/interactive.py", line 1434, in _serve_application
app.run(host="0.0.0.0", port=DEFAULT_SERVER_PORT)
"/usr/local/lib/python3.7/dist-packages/sanic/app.py", line 1096, in run
serve(**server_settings)
"/usr/local/lib/python3.7/dist-packages/sanic/server.py", line 742, in serve
trigger_events(before_start, loop)
"/usr/local/lib/python3.7/dist-packages/sanic/server.py", line 604, in trigger_events
loop.run_until_complete(result)
"uvloop/loop.pyx", line 1456, in uvloop.loop.Loop.run_until_complete
"/usr/local/lib/python3.7/dist-packages/rasa/core/training/interactive.py", line 1481, in train_agent_on_start
args.get("config")[0],
TypeError: 'NoneType' object is not subscriptable
| 0.600698 |
Traceback (most recent call last):
"trt_yolov3.py", line 112, in <module>
main()
"trt_yolov3.py", line 104, in main
loop_and_detect(cam, trt_yolov3, conf_th=0.3, vis=vis)
"trt_yolov3.py", line 57, in loop_and_detect
boxes, confs, clss = trt_yolov3.detect(img, conf_th)
"/home/nvidia/Desktop/TensorRT/tensorrt_demos/utils/yolov3.py", line 478, in detect
in zip(trt_outputs, self.output_shapes)]
"/home/nvidia/Desktop/TensorRT/tensorrt_demos/utils/yolov3.py", line 477, in <listcomp>
trt_outputs = [output.reshape(shape) for output, shape
ValueError: cannot reshape array of size 92055 into shape (1,255,13,13)
| Traceback (most recent call last):
"/home/morten/.local/bin/gita", line 11, in <module>
load_entry_point('gita', 'console_scripts', 'gita')()
"/home/morten/workspace/gita/gita/__main__.py", line 128, in main
choices=utils.get_repos(),
"/home/morten/workspace/gita/gita/utils.py", line 52, in get_repos
path, name = d.split(',')
ValueError: not enough values to unpack (expected 2, got 1)
| 0.573738 |
Traceback (most recent call last):
"c:\python38\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 3012, in _parsed_pkg_info
return self._pkg_info
"c:\python38\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 2815, in __getattr__
raise AttributeError(attr)
AttributeError: _pkg_info
| Traceback (most recent call last):
"/usr/lib/python3.4/logging/__init__.py", line 978, in emit
msg = self.format(record)
"/usr/lib/python3.4/logging/__init__.py", line 828, in format
return fmt.format(record)
"/usr/lib/python3.4/logging/__init__.py", line 573, in format
record.exc_text = self.formatException(record.exc_info)
"/usr/lib/python3.4/logging/__init__.py", line 523, in formatException
traceback.print_exception(ei[0], ei[1], tb, None, sio)
"/usr/lib/python3.4/traceback.py", line 169, in print_exception
for line in _format_exception_iter(etype, value, tb, limit, chain):
"/usr/lib/python3.4/traceback.py", line 146, in _format_exception_iter
for value, tb in values:
"/usr/lib/python3.4/traceback.py", line 125, in _iter_chain
context = exc.__context__
AttributeError: 'NoneType' object has no attribute '__context__'
| 0.550401 |
Traceback (most recent call last):
"/home/jbaum/qq/venv-37/bin/pylint", line 11, in <module>
sys.exit(run_pylint())
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/__init__.py", line 20, in run_pylint
Run(sys.argv[1:])
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/lint.py", line 1608, in __init__
linter.check(args)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/lint.py", line 938, in check
self._do_check(files_or_modules)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/lint.py", line 1071, in _do_check
self.check_astroid_module(ast_node, walker, rawcheckers, tokencheckers)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/lint.py", line 1154, in check_astroid_module
walker.walk(ast_node)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/utils.py", line 1269, in walk
self.walk(child)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/utils.py", line 1269, in walk
self.walk(child)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/utils.py", line 1269, in walk
self.walk(child)
[Previous line repeated 1 more time]
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/utils.py", line 1266, in walk
cb(astroid)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/checkers/typecheck.py", line 1035, in visit_call
called = safe_infer(node.func)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/pylint/checkers/utils.py", line 1077, in safe_infer
next(inferit)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped
res = next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 128, in raise_if_nothing_inferred
yield next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/inference.py", line 290, in infer_attribute
for owner in self.expr.infer(context):
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference
yield from islice(iterator, size)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator
for result in generator:
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 128, in raise_if_nothing_inferred
yield next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped
res = next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/bases.py", line 135, in _infer_stmts
for inferred in stmt.infer(context=context):
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference
yield from islice(iterator, size)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator
for result in generator:
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 128, in raise_if_nothing_inferred
yield next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped
res = next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/bases.py", line 135, in _infer_stmts
for inferred in stmt.infer(context=context):
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference
yield from islice(iterator, size)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator
for result in generator:
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped
res = next(generator)
"/home/jbaum/qq/venv-37/lib/python3.7/site-packages/astroid/decorators.py", line 128, in raise_if_nothing_inferred
yield next(generator)
RuntimeError: generator raised StopIteration
| Traceback (most recent call last):
"/home/ubuntu/anaconda3/envs/pytorch_p36/lib/python3.6/multiprocessing/popen_fork.py", line 28, in poll
pid, sts = os.waitpid(self.pid, flag)
"/home/ubuntu/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/utils/data/_utils/signal_handling.py", line 63, in handler
_error_if_any_worker_fails()
RuntimeError: DataLoader worker (pid 3590) is killed by signal: Terminated.
| 0.497318 |
Traceback (most recent call last):
"/usr/bin/pronterface.py", line 62, in <module>
app = PronterApp(False)
"/usr/lib/python3.6/site-packages/printrun/pronterface.py", line 2395, in __init__
self.mainwindow = PronterWindow(self)
"/usr/lib/python3.6/site-packages/printrun/pronterface.py", line 175, in __init__
self.parse_cmdline(sys.argv[1:])
"/usr/lib/python3.6/site-packages/printrun/pronsole.py", line 757, in parse_cmdline
self.process_cmdline_arguments(args)
"/usr/lib/python3.6/site-packages/printrun/pronterface.py", line 976, in process_cmdline_arguments
pronsole.pronsole.process_cmdline_arguments(self, args)
"/usr/lib/python3.6/site-packages/printrun/pronsole.py", line 746, in process_cmdline_arguments
filename = args.filename.decode(locale.getpreferredencoding())
AttributeError: 'str' object has no attribute 'decode'
| Traceback (most recent call last):
"D:/Users/PC/PycharmProjects/test/main.py", line 60, in <module>
register_poc(verify_poc)
"D:\Users\PC\Miniconda3\envs\py37\lib\site-packages\pocsuite3\lib\core\register.py", line 103, in register_poc
if module in kb.registered_pocs:
"D:\Users\PC\Miniconda3\envs\py37\lib\site-packages\pocsuite3\lib\core\datatype.py", line 20, in __getattr__
raise AttributeError(name)
AttributeError: registered_pocs
| 0.582566 |
Traceback (most recent call last):
"f:\python\lib\site-packages\gallery_dl\job.py", line 67, in run
for msg in self.extractor:
"f:\python\lib\site-packages\gallery_dl\extractor\hentaifoundry.py", line 34, in items
self._init_site_filters()
"f:\python\lib\site-packages\gallery_dl\extractor\hentaifoundry.py", line 151, in _init_site_filters
response.cookies["YII_CSRF_TOKEN"], "%22", "%22")[0]),
"f:\python\lib\site-packages\requests\cookies.py", line 328, in __getitem__
return self._find_no_duplicates(name)
"f:\python\lib\site-packages\requests\cookies.py", line 399, in _find_no_duplicates
raise KeyError('name=%r, domain=%r, path=%r' % (name, domain, path))
KeyError: "name='YII_CSRF_TOKEN', domain=None, path=None"
| Traceback (most recent call last):
"test.py", line 4, in <module>
success = keep.login('*************@gmail.com', 'apppasswordhere')
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/__init__.py", line 404, in login
self.load(auth)
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/__init__.py", line 418, in load
self.sync(True)
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/__init__.py", line 645, in sync
self._parseNodes(changes['nodes'])
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/__init__.py", line 672, in _parseNodes
node = _node.from_json(raw_node)
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/node.py", line 1450, in from_json
node.load(raw)
"mydirectory/keepEnv/lib/python3.5/site-packages/gkeepapi/node.py", line 1027, in load
self._title = raw['title']
KeyError: 'title'
| 0.567148 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Python38\lib\site-packages\pandas\core\tools\datetimes.py", line 801, in to_datetime
cache_array = _maybe_cache(arg, format, cache, convert_listlike)
"C:\Python38\lib\site-packages\pandas\core\tools\datetimes.py", line 173, in _maybe_cache
if not should_cache(arg):
"C:\Python38\lib\site-packages\pandas\core\tools\datetimes.py", line 137, in should_cache
unique_elements = set(islice(arg, check_count))
TypeError: unhashable type: 'list'
| Traceback (most recent call last):
"D:\Anaconda3\lib\site-packages\glue\dialogs\data_wizard\qt\data_wizard_dialog.py", line 38, in data_wizard
result = gdd.load_data()
"D:\Anaconda3\lib\site-packages\glue\dialogs\data_wizard\qt\data_wizard_dialog.py", line 109, in load_data
d = load_data(path, factory=fac.function)
"D:\Anaconda3\lib\site-packages\glue\core\data_factories\helpers.py", line 237, in load_data
d = as_list(factory(path, **kwargs))
"D:\Anaconda3\lib\site-packages\glue\core\data_factories\helpers.py", line 330, in auto_data
return fac(filename, *args, **kwargs)
"D:\Anaconda3\lib\site-packages\glue\core\data_factories\npy.py", line 39, in npy_reader
for name in npy_data.dtype.names:
TypeError: 'NoneType' object is not iterable
| 0.620719 |
Traceback (most recent call last):
"hummingbot/strategy/pure_market_making/pure_market_making_v2.pyx", line 311, in hummingbot.strategy.pure_market_making.pure_market_making_v2.PureMarketMakingStrategyV2.c_tick
orders_proposal = self.c_get_orders_proposal_for_market_info(
"hummingbot/strategy/pure_market_making/pure_market_making_v2.pyx", line 566, in hummingbot.strategy.pure_market_making.pure_market_making_v2.PureMarketMakingStrategyV2.c_get_orders_proposal_for_market_info
sizing_proposal = self._sizing_delegate.c_get_order_size_proposal(self,
"hummingbot/strategy/pure_market_making/constant_size_sizing_delegate.pyx", line 84, in hummingbot.strategy.pure_market_making.constant_size_sizing_delegate.ConstantSizeSizingDelegate.c_get_order_size_proposal
required_quote_asset_balance = pricing_proposal.buy_order_prices[0] * (1 + buy_fees.percent) * quantized_bid_order_size
TypeError: unsupported operand type(s) for *: 'decimal.Decimal' and 'float'
| Traceback (most recent call last):
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\runpy.py", line 174, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\runpy.py", line 72, in _run_code
exec code in run_globals
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\en\download.py", line 5, in <module>
download.en()
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\deprecated.py", line 136, in en
cls.load('en')
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\deprecated.py", line 132, in load
download(lang)
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\cli\download.py", line 25, in download
link_package(model_name, model, force=True)
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\cli\link.py", line 27, in link_package
symlink(model_path, link_name, force)
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\spacy\cli\link.py", line 46, in symlink
link_path.symlink_to(model_path)
"C:\Users\debayan.daw\AppData\Local\Continuum\Anaconda2\lib\site-packages\pathlib.py", line 1167, in `symlink_to`
self._accessor.symlink(target, self, target_is_directory)
TypeError: symlink() takes exactly 3 arguments (4 given)
| 0.458706 |
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):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 179, in _async_setup_platform
await asyncio.wait_for(asyncio.shield(task), SLOW_SETUP_MAX_WAIT)
"/usr/local/lib/python3.8/asyncio/tasks.py", line 483, in wait_for
return fut.result()
"/usr/src/homeassistant/homeassistant/components/intesishome/climate.py", line 117, in async_setup_platform
[
"/usr/src/homeassistant/homeassistant/components/intesishome/climate.py", line 118, in <listcomp>
IntesisAC(ih_device_id, device, controller)
"/usr/src/homeassistant/homeassistant/components/intesishome/climate.py", line 179, in __init__
self._fan_modes = controller.get_fan_speed_list(ih_device_id)
"/usr/local/lib/python3.8/site-packages/pyintesishome/pyintesishome.py", line 705, in get_fan_speed_list
return list(config_fan_map.values())
AttributeError: 'int' object has no attribute 'values'
| 0.597212 |
Traceback (most recent call last):
"/usr/local/bin/pipenv", line 9, in <module>
load_entry_point('pipenv==7.9.5', 'console_scripts', 'pipenv')()
"/usr/local/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 570, in load_entry_point
return get_distribution(dist).load_entry_point(group, name)
"/usr/local/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 2751, in load_entry_point
return ep.load()
"/usr/local/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 2405, in load
return self.resolve()
"/usr/local/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 2411, in resolve
module = __import__(self.module_name, fromlist=['__name__'], level=0)
"/usr/local/lib/python2.7/dist-packages/pipenv/__init__.py", line 17, in <module>
from .cli import cli
"/usr/local/lib/python2.7/dist-packages/pipenv/cli.py", line 31, in <module>
from requests.packages.urllib3.exceptions import InsecureRequestWarning
ImportError: No module named packages.urllib3.exceptions
| Traceback (most recent call last):
"visualize.py", line 98, in <module>
main()
"visualize.py", line 47, in main
retinanet = torch.load(parser.model)
"/home/admin-ata168/anaconda3/envs/trial_retinanet_4/lib/python3.6/site-packages/torch/serialization.py", line 358, in load
return _load(f, map_location, pickle_module)
"/home/admin-ata168/anaconda3/envs/trial_retinanet_4/lib/python3.6/site-packages/torch/serialization.py", line 542, in _load
result = unpickler.load()
"/home/admin-ata168/trial_retinanet_4/pytorch-retinanet/model.py", line 9, in <module>
from lib.nms.pth_nms import pth_nms
"/home/admin-ata168/trial_retinanet_4/pytorch-retinanet/lib/nms/pth_nms.py", line 2, in <module>
from ._ext import nms
"/home/admin-ata168/trial_retinanet_4/pytorch-retinanet/lib/nms/_ext/nms/__init__.py", line 3, in <module>
from ._nms import lib as _lib, ffi as _ffi
ImportError: /home/admin-ata168/trial_retinanet_4/pytorch-retinanet/lib/nms/_ext/nms/_nms.so: undefined symbol: __cudaPopCallConfiguration
| 0.665577 |
Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/libqtile/scripts/qtile.py", line 129, in main
q.loop()
"/usr/lib/python3.7/site-packages/libqtile/manager.py", line 806, in loop
self.server.start()
"/usr/lib/python3.7/site-packages/libqtile/ipc.py", line 248, in start
self.server = self.loop.run_until_complete(server_coroutine)
"/usr/lib/python3.7/asyncio/base_events.py", line 582, in run_until_complete
raise RuntimeError('Event loop stopped before Future completed.')
RuntimeError: Event loop stopped before Future completed.
| Traceback (most recent call last):
"repro.py", line 7, in <module>
torch.jit.script(model).save('densenet161.pt')
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_script.py", line 911, in script
return torch.jit._recursive.create_script_module(
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 370, in create_script_module
return create_script_module_impl(nn_module, concrete_type, stubs_fn)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 426, in create_script_module_impl
script_module = torch.jit.RecursiveScriptModule._construct(cpp_module, init_fn)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_script.py", line 388, in _construct
init_fn(script_module)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 406, in init_fn
scripted = create_script_module_impl(orig_value, sub_concrete_type, stubs_fn)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 426, in create_script_module_impl
script_module = torch.jit.RecursiveScriptModule._construct(cpp_module, init_fn)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_script.py", line 388, in _construct
init_fn(script_module)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 406, in init_fn
scripted = create_script_module_impl(orig_value, sub_concrete_type, stubs_fn)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 382, in create_script_module_impl
method_stubs = stubs_fn(nn_module)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 618, in infer_methods_to_compile
stubs.append(make_stub_from_method(nn_module, method))
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 52, in make_stub_from_method
return make_stub(func, method_name)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/_recursive.py", line 37, in make_stub
ast = get_jit_def(func, name, self_name="RecursiveScriptModule")
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/frontend.py", line 259, in get_jit_def
return build_def(ctx, fn_def, type_line, def_name, self_name=self_name)
"/usr/local/opt/[email protected]/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/torch/jit/frontend.py", line 288, in build_def
type_comment_decl = torch._C.parse_type_comment(type_line)
RuntimeError: expected type comment but found 'def' here:
| 0.548147 |
Traceback (most recent call last):
"tools/write_tfrecords.py", line 1035, in <module>
save_dir=args.save_dir
"tools/write_tfrecords.py", line 1017, in write_tfrecords
save_dir=save_dir
"tools/write_tfrecords.py", line 776, in generate_tfrecords
tfrecords_writer.run()
"tools/write_tfrecords.py", line 698, in run
process.start()
"C:\Python\Python36\lib\multiprocessing\process.py", line 105, in start
self._popen = self._Popen(self)
"C:\Python\Python36\lib\multiprocessing\context.py", line 223, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
"C:\Python\Python36\lib\multiprocessing\context.py", line 322, in _Popen
return Popen(process_obj)
"C:\Python\Python36\lib\multiprocessing\popen_spawn_win32.py", line 65, in __init__
reduction.dump(process_obj, to_child)
"C:\Python\Python36\lib\multiprocessing\reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
TypeError: can't pickle SwigPyObject objects
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/data_entry_flow.py", line 109, in async_init
result = await self._async_handle_step(flow, flow.init_step, data)
"/usr/src/homeassistant/homeassistant/data_entry_flow.py", line 172, in _async_handle_step
result: Dict = await getattr(flow, method)(user_input)
"/usr/src/homeassistant/homeassistant/components/ipp/config_flow.py", line 110, in async_step_zeroconf
info = await validate_input(self.hass, self.discovery_info)
"/usr/src/homeassistant/homeassistant/components/ipp/config_flow.py", line 46, in validate_input
printer = await ipp.printer()
"/usr/local/lib/python3.7/site-packages/pyipp/ipp.py", line 217, in printer
return Printer.from_dict(data)
"/usr/local/lib/python3.7/site-packages/pyipp/models.py", line 131, in from_dict
for marker_id, marker in enumerate(data.get("marker-names", {}))
"/usr/local/lib/python3.7/site-packages/pyipp/models.py", line 131, in <listcomp>
for marker_id, marker in enumerate(data.get("marker-names", {}))
TypeError: 'int' object is not subscriptable
| 0.594602 |
Traceback (most recent call last):
"/usr/lib/python2.7/threading.py", line 810, in __bootstrap_inner
self.run()
"/usr/lib/python2.7/threading.py", line 763, in run
self.__target(*self.__args, **self.__kwargs)
"sublist3r.py", line 880, in port_scan
self.print_("%s%s%s - %sFound open ports:%s %s%s%s"%(G,host,W,R,W,Y,', '.join(openports),W))
AttributeError: portscan instance has no attribute 'print_'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: '_io.BytesIO' object has no attribute 'name'
| 0.595272 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/rgommers/Code/scipy/scipy/_lib/tests/test_ccallback.py", line 109, in check
assert_equal(caller(func, 1.0), 2.0)
ValueError: Invalid function signature in PyCapsule
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/bli/.local/lib/python3.6/site-packages/toolz/dicttoolz.py", line 69, in merge_with
return valmap(func, result, factory)
"/home/bli/.local/lib/python3.6/site-packages/toolz/dicttoolz.py", line 84, in valmap
rv.update(zip(iterkeys(d), map(func, itervalues(d))))
"<stdin>", line 2, in dont_merge
ValueError: The dictionaries are not supposed to share keys.
| 0.538131 |
Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/syncthing_gtk/daemon.py", line 398, in _request_config
RESTRequest(self, "system/config", self._syncthing_cb_config, self._syncthing_cb_config_error).start()
"/usr/lib/python2.7/site-packages/syncthing_gtk/daemon.py", line 1045, in __init__
self.connect("event", self._socket_event)
TypeError: argument connectable: Expected Gio.SocketConnectable, but got unicode
| Traceback (most recent call last):
"/home/menonsandu/torch-points3d/test/test_models.py", line 147, in test_runall
raise e
"/home/menonsandu/torch-points3d/test/test_models.py", line 143, in test_runall
model.forward()
"/home/menonsandu/torch-points3d/torch_points3d/models/segmentation/minkowski.py", line 31, in forward
self.output = F.log_softmax(self.model(self.input).feats, dim=-1)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/home/menonsandu/torch-points3d/torch_points3d/modules/MinkowskiEngine/res16unet.py", line 458, in forward
out_b1p2 = self.block1(out)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/torch/nn/modules/container.py", line 117, in forward
input = module(input)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/home/menonsandu/torch-points3d/torch_points3d/modules/MinkowskiEngine/res16unet.py", line 39, in forward
out = self.conv1(x)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/MinkowskiEngine/MinkowskiConvolution.py", line 263, in forward
self.kernel_generator.get_kernel(input.tensor_stride, self.is_transpose)
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/MinkowskiEngine/Common.py", line 347, in get_kernel
self.cache[tuple(tensor_stride)] = convert_region_type(
"/home/menonsandu/.cache/pypoetry/virtualenvs/torch-points3d-KHeQYfvV-py3.8/lib/python3.8/site-packages/MinkowskiEngine/Common.py", line 272, in convert_region_type
region_offset = torch.IntTensor(region_offset)
TypeError: only integer tensors of a single element can be converted to an index
| 0.476509 |
Traceback (most recent call last):
"H:\anaconda3\envs\plaid-ml\lib\site-packages\discord\client.py", line 343, in _run_event
await coro(*args, **kwargs)
"Z:\Trading\dm_python_bot\dm_python_bot.py", line 74, in on_ready
dm_user.send('Cazzabubbo')
AttributeError: 'NoneType' object has no attribute 'send'
| Traceback (most recent call last):
"/home/amit/.local/lib/python3.5/site-packages/tvm-0.2.0-py3.5-linux-x86_64.egg/tvm/_ffi/_ctypes/function.py", line 169, in __del__
AttributeError: 'NoneType' object has no attribute 'TVMFuncFree'
| 0.661514 |
Traceback (most recent call last):
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.3\helpers\pydev\pydevd.py", line 1689, in <module>
main()
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.3\helpers\pydev\pydevd.py", line 1683, in main
globals = debugger.run(setup['file'], None, None, is_module)
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.3\helpers\pydev\pydevd.py", line 1083, in run
pydev_imports.execfile(file, globals, locals)
# execute the script
"C:\Program
s\JetBrains\PyCharm Community Edition 2018.3\helpers\pydev\_pydev_imps\_pydev_execfile.py", line 18, in execfile
exec(compile(contents+"\n", file, 'exec'), glob, loc)
"C:/Users/dv90863/git/mario/demos/hello_world_demo.py", line 82, in <module>
main_task_cls=HelloWorldTask)
"C:\Users\dv90863\py3_6_mario\lib\site-packages\luigi\interface.py", line 192, in run
return _run(*args, **kwargs)['success']
"C:\Users\dv90863\py3_6_mario\lib\site-packages\luigi\interface.py", line 209, in _run
return _schedule_and_run([cp.get_task_obj()], worker_scheduler_factory)
"C:\Users\dv90863\py3_6_mario\lib\site-packages\luigi\interface.py", line 170, in _schedule_and_run
success &= worker.add(t, env_params.parallel_scheduling, env_params.parallel_scheduling_processes)
"C:\Users\dv90863\py3_6_mario\lib\site-packages\luigi\worker.py", line 740, in add
current = queue.get()
"<string>", line 2, in get
"c:\program files\python36\Lib\multiprocessing\managers.py", line 757, in _callmethod
kind, result = conn.recv()
"c:\program files\python36\Lib\multiprocessing\connection.py", line 251, in recv
return _ForkingPickler.loads(buf.getbuffer())
AttributeError: Can't get attribute 'HelloWorldTask' on <module 'pydevd' from 'C:\\Program
s\\JetBrains\\PyCharm Community Edition 2018.3\\helpers\\pydev\\pydevd.py'> | Traceback (most recent call last):
"./venv/lib/python3.7/site-packages/guild/op.py", line 238, in _op_watch_proc
return _proc_wait(proc, stop_after)
"./venv/lib/python3.7/site-packages/guild/op.py", line 267, in _proc_wait
return op_util.wait_for_proc(proc, stop_after)
AttributeError: module 'guild.op_util' has no attribute 'wait_for_proc'
| 0.595464 |
The minion function caused an exception: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/minion.py", line 1161, in _thread_return
return_data = func(*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/modules/state.py", line 523, in highstate
whitelist=kwargs.get('whitelist')
"/usr/lib/python2.7/dist-packages/salt/state.py", line 2968, in call_highstate
return self.state.call_high(high)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 2067, in call_high
ret = dict(list(disabled.items()) + list(self.call_chunks(chunks).items()))
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1623, in call_chunks
running = self.call_chunk(low, running, chunks)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1858, in call_chunk
running = self.call_chunk(chunk, running, chunks)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1769, in call_chunk
self._mod_init(low)
"/usr/lib/python2.7/dist-packages/salt/state.py", line 612, in _mod_init
self.states['{0}.{1}'.format(low['state'], low['fun'])]
# pylint: disable=W0106
"/usr/lib/python2.7/dist-packages/salt/utils/lazy.py", line 90, in __getitem__
raise KeyError(key)
KeyError: 'git.latest' |
Comment: An exception occurred in this state: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/state.py", line 1379, in call
**cdata['kwargs'])
"/usr/lib/python2.7/dist-packages/salt/states/user.py", line 397, in present
__salt__['shadow.set_expire'](name, expire)
KeyError: 'shadow.set_expire'
Changes: | 0.547467 |
Traceback (most recent call last):
"./tools/train_recognizer.py", line 90, in <module>
main()
"./tools/train_recognizer.py", line 86, in main
logger=logger)
"/ssd8/liuchao45/mmaction/mmaction/apis/train.py", line 58, in train_network
_dist_train(model, dataset, cfg, logger, validate=validate)
"/ssd8/liuchao45/mmaction/mmaction/apis/train.py", line 101, in _dist_train
runner.run(data_loaders, cfg.workflow, cfg.total_epochs)
"/ssd8/liuchao45/mmaction/mmcv/mmcv/runner/epoch_based_runner.py", line 122, in run
epoch_runner(data_loaders[i], **kwargs)
"/ssd8/liuchao45/mmaction/mmcv/mmcv/runner/epoch_based_runner.py", line 27, in train
for i, data_batch in enumerate(data_loader):
"/root/anaconda3/envs/mmaction/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 819, in __next__
return self._process_data(data)
"/root/anaconda3/envs/mmaction/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 846, in _process_data
data.reraise()
"/root/anaconda3/envs/mmaction/lib/python3.7/site-packages/torch/_utils.py", line 385, in reraise
raise self.exc_type(msg)
AttributeError: Caught AttributeError in DataLoader worker process 0.
| Traceback (most recent call last):
"C:\xxx\gibMacOS-master\MakeInstall.py", line 717, in <module>
w = WinUSB()
"C:\xxx\gibMacOS-master\MakeInstall.py", line 12, in init
self.d = diskwin.Disk()
"C:\xxx\gibMacOS-master\Scripts\diskwin.py", line 8, in init
self.r = run.Run()
AttributeError: module 'run' has no attribute 'Run'
| 0.56263 |
Traceback (most recent call last):
"/home/noor/.config/xonsh/xonsh/xonsh/events.py", line 248, in _call
handler(**self._kwargs)
"/home/noor/.config/xonsh/.venv/lib/python3.8/site-packages/xontrib/hist_navigator.xsh", line 72, in custom_keybindings
handler = bindings.add
AttributeError: '_MergedKeyBindings' object has no attribute 'add'
| Traceback (most recent call last):
"<input>", line 1, in <module>
import pandas as pd
"/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/pandas/__init__.py", line 51, in <module>
plot_params = pandas.plotting._style._Options(deprecated=True)
AttributeError: module 'pandas' has no attribute 'plotting'
| 0.546765 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 322, in _async_add_entity
await entity.async_device_update(warning=False)
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 472, in async_device_update
await self.hass.async_add_executor_job(self.update)
"/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/plugwise/climate.py", line 279, in update
self._presets = self._api.get_presets(self._domain_objects)
"/usr/local/lib/python3.7/site-packages/haanna/haanna.py", line 89, in get_presets
presets = self.get_preset_dictionary(root, rule_id)
"/usr/local/lib/python3.7/site-packages/haanna/haanna.py", line 498, in get_preset_dictionary
directive.find("then").attrib["setpoint"]
KeyError: 'setpoint'
| Traceback (most recent call last):
"/usr/lib64/python2.7/multiprocessing/process.py", line 258, in _bootstrap
self.run()
"/usr/lib64/python2.7/multiprocessing/process.py", line 114, in run
self._target(_self._args, *_self._kwargs)
"./tools/train_faster_rcnn_alt_opt.py", line 122, in train_rpn
roidb, imdb = get_roidb(imdb_name)
"./tools/train_faster_rcnn_alt_opt.py", line 67, in get_roidb
roidb = get_training_roidb(imdb)
"/data/exp1/FRCN_ROOT/tools/../lib/fast_rcnn/train.py", line 122, in get_training_roidb
rdl_roidb.prepare_roidb(imdb)
"/data/exp1/FRCN_ROOT/tools/../lib/roi_data_layer/roidb.py", line 31, in prepare_roidb
gt_overlaps = roidb[i]['gt_overlaps'].toarray()
KeyError: 'gt_overlaps'
| 0.535927 |
Traceback (most recent call last):
"/config/custom_components/sonoff/sonoff_cloud.py", line 234, in _connect
await self._process_ws_msg(resp)
"/config/custom_components/sonoff/sonoff_cloud.py", line 162, in _process_ws_msg
device = self.devices[deviceid]
KeyError: '1000fc5a22'
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 279, in async_update_ha_state
await self.async_device_update()
"/usr/src/homeassistant/homeassistant/helpers/entity.py", line 472, in async_device_update
await self.hass.async_add_executor_job(self.update)
"/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/solaredge/sensor.py", line 202, in update
self.data_service.update()
"/usr/src/homeassistant/homeassistant/util/__init__.py", line 239, in wrapper
result = method(*args, **kwargs)
"/usr/src/homeassistant/homeassistant/components/solaredge/sensor.py", line 363, in update
self.data[key] = value["currentPower"]
KeyError: 'currentPower'
| 0.517616 |
Traceback (most recent call last):
"<string>", line 1, in <module>
"/private/var/folders/6z/5vbtz_gmkr76ftgc3149dvtr0003c0/T/pip-req-build-_pj62umd/setup.py", line 83, in <module>
include_dirs=[np.get_include()]),
AttributeError: module 'numpy' has no attribute 'get_include'
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flexget/task.py", line 522, in __run_plugin
return method(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flexget/event.py", line 23, in __call__
return self.func(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flexget/plugins/input/discover.py", line 293, in on_task_input
return self.execute_searches(config, entries, task)
"/usr/local/lib/python2.7/dist-packages/flexget/plugins/input/discover.py", line 135, in execute_searches
search_results = search.search(task=task, entry=entry, config=plugin_config)
"/usr/local/lib/python2.7/dist-packages/flexget/plugins/input/torznab.py", line 56, in search
return self.create_entries_from_query(self._build_url(**params), task)
"/usr/local/lib/python2.7/dist-packages/flexget/plugin.py", line 126, in wrapped_func
return func(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flexget/plugins/input/torznab.py", line 157, in create_entries_from_query
except task.requests.RequestException as e:
AttributeError: 'CFScrapeWrapper' object has no attribute 'RequestException'
| 0.582624 |
Traceback (most recent call last):
"/bin/salt-call", line 11, in <module>
load_entry_point('salt==3000', 'console_scripts', 'salt-call')()
"/usr/lib/python2.7/site-packages/salt/scripts.py", line 445, in salt_call
client.run()
"/usr/lib/python2.7/site-packages/salt/cli/call.py", line 57, in run
caller.run()
"/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 119, in run
ret = self.call()
"/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 218, in call
ret['return'] = self.minion.executors[fname](self.opts, data, func, args, kwargs)
"/usr/lib/python2.7/site-packages/salt/executors/direct_call.py", line 12, in execute
return func(*args, **kwargs)
"/usr/lib/python2.7/site-packages/salt/modules/state.py", line 1087, in highstate
orchestration_jid=orchestration_jid)
"/usr/lib/python2.7/site-packages/salt/state.py", line 4088, in call_highstate
return self.state.call_high(high, orchestration_jid)
"/usr/lib/python2.7/site-packages/salt/state.py", line 2909, in call_high
ret = self.call_chunks(chunks)
"/usr/lib/python2.7/site-packages/salt/state.py", line 2271, in call_chunks
running = self.call_chunk(low, running, chunks)
"/usr/lib/python2.7/site-packages/salt/state.py", line 2604, in call_chunk
status, reqs = self.check_requisite(low, running, chunks, pre=True)
"/usr/lib/python2.7/site-packages/salt/state.py", line 2446, in check_requisite
if (fnmatch.fnmatch(chunk['name'], req_val) or
"/usr/lib64/python2.7/fnmatch.py", line 40, in fnmatch
import os
"/usr/lib64/python2.7/os.py", line 119, in <module>
sys.modules['os.path'] = path
AttributeError: 'module' object has no attribute 'modules'
| Traceback (most recent call last):
"/home/classic/dev/sqlalchemy/lib/sqlalchemy/orm/attributes.py", line 358, in __getattr__
return getattr(self.comparator, attribute)
AttributeError: 'value' object has no attribute 'impl'
| 0.666945 |
Traceback (most recent call last):
"src/main.py", line 55, in <module>
start_date=start_date)
"/src/preparation/data_source.py", line 16, in import_data
data = self._load_data(app_ids, granularity, f'{date.today()}_{self._source}_{granularity}.csv')
"/src/preparation/data_source.py", line 27, in _load_data
data = pd.read_sql(query, conn, parse_dates=['install_date'])
"/usr/local/lib/python3.7/site-packages/modin/pandas/io.py", line 324, in read_sql
return DataFrame(query_compiler=BaseFactory.read_sql(**kwargs))
"/usr/local/lib/python3.7/site-packages/modin/data_management/factories.py", line 155, in read_sql
return cls._determine_engine()._read_sql(**kwargs)
"/usr/local/lib/python3.7/site-packages/modin/data_management/factories.py", line 159, in _read_sql
return cls.io_cls.read_sql(**kwargs)
"/usr/local/lib/python3.7/site-packages/modin/engines/ray/generic/io.py", line 805, in read_sql
num_return_vals=num_parts + 1,
"/usr/local/lib/python3.7/site-packages/ray/remote_function.py", line 152, in _remote
return invocation(args, kwargs)
"/usr/local/lib/python3.7/site-packages/ray/remote_function.py", line 143, in invocation
resources=resources)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 636, in submit_task
args_for_raylet.append(put(arg))
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 2227, in put
worker.put_object(object_id, value)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 403, in put_object
self.store_and_register(object_id, value)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 317, in store_and_register
self.task_driver_id))
"/usr/local/lib/python3.7/site-packages/ray/utils.py", line 475, in _wrapper
return orig_attr(*args, **kwargs)
"pyarrow/_plasma.pyx", line 496, in pyarrow._plasma.PlasmaClient.put
"pyarrow/serialization.pxi", line 355, in pyarrow.lib.serialize
"pyarrow/serialization.pxi", line 150, in pyarrow.lib.SerializationContext._serialize_callback
"/usr/local/lib/python3.7/site-packages/ray/cloudpickle/cloudpickle.py", line 952, in dumps
cp.dump(obj)
"/usr/local/lib/python3.7/site-packages/ray/cloudpickle/cloudpickle.py", line 267, in dump
return Pickler.dump(self, obj)
"/usr/local/lib/python3.7/pickle.py", line 437, in dump
self.save(obj)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 524, in save
rv = reduce(self.proto)
TypeError: can't pickle _thread._local objects
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/usr/local/lib/python3.4/dist-packages/matplotlib/pyplot.py", line 252, in show
return _show(*args, **kw)
"/usr/local/lib/python3.4/dist-packages/itermplot/__init__.py", line 103, in show
figmanager.show()
"/usr/local/lib/python3.4/dist-packages/itermplot/__init__.py", line 216, in show
imgcat(data.getbuffer())
"/usr/local/lib/python3.4/dist-packages/itermplot/__init__.py", line 76, in imgcat
buf += lines*b'\n' + csi + b'?25l' + csi + b'%dF' % lines + osc
TypeError: unsupported operand type(s) for %: 'bytes' and 'int'
| 0.541982 |
Mar 17 20:44:49.387 [launcher][ERROR] Except stack:Traceback (most recent call last):
"D:\XX-Net-3.11.1\code\default\launcher\start.py", line 244, in <module>
main()
"D:\XX-Net-3.11.1\code\default\launcher\start.py", line 221, in main
module_init.start_all_auto()
"D:\XX-Net-3.11.1\code\default\launcher\module_init.py", line 113, in start_all_auto
start(module)
"D:\XX-Net-3.11.1\code\default\launcher\module_init.py", line 40, in start
proc_handler[module]["imp"] = __import__(module, globals(), locals(), ['local', 'start'], -1)
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\__init__.py", line 2, in <module>
import apis
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\apis.py", line 2, in <module>
from front import front, direct_front
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\front.py", line 7, in <module>
import check_local_network
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\check_local_network.py", line 28, in <module>
from config import config
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\config.py", line 184, in <module>
config = Config(config_path)
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\config.py", line 142, in __init__
self.load()
"D:\XX-Net-3.11.1\code\default\gae_proxy\local\config.py", line 145, in load
super(Config, self).load()
"D:\XX-Net-3.11.1\code\default\python27\1.0\lib\noarch\front_base\config.py", line 83, in load
super(ConfigBase, self).load()
"D:\XX-Net-3.11.1\code\default\python27\1.0\lib\noarch\xconfig.py", line 22, in load
self.file_config = json.loads(content)
"D:\XX-Net-3.11.1\code\default\python27\1.0\lib\json\__init__.py", line 339, in loads
return _default_decoder.decode(s)
"D:\XX-Net-3.11.1\code\default\python27\1.0\lib\json\decoder.py", line 364, in decode
obj, end = self.raw_decode(s, idx=_w(s, 0).end())
"D:\XX-Net-3.11.1\code\default\python27\1.0\lib\json\decoder.py", line 380, in raw_decode
obj, end = self.scan_once(s, idx)
ValueError: Expecting , delimiter: line 3 column 3 (char 29)
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"G:\Anaconda3\lib\site-packages\spyder\utils\site\sitecustomize.py", line 866, in runfile
execfile(filename, namespace)
"G:\Anaconda3\lib\site-packages\spyder\utils\site\sitecustomize.py", line 102, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)
"G:/Anaconda3/ex1.py", line 56, in <module>
print(daysBetweenDates(2012,1,1,2012,2,22))
"G:/Anaconda3/ex1.py", line 51, in daysBetweenDates
year1, month1, day1 = nextDay(year1, month1, day1)
ValueError: too many values to unpack (expected 3)` | 0.612542 |
Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| Traceback (most recent call last):
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/cmd/build.py", line 280, in build_main
app.build(args.force_all, filenames)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/application.py", line 348, in build
self.builder.build_update()
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/builders/__init__.py", line 299, in build_update
len(to_build))
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/builders/__init__.py", line 311, in build
updated_docnames = set(self.read())
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/builders/__init__.py", line 418, in read
self._read_serial(docnames)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/builders/__init__.py", line 439, in _read_serial
self.read_doc(docname)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/builders/__init__.py", line 479, in read_doc
doctree = read_doc(self.app, self.env, self.env.doc2path(docname))
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/io.py", line 221, in read_doc
pub.publish()
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/docutils/core.py", line 219, in publish
self.apply_transforms()
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/docutils/core.py", line 200, in apply_transforms
self.document.transformer.apply_transforms()
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/transforms/__init__.py", line 86, in apply_transforms
super().apply_transforms()
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/docutils/transforms/__init__.py", line 171, in apply_transforms
transform.apply(**kwargs)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/transforms/__init__.py", line 376, in apply
self.app.emit('doctree-read', self.document)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/application.py", line 445, in emit
return self.events.emit(event, *args)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/events.py", line 107, in emit
results.append(listener.handler(self.app, *args))
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/site-packages/sphinx/ext/linkcode.py", line 60, in doctree_read
uri = resolve_target(domain, info)
"/home/davidh/repos/git/vispy/_website/conf.py", line 401, in linkcode_resolve
source, lineno = inspect.getsourcelines(obj)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/inspect.py", line 955, in getsourcelines
lines, lnum = findsource(object)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/inspect.py", line 768, in findsource
file = getsourcefile(object)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/inspect.py", line 684, in getsourcefile
filename = getfile(object)
"/home/davidh/miniconda3/envs/vispy_pyqt5_py37/lib/python3.7/inspect.py", line 666, in getfile
type(object).__name__))
TypeError: module, class, method, function, traceback, frame, or code object was expected, got updating_property
| 0.638577 |
```Traceback (most recent call last):
"youtube-dl-gui", line 35, in <module>
"youtube_dl_gui\__init__.pyc", line 56, in <module>
"youtube_dl_gui\utils.pyc", line 189, in get_config_path
"ntpath.pyc", line 65, in join
"ntpath.pyc", line 115, in splitdrive
TypeError: object of type 'NoneType' has no len()```
| Traceback (most recent call last):
"/home/travis/build/Azure/azure-cli/src/azure-cli-core/azure/cli/core/telemetry_upload.py", line 68, in <module>
upload(sys.argv[1])
"/home/travis/build/Azure/azure-cli/src/azure-cli-core/azure/cli/core/decorators.py", line 86, in _wrapped_func
raise ex
TypeError: can't multiply sequence by non-int of type 'str'
| 0.593209 |
Traceback (most recent call last):
"C:/Users/mozesa/PycharmProjects/V316-Production-Line/mvc_v316_prod_line/ehh.py", line 40, in <module>
test = Test("StrinG", "ByteS")
"<attrs generated init __main__.Test>", line 3, in __init__
TypeError: string argument without an encoding
| Traceback (most recent call last):
"pandalearning.py", line 177, in <module>
"pandalearning.py", line 49, in show_score
"pdlearn/score.py", line 14, in get_score
"pdlearn/score.py", line 14, in <listcomp>
TypeError: string indices must be integers
| 0.580778 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1817, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1477, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1381, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1475, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1461, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/lib/python2.7/dist-packages/docker_registry/toolkit.py", line 306, in wrapper
return f(namespace=namespace, repository=repository, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/docker_registry/toolkit.py", line 280, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/docker_registry/tags.py", line 262, in delete_repository
namespace=namespace, repository=repository, tag=tag_name)
"/usr/local/lib/python2.7/dist-packages/docker_registry/tags.py", line 214, in delete_tag
image = store.get_content(path=tag_path)
TypeError: wrapper() got an unexpected keyword argument 'path' | `Traceback (most recent call last):
"/usr/local/bin/yowsup-cli", line 4, in <module>
__import__('pkg_resources').run_script('yowsup2==2.5.2', 'yowsup-cli')
"/home/myke/.local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 748, in run_script
self.require(requires)[0].run_script(script_name, ns)
"/home/myke/.local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 1517, in run_script
exec(code, namespace, namespace)
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.5.2-py2.7.egg/EGG-INFO/scripts/yowsup-cli", line 6, in <module>
from yowsup.env import YowsupEnv
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.5.2-py2.7.egg/yowsup/env/__init__.py", line 1, in <module>
from .env import YowsupEnv
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.5.2-py2.7.egg/yowsup/env/env.py", line 15, in <module>
class YowsupEnv(with_metaclass(YowsupEnvType, object)):
"/usr/lib/python2.7/abc.py", line 87, in __new__
cls = super(ABCMeta, mcls).__new__(mcls, name, bases, namespace)
TypeError: Error when calling the metaclass bases
| 0.58432 |
Traceback (most recent call last):
"C:\Users\SuperMarioSF\PycharmProjects\ursina-test\main.py", line 6, in <module>
from ursina.window import Window
ImportError: cannot import name 'Window' from '<unknown module name>' (unknown location)
| Traceback (most recent call last):
"<string>", line 1, in <module>
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/youcompleteme.py", line 498, in OnVimLeave
self._ShutdownServer()
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/youcompleteme.py", line 283, in _ShutdownServer
SendShutdownRequest()
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/shutdown_request.py", line 45, in SendShutdownRequest
request.Start()
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/shutdown_request.py", line 39, in Start
display_message = False )
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/base_request.py", line 127, in PostDataToHandler
BaseRequest.PostDataToHandlerAsync( data, handler, timeout ),
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/base_request.py", line 137, in PostDataToHandlerAsync
return BaseRequest._TalkToHandlerAsync( data, handler, 'POST', timeout )
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/base_request.py", line 152, in _TalkToHandlerAsync
return BaseRequest.Session().post(
"/Users/joshua/.vim/bundle/YouCompleteMe/python/ycm/client/base_request.py", line 196, in Session
from requests_futures.sessions import FuturesSession
ImportError: cannot import name 'FuturesSession' from 'requests_futures.sessions' (/Users/joshua/.vim/bundle/YouCompleteMe/third_party/requests-futures/requests_futures/sessions.py)
| 0.579063 |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.