<TypeError: loop of ufunc does not support argument 0 of type numpy.ndarray which has no callable rint method - numpy

I get the followin error when I tey tu run the file from terminal:
I am using python 3.7 and working on a windows 10 system.
The error apears while running a virtual environment where all the requirements have been installed.
Using TensorFlow backend.
AttributeError: 'numpy.ndarray' object has no attribute 'rint'
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "C:\Users\52331\PycharmProjects\Q-Learning-for-Trading\venv\lib\site-packages\numpy\core\fromnumeric.py", line 61, in _wrapfunc
return bound(*args, **kwds)
TypeError: loop of ufunc does not support argument 0 of type numpy.ndarray which has no callable rint method
During handling of the above exception, another exception occurred:
AttributeError: 'numpy.ndarray' object has no attribute 'rint'
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "run.py", line 29, in <module>
data = np.around(get_data())
File "<__array_function__ internals>", line 6, in around
File "C:\Users\52331\PycharmProjects\Q-Learning-for-Trading\venv\lib\site-packages\numpy\core\fromnumeric.py", line 3224, in around
return _wrapfunc(a, 'round', decimals=decimals, out=out)
File "C:\Users\52331\PycharmProjects\Q-Learning-for-Trading\venv\lib\site-packages\numpy\core\fromnumeric.py", line 70, in _wrapfunc
return _wrapit(obj, method, *args, **kwds)
File "C:\Users\52331\PycharmProjects\Q-Learning-for-Trading\venv\lib\site-packages\numpy\core\fromnumeric.py", line 47, in _wrapit
result = getattr(asarray(obj), method)(*args, **kwds)
TypeError: loop of ufunc does not support argument 0 of type numpy.ndarray which has no callable rint method

Related

Is there a way to fix AttributeError: module 'tensorflow._api.v2.io.gfile' has no attribute 'Open'

ERROR: test_create_center_net_model_mobilenet (main.ModelBuilderTF2Test)
ModelBuilderTF2Test.test_create_center_net_model_mobilenet
Test building a CenterNet model using bilinear interpolation.
Traceback (most recent call last):
File "Tensorflow\models\research\object_detection\builders\model_builder_tf2_test.py", line 499, in test_create_center_net_model_mobilenet
self.get_fake_label_map_file_path())
File "Tensorflow\models\research\object_detection\builders\model_builder_tf2_test.py", line 80, in get_fake_label_map_file_path
with tf.io.gfile.Open(keypoint_label_map_path, 'wb') as f:
AttributeError: module 'tensorflow._api.v2.io.gfile' has no attribute 'Open'

Tensorflow Object Detection API 2

I'm new to tf object detection api 2.
After training the model you can run an evaluation process to check the accuracy of the model.
But when I tried to run I got the below error. I'm using the backbone as an efficientDet.
I was able to run the evaluation for scaling resolution 512 but 640 is failing with the below error.
This is the python file I called and ended up with the below error.
enter code here /tensorflow/models/research/object_detection/model_main_tf2.py
`enter code here`enter code here`Call arguments received:
• inputs=tf.Tensor(shape=(1, 480, 640, 3), dtype=float32)
• kwargs={'training': 'False'}
exception.
INFO:tensorflow:A replica probably exhausted all examples. Skipping pending examples on other replicas.
I0719 06:49:27.115007 140042699994880 model_lib_v2.py:943] A replica probably exhausted all examples. Skipping pending e
xamples on other replicas.
Traceback (most recent call last):
File "/home/pictcompute/effient_net_ve/tensorflow/models/research/object_detection/model_main_tf2.py", line 115, in <m
odule>
tf.compat.v1.app.run()
File "/home/pictcompute/effient_net_ve/lib/python3.8/site-packages/tensorflow/python/platform/app.py", line 36, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/pictcompute/effient_net_ve/lib/python3.8/site-packages/absl/app.py", line 312, in run
_run_main(main, args)
File "/home/pictcompute/effient_net_ve/lib/python3.8/site-packages/absl/app.py", line 258, in _run_main
sys.exit(main(argv))
File "/home/pictcompute/effient_net_ve/tensorflow/models/research/object_detection/model_main_tf2.py", line 82, in mai
n
model_lib_v2.eval_continuously(
File "/home/pictcompute/effient_net_ve/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 1159, in ev
al_continuously
eager_eval_loop(
File "/home/pictcompute/effient_net_ve/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 1009, in ea
ger_eval_loop
for evaluator in evaluators:
TypeError: 'NoneType' object is not iterable
Highly appreciate your help.
Thanks
The error occurs when you try to iterate over a None value. For example
mylist = None
for x in mylist:
print(x)
TypeError Traceback (most recent call last)
<ipython-input-2-a63d8b17c4a7> in <module>
1 mylist = None
2
----> 3 for x in mylist:
4 print(x)
TypeError: 'NoneType' object is not iterable
The error can be avoided by checking if a value is None or not before iterating over it. Thank You.

TypeError: loop of ufunc does not support argument 0 of type decimal.Decimal which has no callable arccos method

I'm trying to convert the Pyspark data frame into a pandas data frame.
meanwhile calculating long, lat values and updating them into a data frame.
def cos_max_longitude(radian_longitude, radian_latitude):
return radian_longitude + np.arcsin(np.sin(r) / np.arccos(radian_latitude))
Error Stack :
Traceback (most recent call last):
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/worker.py", line 377, in main
process()
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/worker.py", line 372, in process
serializer.dump_stream(func(split_index, iterator), outfile)
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/serializers.py", line 345, in dump_stream
self.serializer.dump_stream(self._batched(iterator), stream)
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/serializers.py", line 141, in dump_stream
for obj in iterator:
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/serializers.py", line 334, in _batched
for item in iterator:
File "<string>", line 1, in <lambda>
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/worker.py", line 85, in <lambda>
return lambda *a: f(*a)
File "/usr/local/src/spark/python/lib/pyspark.zip/pyspark/util.py", line 99, in wrapper
return f(*args, **kwargs)
File "/home/ec2-user/test.py", line 1847, in cos_max_longitude
np.arcsin(np.sin(r) / np.arccos(radian_latitude))
TypeError: loop of ufunc does not support argument 0 of type decimal.Decimal which has no callable arccos method
Basically error is in np.arccos(radian_latitude)
My suggestion would be to check data type of radian_latitude also check data type of the value stored inside it
If its 'decimal.Decimal' then convert it to simple float datatype.
Refer below links :
https://docs.python.org/3/library/decimal.html
https://docs.scipy.org/doc/numpy/reference/ufuncs.html#optional-keyword-arguments
https://docs.scipy.org/doc/numpy/reference/generated/numpy.arccos.html

Numpy error in hmmlearn

I am using hmmlearn library to create HMM. While running the code it gave an error ttributeError: 'module' object has no attribute 'broadcast_to'.
I am running GMMHMM as
model1 = GMMHMM(n_components=4, n_mix=64, covariance_type='diag', n_iter=1000, min_covar=0.001, startprob_prior=1.0, transmat_prior=1.0, weights_prior=1.0, means_prior=0.0, means_weight=0.0, covars_prior=None, covars_weight=None, algorithm='viterbi', random_state=None, tol=0.01, verbose=False, params='stmcw', init_params='stmcw').fit(X)
and the error traceback is
Traceback (most recent call last):
File "<stdin>", line 1, in <module>
File "build/bdist.linux-i686/egg/hmmlearn/base.py", line 424, in fit
File "build/bdist.linux-i686/egg/hmmlearn/hmm.py", line 609, in _init
File "build/bdist.linux-i686/egg/hmmlearn/hmm.py", line 677, in
_fix_priors_shape
AttributeError: 'module' object has no attribute 'broadcast_to'
I figured out that it is because of numpy. How can we fix this
Make sure you have at least NumPy 1.10.0, because np.broadcast_to is not available for newer versions.

FeedparserDict object doesn't have 'content' attribute

I am trying to get familiar with the feedparser library, but I don't seem to be able to access the content attribute of entries in the feedparser object:
d = feedparser.parse('http://www.reddit.com/r/python/.rss')
post = d.entries[2]
post.content
the above code block gives me this error:
Traceback (most recent call last):
File "C:\Python34\lib\site-packages\feedparser.py", line 414, in __getattr__
return self.__getitem__(key)
File "C:\Python34\lib\site-packages\feedparser.py", line 375, in __getitem__
return dict.__getitem__(self, key)
KeyError: 'content'
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "<pyshell#87>", line 1, in <module>
content = post.content[0].value
File "C:\Python34\lib\site-packages\feedparser.py", line 416, in __getattr__
raise AttributeError("object has no attribute '%s'" % key)
AttributeError: object has no attribute 'content'
Just do a print(post) and you will probably see that it doesn't have a content attribute.
RSS feeds do not guarantee that it will have one.