Git Product home page Git Product logo

tutorials's Introduction

Tutorials

This repository contains the code for all my articles and videos.

Name Article Video Code
Generating text using a Recurrent Neural Network Link - Link
Building a book Recommendation System using Keras Link Link Link
Introduction to Web Scraping with BeautifulSoup - - Link
Scraping Reddit data Link - Link
Introduction to Deep Learning with Keras Link - Link
Introduction to Data Visualization in Python Link - Link
Live Object Detection with the Tensorflow Object Detection API - - Link
FastAI Image Classification - - Link
FastAI Multi-label image classification - - Link
Introduction to Uber’s Ludwig - - Link
Productionizing your Machine Learning model - - Link
Creating a discord sentiment analysis bot using VADER - - Link
FastAI Image Segmentation - - Link
Collaborative filtering with FastAI - - Link
FastAI Sentiment Analysis - - Link
Uber Ludwig Applications - - Link
Introduction to Ensemble Learning - - Link
Introduction to Machine Learning in C# with ML.NET Link - Link
Turn your data science scripts into websites with Streamlit Link - Link
Deploying your Streamlit dashboard with Heroku Link - Link

Author

Gilbert Tanner

Support me

Buy Me A Coffee

License

This project is licensed under the MIT License - see the LICENSE.md file for details

tutorials's People

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

tutorials's Issues

Multiple errors - numpy, after a successful installing Ludwig

Can anyone help?

root@DESKTOP-IV7IIN5:~# ludwig train --model_definition_file model_definition.yaml --data_csv Tweets.csv
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:516: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:517: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:518: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:519: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:520: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/dtypes.py:525: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:541: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint8 = np.dtype([("qint8", np.int8, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:542: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint8 = np.dtype([("quint8", np.uint8, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:543: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint16 = np.dtype([("qint16", np.int16, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:544: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_quint16 = np.dtype([("quint16", np.uint16, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:545: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
_np_qint32 = np.dtype([("qint32", np.int32, 1)])
/usr/local/lib/python3.6/dist-packages/tensorboard/compat/tensorflow_stub/dtypes.py:550: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
np_resource = np.dtype([("resource", np.ubyte, 1)])
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:

Traceback (most recent call last):
File "/usr/local/bin/ludwig", line 11, in
load_entry_point('ludwig==0.2.1', 'console_scripts', 'ludwig')()
File "/usr/local/lib/python3.6/dist-packages/ludwig/cli.py", line 108, in main
CLI()
File "/usr/local/lib/python3.6/dist-packages/ludwig/cli.py", line 64, in init
getattr(self, args.command)()
File "/usr/local/lib/python3.6/dist-packages/ludwig/cli.py", line 72, in train
from ludwig import train
File "/usr/local/lib/python3.6/dist-packages/ludwig/train.py", line 30, in
from ludwig.data.preprocessing import preprocess_for_training
File "/usr/local/lib/python3.6/dist-packages/ludwig/data/preprocessing.py", line 30, in
from ludwig.features.feature_registries import base_type_registry
File "/usr/local/lib/python3.6/dist-packages/ludwig/features/feature_registries.py", line 42, in
from ludwig.features.audio_feature import AudioBaseFeature
File "/usr/local/lib/python3.6/dist-packages/ludwig/features/audio_feature.py", line 21, in
import soundfile
File "/usr/local/lib/python3.6/dist-packages/soundfile.py", line 142, in
raise OSError('sndfile library not found')
OSError: sndfile library not found

new user

I wonder how you would go about making a recommendation for a new user that is not in the database. Say the new user has read the books with number [2, 77, 2001, 5300, 5399] and given them the ratings [2, 4, 5, 3, 3].

Could not load DLL 'lib_lightgbm'

Hi,
I am reading your tutorial for the first time. I loaded it into the Visual Studio project. Project compiles, but gets an error on startup:

{"Could not load DLL 'lib_lightgbm': The specified module could not be found. (Exception from HRESULT: 0x8007007E)"}

in private static void Evaluate(MLContext mlContext, IDataView trainingDataView, IEstimator trainingPipeline) method.

Can you help somehow?

Visual Studio 2019 Community, x64

run_inference_for_single_image

please check your the function run_inference_for_single_image in object_detection_with_own_model.ipynb. some required arguments need to be passing in.

could you paste all code?

I want to have a try.But i found that this code could not run correct.Is there any code have gone?Thanks.

python: can't open file 'generate_tfrecord.py': [Errno 2] No such file or directory

sir, i tried to do like this but not in the same folder as in research/object_detection instead i create new folder in desktop and save all the images, train and test images, the xml files in to that folder. i hve already done the train and test.csv with no error but when i try to run code python generate_tfrecord.py ---> python generate_tfrecord.py --csv_input=data/test_labels.csv --output_path=data/test.record --image_dir=test_labels" with "--image_dir=test_labels"
and it shows the error:
python: can't open file 'generate_tfrecord.py': [Errno 2] No such file or directory.
Annotation 2020-05-13 0951e337

which cmd directory should i run the code ?
is it from models/research/object_detection (download from github repo) ?
Annotation 2020-05-13 0951337
OR
(venv) C:\Users\HP 14\Desktop\IDENTIMEtf\object_detection\data (my own folder in desktop) ?
Annotation 2020-05-13 095137
2. should i move all the images (my own folder) from current dekstop folder to models/research/object_detection (from github repo) ?

InvalidArgumentError: indices[15,0] = 10000 is not in [0, 10000)

When I run predictions = model.predict([user, book_data]) these lines of errors shows up.

InvalidArgumentError                      Traceback (most recent call last)
<ipython-input-39-5ab1f94396a9> in <module>
      4 user = np.array([1 for i in range(len(book_data))])
      5 
----> 6 predictions = model.predict([user, book_data])
      7 predictions = np.array([a[0] for a in predictions])
      8 

~/anaconda3/lib/python3.7/site-packages/keras/engine/training.py in predict(self, x, batch_size, verbose, steps, callbacks, max_queue_size, workers, use_multiprocessing)
   1460                                             verbose=verbose,
   1461                                             steps=steps,
-> 1462                                             callbacks=callbacks)
   1463 
   1464     def train_on_batch(self, x, y,

~/anaconda3/lib/python3.7/site-packages/keras/engine/training_arrays.py in predict_loop(model, f, ins, batch_size, verbose, steps, callbacks)
    322             batch_logs = {'batch': batch_index, 'size': len(batch_ids)}
    323             callbacks._call_batch_hook('predict', 'begin', batch_index, batch_logs)
--> 324             batch_outs = f(ins_batch)
    325             batch_outs = to_list(batch_outs)
    326             if batch_index == 0:

~/anaconda3/lib/python3.7/site-packages/tensorflow/python/keras/backend.py in __call__(self, inputs)
   3074 
   3075     fetched = self._callable_fn(*array_vals,
-> 3076                                 run_metadata=self.run_metadata)
   3077     self._call_fetch_callbacks(fetched[-len(self._fetches):])
   3078     return nest.pack_sequence_as(self._outputs_structure,

~/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py in __call__(self, *args, **kwargs)
   1437           ret = tf_session.TF_SessionRunCallable(
   1438               self._session._session, self._handle, args, status,
-> 1439               run_metadata_ptr)
   1440         if run_metadata:
   1441           proto_data = tf_session.TF_GetBuffer(run_metadata_ptr)

~/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/errors_impl.py in __exit__(self, type_arg, value_arg, traceback_arg)
    526             None, None,
    527             compat.as_text(c_api.TF_Message(self.status.status)),
--> 528             c_api.TF_GetCode(self.status.status))
    529     # Delete the underlying status object from memory otherwise it stays alive
    530     # as there is a reference to status from this from the traceback due to

InvalidArgumentError: indices[15,0] = 10000 is not in [0, 10000)
	 [[{{node Book-Embedding_7/embedding_lookup}}]]

Questions about Image segmentation on CamVid dataset

it's kind of issue (problem) but not error in the tutorial:
I get error when trying to run the trainer: RuntimeError: CUDA out of memory. Tried to allocate 20.00 MiB (GPU 0; 1.96 GiB total capacity;...)
nvidia-smi reports 1971MiB usage for the python3 process.
trying to investigate this, i thought that the program uploads the entire training data-set together with the U-NET layers in the GPU .
My questions are is this the case and if so, is it possible to change the code to keep the training data out of the VRAM and create kind of a double-buffer in VRAM to upload the next few images while the first few are used to train to keep the GPU utilized but allow all this to run with 2 GB VRAM ?
(many thanks for your tutorials)
Update: it could run if i skip data.show_batch(2, figsize=(10, 7)) call then change bs = 1 # was 2
it ran until unfreeze operation, then it fails on second lr_find()

Ludwig, TypeError: tuple indices must be integers or slices, not str

Describe the bug
Hi @TannerGilbert , I did everything like it was shown in the video:

https://youtu.be/tjSV6pzJsGg

But as soon as run the python website_example.py
I got this error,
Error logs > TypeError: tuple indices must be integers or slices, not str
See the image
image

Sequence index is not an int, slice, or instance with index

I tried to give attribute indexes, it didn't work it just print > results instead of {positive, negative, neutral}

See the image

image

Thank you very much, and please let me know if you have encountered this problem?

Desktop (please complete the following information):

  • OS: Windows 10
  • Browser chrome

The link to the model zoo is dead

In the object detection tutorial the link to the model zoo is dead

When clicking on the link "See the detection model zoo for a list of other models...", the link points to a 404 page.

To Reproduce

  1. visit the tutorial on object detection
  2. click on the link with the model zoo;
  3. see that it raises a 404.

Expected behavior
It should point to the detection model zoo, likely this link

Desktop:

  • OS: Ubuntu
  • Browser Firefox
  • Version n/a

Tensorflow object detection API vs Keras?

I used Tensorflow object detection API for custom object detection. I am a little confused, already we have TensorFlow object detection API then why we need to use Keras with TensorFlow for object detection.

Please clarify my doubt with a simple example and use case.

Thanks!!

Custom Object Detection

How can we use Tensorflow API for custom object detection. is it possible to train it for specific Object.

Weird results for new user added in dataset

I followed the instructions you gave me in the comments of your youtube video. I added a user to the dataset which had rated all harry potter books 5/5 except one which it had not read. I also added two books which were not harrry potter:

book_id,user_id,rating
1,53425,5
2,53425,5
3,53425,5
4,53425,5
5,53425,5
7,53425,5
18,53425,4
6452,53425,1

I then wanted to predict books for that user:

book_data = np.array(list(set(dataset.book_id)))
user = np.array([53425 for i in range(len(book_data))])

predictions = model.predict([user, book_data])
predictions = np.array([a[0] for a in predictions])
recommended_book_ids = (-predictions).argsort()[:5]

But the results I got were really weird, old classic adult books, not what you would expect a harry potter fan would read:

book ids [8998 5211 7946 7638 8258] ratings [7.0092783 6.4746065 6.458946 6.410705 6.3592973]

Issue with: Creating your own object detector with the Tensorflow Object Detection API

Thanks for your tutorials - super helpful. I'm getting an error message when running this code:

python model_main.py --logtostderr --model_dir=training/ --pipeline_config_path=training/faster_rcnn_inception_v2_pets.config

I only have 2 classes ("new" & "old"). I believe the main error is due to this:

TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.

Do you know why I'm getting this error message?

Full Error message:

(tfnew) C:\Users\rob26\Desktop\Model\models\research\object_detection>python model_main.py --logtostderr --model_dir=training/ --pipeline_config_path=training/faster_rcnn_inception_v2_pets.config
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:526: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  _np_qint8 = np.dtype([("qint8", np.int8, 1)])
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:527: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  _np_quint8 = np.dtype([("quint8", np.uint8, 1)])
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:528: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  _np_qint16 = np.dtype([("qint16", np.int16, 1)])
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:529: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  _np_quint16 = np.dtype([("quint16", np.uint16, 1)])
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:530: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  _np_qint32 = np.dtype([("qint32", np.int32, 1)])
C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\dtypes.py:535: FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.
  np_resource = np.dtype([("resource", np.ubyte, 1)])

WARNING: The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:
  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  * https://github.com/tensorflow/addons
If you depend on functionality not listed there, please file an issue.

WARNING:tensorflow:Forced number of epochs for all eval validations to be 1.
WARNING:tensorflow:Expected number of evaluation epochs is 1, but instead encountered `eval_on_train_input_config.num_epochs` = 0. Overwriting `num_epochs` to 1.
WARNING:tensorflow:Estimator's model_fn (<function create_model_fn.<locals>.model_fn at 0x0000018B2670D288>) includes params argument, but params are not passed to Estimator.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Colocations handled automatically by placer.
WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\builders\dataset_builder.py:80: parallel_interleave (from tensorflow.contrib.data.python.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.experimental.parallel_interleave(...)`.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\anchor_generators\grid_anchor_generator.py:59: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\utils\ops.py:466: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\builders\dataset_builder.py:148: batch_and_drop_remainder (from tensorflow.contrib.data.python.ops.batching) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.Dataset.batch(..., drop_remainder=True)`.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\contrib\layers\python\layers\layers.py:1624: flatten (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.flatten instead.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\meta_architectures\faster_rcnn_meta_arch.py:2236: get_or_create_global_step (from tensorflow.contrib.framework.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.get_or_create_global_step
WARNING:root:Variable [SecondStageBoxPredictor/BoxEncodingPredictor/biases] is available in checkpoint, but has an incompatible shape with model variable. Checkpoint shape: [[360]], model variable shape: [[8]]. This variable will not be initialized from the checkpoint.
WARNING:root:Variable [SecondStageBoxPredictor/BoxEncodingPredictor/weights] is available in checkpoint, but has an incompatible shape with model variable. Checkpoint shape: [[1024, 360]], model variable shape: [[1024, 8]]. This variable will not be initialized from the checkpoint.
WARNING:root:Variable [SecondStageBoxPredictor/ClassPredictor/biases] is available in checkpoint, but has an incompatible shape with model variable. Checkpoint shape: [[91]], model variable shape: [[3]]. This variable will not be initialized from the checkpoint.
WARNING:root:Variable [SecondStageBoxPredictor/ClassPredictor/weights] is available in checkpoint, but has an incompatible shape with model variable. Checkpoint shape: [[1024, 91]], model variable shape: [[1024, 3]]. This variable will not be initialized from the checkpoint.
WARNING:root:Variable [global_step] is not available in checkpoint
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\core\losses.py:345: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version.
Instructions for updating:

Future major versions of TensorFlow will allow gradients to flow
into the labels input on backprop by default.

See `tf.nn.softmax_cross_entropy_with_logits_v2`.

WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\core\losses.py:345: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version.
Instructions for updating:

Future major versions of TensorFlow will allow gradients to flow
into the labels input on backprop by default.

See `tf.nn.softmax_cross_entropy_with_logits_v2`.

C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\gradients_impl.py:110: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory.
  "Converting sparse IndexedSlices to a dense Tensor of unknown shape. "
2020-03-07 22:31:42.067316: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX AVX2
2020-03-07 22:31:42.191682: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1433] Found device 0 with properties:
name: GeForce GTX 1660 major: 7 minor: 5 memoryClockRate(GHz): 1.83
pciBusID: 0000:01:00.0
totalMemory: 6.00GiB freeMemory: 4.92GiB
2020-03-07 22:31:42.204120: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1512] Adding visible gpu devices: 0
2020-03-07 22:31:42.667391: I tensorflow/core/common_runtime/gpu/gpu_device.cc:984] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-03-07 22:31:42.672707: I tensorflow/core/common_runtime/gpu/gpu_device.cc:990]      0
2020-03-07 22:31:42.677787: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 0:   N
2020-03-07 22:31:42.681668: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 4638 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1660, pci bus id: 0000:01:00.0, compute capability: 7.5)
2020-03-07 22:32:14.023267: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:32:14.206882: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:32:14.237861: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:32:16.611378: I tensorflow/stream_executor/dso_loader.cc:152] successfully opened CUDA library cublas64_90.dll locally
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\eval_util.py:750: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\eval_util.py:750: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\utils\visualization_utils.py:429: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
Instructions for updating:
tf.py_func is deprecated in TF V2. Instead, use
    tf.py_function, which takes a python function which manipulates tf eager
    tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
    an ndarray (just call tensor.numpy()) but having access to eager tensors
    means `tf.py_function`s can use accelerators such as GPUs as well as
    being differentiable using a gradient tape.

WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\utils\visualization_utils.py:429: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version.
Instructions for updating:
tf.py_func is deprecated in TF V2. Instead, use
    tf.py_function, which takes a python function which manipulates tf eager
    tensors instead of numpy arrays. It's easy to convert a tf eager tensor to
    an ndarray (just call tensor.numpy()) but having access to eager tensors
    means `tf.py_function`s can use accelerators such as GPUs as well as
    being differentiable using a gradient tape.

2020-03-07 22:42:28.100597: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1512] Adding visible gpu devices: 0
2020-03-07 22:42:28.104771: I tensorflow/core/common_runtime/gpu/gpu_device.cc:984] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-03-07 22:42:28.109302: I tensorflow/core/common_runtime/gpu/gpu_device.cc:990]      0
2020-03-07 22:42:28.112116: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1003] 0:   N
2020-03-07 22:42:28.115093: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 4638 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1660, pci bus id: 0000:01:00.0, compute capability: 7.5)
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\saver.py:1266: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
WARNING:tensorflow:From C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\saver.py:1266: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
2020-03-07 22:42:29.500837: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:42:29.513261: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node ResizeToRange/strided_slice_3. Error: Pack node (ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:42:29.646998: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:42:29.660283: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node ResizeToRange/strided_slice_3. Error: Pack node (ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:42:29.691745: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node Preprocessor/ResizeToRange/strided_slice_3. Error: Pack node (Preprocessor/ResizeToRange/stack_2) axis attribute is out of bounds: 0
2020-03-07 22:42:29.704384: W .\tensorflow/core/grappler/optimizers/graph_optimizer_stage.h:241] Failed to run optimizer ArithmeticOptimizer, stage RemoveStackStridedSliceSameAxis node ResizeToRange/strided_slice_3. Error: Pack node (ResizeToRange/stack_2) axis attribute is out of bounds: 0
creating index...
index created!
creating index...
index created!
2020-03-07 22:42:32.211629: W tensorflow/core/framework/op_kernel.cc:1389] Invalid argument: TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 117, in linspace
    num = operator.index(num)

TypeError: 'numpy.float64' object cannot be interpreted as an integer


During handling of the above exception, another exception occurred:


Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 207, in __call__
    ret = func(*args)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 358, in first_value_func
    self._metrics = self.evaluate()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 209, in evaluate
    coco_wrapped_groundtruth, coco_wrapped_detections, agnostic_mode=False)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_tools.py", line 170, in __init__
    iouType=iou_type)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 76, in __init__
    self.params = Params(iouType=iouType) # parameters

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 527, in __init__
    self.setDetParams()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 507, in setDetParams
    self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)

  File "<__array_function__ internals>", line 6, in linspace

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 121, in linspace
    .format(type(num)))

TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.


Traceback (most recent call last):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1334, in _do_call
    return fn(*args)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1319, in _run_fn
    options, feed_dict, fetch_list, target_list, run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1407, in _call_tf_sessionrun
    run_metadata)
tensorflow.python.framework.errors_impl.OutOfRangeError: End of sequence
         [[{{node IteratorGetNext}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\evaluation.py", line 274, in _evaluate_once
    session.run(eval_ops, feed_dict)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 676, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1171, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1270, in run
    raise six.reraise(*original_exc_info)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\six.py", line 703, in reraise
    raise value
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1255, in run
    return self._sess.run(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1327, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1091, in run
    return self._sess.run(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 929, in run
    run_metadata_ptr)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1152, in _run
    feed_dict_tensor, options, run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1328, in _do_run
    run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1348, in _do_call
    raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.OutOfRangeError: End of sequence
         [[node IteratorGetNext (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\util.py:110) ]]

Caused by op 'IteratorGetNext', defined at:
  File "model_main.py", line 109, in <module>
    tf.app.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run
    _sys.exit(main(argv))
  File "model_main.py", line 105, in main
    tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 471, in train_and_evaluate
    return executor.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 611, in run
    return self.run_local()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 712, in run_local
    saving_listeners=saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 358, in train
    loss = self._train_model(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1124, in _train_model
    return self._train_model_default(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1158, in _train_model_default
    saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1407, in _train_with_estimator_spec
    _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 676, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1171, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1255, in run
    return self._sess.run(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1335, in run
    run_metadata=run_metadata))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 582, in after_run
    if self._save(run_context.session, global_step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 607, in _save
    if l.after_save(session, step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 517, in after_save
    self._evaluate(global_step_value)  # updates self.eval_result
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 537, in _evaluate
    self._evaluator.evaluate_and_export())
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 913, in evaluate_and_export
    hooks=self._eval_spec.hooks)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 469, in evaluate
    name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 511, in _actual_eval
    return _evaluate()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 493, in _evaluate
    self._evaluate_build_graph(input_fn, hooks, checkpoint_path))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1424, in _evaluate_build_graph
    self._call_model_fn_eval(input_fn, self.config))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1457, in _call_model_fn_eval
    input_fn, model_fn_lib.ModeKeys.EVAL)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 992, in _get_features_and_labels_from_input_fn
    self._call_input_fn(input_fn, mode))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\util.py", line 110, in parse_input_fn_result
    result = iterator.get_next()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\data\ops\iterator_ops.py", line 414, in get_next
    output_shapes=self._structure._flat_shapes, name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\gen_dataset_ops.py", line 1685, in iterator_get_next
    output_shapes=output_shapes, name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 788, in _apply_op_helper
    op_def=op_def)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
    return func(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\ops.py", line 3300, in create_op
    op_def=op_def)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\ops.py", line 1801, in __init__
    self._traceback = tf_stack.extract_stack()

OutOfRangeError (see above for traceback): End of sequence
         [[node IteratorGetNext (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\util.py:110) ]]


During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1334, in _do_call
    return fn(*args)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1319, in _run_fn
    options, feed_dict, fetch_list, target_list, run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1407, in _call_tf_sessionrun
    run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 117, in linspace
    num = operator.index(num)

TypeError: 'numpy.float64' object cannot be interpreted as an integer


During handling of the above exception, another exception occurred:


Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 207, in __call__
    ret = func(*args)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 358, in first_value_func
    self._metrics = self.evaluate()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 209, in evaluate
    coco_wrapped_groundtruth, coco_wrapped_detections, agnostic_mode=False)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_tools.py", line 170, in __init__
    iouType=iou_type)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 76, in __init__
    self.params = Params(iouType=iouType) # parameters

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 527, in __init__
    self.setDetParams()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 507, in setDetParams
    self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)

  File "<__array_function__ internals>", line 6, in linspace

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 121, in linspace
    .format(type(num)))

TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.


         [[{{node PyFunc_3}}]]
         [[{{node cond_1/Detections_Left_Groundtruth_Right/1}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "model_main.py", line 109, in <module>
    tf.app.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run
    _sys.exit(main(argv))
  File "model_main.py", line 105, in main
    tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 471, in train_and_evaluate
    return executor.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 611, in run
    return self.run_local()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 712, in run_local
    saving_listeners=saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 358, in train
    loss = self._train_model(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1124, in _train_model
    return self._train_model_default(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1158, in _train_model_default
    saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1407, in _train_with_estimator_spec
    _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 676, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1171, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1270, in run
    raise six.reraise(*original_exc_info)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\six.py", line 703, in reraise
    raise value
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1255, in run
    return self._sess.run(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1335, in run
    run_metadata=run_metadata))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 582, in after_run
    if self._save(run_context.session, global_step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 607, in _save
    if l.after_save(session, step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 517, in after_save
    self._evaluate(global_step_value)  # updates self.eval_result
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 537, in _evaluate
    self._evaluator.evaluate_and_export())
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 913, in evaluate_and_export
    hooks=self._eval_spec.hooks)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 469, in evaluate
    name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 511, in _actual_eval
    return _evaluate()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 500, in _evaluate
    output_dir=self.eval_dir(name))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1537, in _evaluate_run
    config=self._session_config)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\evaluation.py", line 274, in _evaluate_once
    session.run(eval_ops, feed_dict)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 788, in __exit__
    self._close_internal(exception_type)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 821, in _close_internal
    h.end(self._coordinated_creator.tf_sess)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 942, in end
    self._final_ops, feed_dict=self._final_ops_feed_dict)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 929, in run
    run_metadata_ptr)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1152, in _run
    feed_dict_tensor, options, run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1328, in _do_run
    run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\client\session.py", line 1348, in _do_call
    raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InvalidArgumentError: TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 117, in linspace
    num = operator.index(num)

TypeError: 'numpy.float64' object cannot be interpreted as an integer


During handling of the above exception, another exception occurred:


Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 207, in __call__
    ret = func(*args)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 358, in first_value_func
    self._metrics = self.evaluate()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 209, in evaluate
    coco_wrapped_groundtruth, coco_wrapped_detections, agnostic_mode=False)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_tools.py", line 170, in __init__
    iouType=iou_type)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 76, in __init__
    self.params = Params(iouType=iouType) # parameters

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 527, in __init__
    self.setDetParams()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 507, in setDetParams
    self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)

  File "<__array_function__ internals>", line 6, in linspace

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 121, in linspace
    .format(type(num)))

TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.


         [[node PyFunc_3 (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py:368) ]]
         [[node cond_1/Detections_Left_Groundtruth_Right/1 (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\utils\visualization_utils.py:924) ]]

Caused by op 'PyFunc_3', defined at:
  File "model_main.py", line 109, in <module>
    tf.app.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run
    _sys.exit(main(argv))
  File "model_main.py", line 105, in main
    tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 471, in train_and_evaluate
    return executor.run()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 611, in run
    return self.run_local()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 712, in run_local
    saving_listeners=saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 358, in train
    loss = self._train_model(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1124, in _train_model
    return self._train_model_default(input_fn, hooks, saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1158, in _train_model_default
    saving_listeners)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1407, in _train_with_estimator_spec
    _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss])
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 676, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1171, in run
    run_metadata=run_metadata)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1255, in run
    return self._sess.run(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\monitored_session.py", line 1335, in run
    run_metadata=run_metadata))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 582, in after_run
    if self._save(run_context.session, global_step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\training\basic_session_run_hooks.py", line 607, in _save
    if l.after_save(session, step):
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 517, in after_save
    self._evaluate(global_step_value)  # updates self.eval_result
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 537, in _evaluate
    self._evaluator.evaluate_and_export())
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\training.py", line 913, in evaluate_and_export
    hooks=self._eval_spec.hooks)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 469, in evaluate
    name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 511, in _actual_eval
    return _evaluate()
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 493, in _evaluate
    self._evaluate_build_graph(input_fn, hooks, checkpoint_path))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1424, in _evaluate_build_graph
    self._call_model_fn_eval(input_fn, self.config))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1460, in _call_model_fn_eval
    features, labels, model_fn_lib.ModeKeys.EVAL, config)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow_estimator\python\estimator\estimator.py", line 1112, in _call_model_fn
    model_fn_results = self._model_fn(features=features, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\model_lib.py", line 439, in model_fn
    eval_config, list(category_index.values()), eval_dict)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\eval_util.py", line 881, in get_eval_metric_ops_for_evaluators
    eval_dict))
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 368, in get_estimator_eval_metric_ops
    first_value_op = tf.py_func(first_value_func, [], tf.float32)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\util\deprecation.py", line 324, in new_func
    return func(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 468, in py_func
    func=func, inp=inp, Tout=Tout, stateful=stateful, eager=False, name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 282, in _internal_py_func
    input=inp, token=token, Tout=Tout, name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\gen_script_ops.py", line 151, in py_func
    "PyFunc", input=input, token=token, Tout=Tout, name=name)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 788, in _apply_op_helper
    op_def=op_def)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
    return func(*args, **kwargs)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\ops.py", line 3300, in create_op
    op_def=op_def)
  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\framework\ops.py", line 1801, in __init__
    self._traceback = tf_stack.extract_stack()

InvalidArgumentError (see above for traceback): TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 117, in linspace
    num = operator.index(num)

TypeError: 'numpy.float64' object cannot be interpreted as an integer


During handling of the above exception, another exception occurred:


Traceback (most recent call last):

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\tensorflow\python\ops\script_ops.py", line 207, in __call__
    ret = func(*args)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 358, in first_value_func
    self._metrics = self.evaluate()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py", line 209, in evaluate
    coco_wrapped_groundtruth, coco_wrapped_detections, agnostic_mode=False)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_tools.py", line 170, in __init__
    iouType=iou_type)

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 76, in __init__
    self.params = Params(iouType=iouType) # parameters

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 527, in __init__
    self.setDetParams()

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\pycocotools\cocoeval.py", line 507, in setDetParams
    self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)

  File "<__array_function__ internals>", line 6, in linspace

  File "C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\numpy\core\function_base.py", line 121, in linspace
    .format(type(num)))

TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.


         [[node PyFunc_3 (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\metrics\coco_evaluation.py:368) ]]
         [[node cond_1/Detections_Left_Groundtruth_Right/1 (defined at C:\Users\rob26\AppData\Local\Continuum\anaconda3\envs\tfnew\lib\site-packages\object_detection-0.1-py3.7.egg\object_detection\utils\visualization_utils.py:924) ]]

Installed packages:
_r-mutex 1.0.0 anacondar_1
_tflow_select 2.1.0 gpu
absl-py 0.9.0 py37_0
astor 0.8.0 py37_0
attrs 19.3.0 py_0
backcall 0.1.0 py37_0
blas 1.0 mkl
bleach 3.1.0 py37_0
ca-certificates 2020.1.1 0
certifi 2019.11.28 py37_0
colorama 0.4.3 py_0
contextlib2 0.6.0.post1 py_0
cudatoolkit 9.0 1
cudnn 7.6.5 cuda9.0_0
cycler 0.10.0 py37_0
cython 0.29.15 py37ha925a31_0
decorator 4.4.1 py_0
defusedxml 0.6.0 py_0
entrypoints 0.3 py37_0
freetype 2.9.1 ha9979f8_1
gast 0.3.3 py_0
grpcio 1.27.2 py37h351948d_0
h5py 2.10.0 py37h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha66f8fd_1
importlib_metadata 1.5.0 py37_0
intel-openmp 2020.0 166
ipykernel 5.1.4 py37h39e3cac_0
ipython 7.12.0 py37h5ca1d4c_0
ipython_genutils 0.2.0 py37_0
ipywidgets 7.5.1 py_0
jedi 0.16.0 py37_0
jinja2 2.11.1 py_0
jpeg 9b hb83a4c4_2
jsonschema 3.2.0 py37_0
jupyter 1.0.0 py37_7
jupyter_client 5.3.4 py37_0
jupyter_console 6.1.0 py_0
jupyter_core 4.6.1 py37_0
keras-applications 1.0.8 py_0
keras-preprocessing 1.1.0 py_1
kiwisolver 1.1.0 py37ha925a31_0
libiconv 1.15 h1df5818_7
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.11.4 h7bd577a_0
libsodium 1.0.16 h9d3ae62_0
libtiff 4.1.0 h56a325e_0
libxml2 2.9.9 h464c3ec_0
libxslt 1.1.33 h579f668_0
lxml 4.5.0 py37h1350720_0
m2w64-bwidget 1.9.10 2
m2w64-bzip2 1.0.6 6
m2w64-expat 2.1.1 2
m2w64-fftw 3.3.4 6
m2w64-flac 1.3.1 3
m2w64-gcc-libgfortran 5.3.0 6
m2w64-gcc-libs 5.3.0 7
m2w64-gcc-libs-core 5.3.0 7
m2w64-gettext 0.19.7 2
m2w64-gmp 6.1.0 2
m2w64-gsl 2.1 2
m2w64-libiconv 1.14 6
m2w64-libjpeg-turbo 1.4.2 3
m2w64-libogg 1.3.2 3
m2w64-libpng 1.6.21 2
m2w64-libsndfile 1.0.26 2
m2w64-libtiff 4.0.6 2
m2w64-libvorbis 1.3.5 2
m2w64-libwinpthread-git 5.0.0.4634.697f757 2
m2w64-libxml2 2.9.3 4
m2w64-mpfr 3.1.4 4
m2w64-openblas 0.2.19 1
m2w64-pcre 8.38 2
m2w64-speex 1.2rc2 3
m2w64-speexdsp 1.2rc3 3
m2w64-tcl 8.6.5 3
m2w64-tk 8.6.5 3
m2w64-tktable 2.10 5
m2w64-wineditline 2.101 5
m2w64-xz 5.2.2 2
m2w64-zlib 1.2.8 10
markdown 3.1.1 py37_0
markupsafe 1.1.1 py37he774522_0
matplotlib 3.1.3 py37_0
matplotlib-base 3.1.3 py37h64f37c6_0
mistune 0.8.4 py37he774522_0
mkl 2020.0 166
mkl-service 2.3.0 py37hb782905_0
mkl_fft 1.0.15 py37h14836fe_0
mkl_random 1.1.0 py37h675688f_0
mock 4.0.1 py_0
msys2-conda-epoch 20160418 1
nbconvert 5.6.1 py37_0
nbformat 5.0.4 py_0
notebook 6.0.3 py37_0
numpy 1.18.1 py37h93ca92e_0
numpy-base 1.18.1 py37hc3f5095_1
object-detection 0.1 pypi_0 pypi
olefile 0.46 py37_0
openssl 1.1.1d he774522_4
pandas 1.0.1 py37h47e9c7a_0
pandoc 2.2.3.2 0
pandocfilters 1.4.2 py37_1
parso 0.6.1 py_0
pickleshare 0.7.5 py37_0
pillow 7.0.0 py37hcc1f983_0
pip 20.0.2 py37_1
prometheus_client 0.7.1 py_0
prompt_toolkit 3.0.3 py_0
protobuf 3.11.4 py37h33f27b4_0
pycocotools 2.0 pypi_0 pypi
pygments 2.5.2 py_0
pyparsing 2.4.6 py_0
pyqt 5.9.2 py37h6538335_2
pyreadline 2.1 py37_1
pyrsistent 0.15.7 py37he774522_0
python 3.7.6 h60c2a47_2
python-dateutil 2.8.1 py_0
pytz 2019.3 py_0
pywin32 227 py37he774522_1
pywinpty 0.5.7 py37_0
pyzmq 18.1.1 py37ha925a31_0
qt 5.9.7 vc14h73c81de_0
qtconsole 4.6.0 py37_1
r-base 3.6.1 hf18239d_1
r-igraph 1.2.4.1 r36h6115d3f_0
r-lattice 0.20_38 r36h6115d3f_0
r-magrittr 1.5 r36h6115d3f_4
r-matrix 1.2_17 r36h6115d3f_0
r-nets 0.9 r36hda5aaf8_0
r-pkgconfig 2.0.2 r36h6115d3f_0
scipy 1.4.1 py37h9439919_0
send2trash 1.5.0 py37_0
setuptools 45.2.0 py37_0
sip 4.19.8 py37h6538335_0
six 1.14.0 py37_0
sqlite 3.31.1 he774522_0
tensorboard 1.13.1 py37h33f27b4_0
tensorflow 1.13.1 gpu_py37hbc1a9d5_0
tensorflow-base 1.13.1 gpu_py37h0fff12a_0
tensorflow-estimator 1.13.0 py_0
tensorflow-gpu 1.13.1 h0d30ee6_0
termcolor 1.1.0 py37_1
terminado 0.8.3 py37_0
testpath 0.4.4 py_0
tk 8.6.8 hfa6e2cd_0
tornado 6.0.3 py37he774522_3
traitlets 4.3.3 py37_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_1
wcwidth 0.1.8 py_0
webencodings 0.5.1 py37_1
werkzeug 1.0.0 py_0
wheel 0.34.2 py37_0
widgetsnbextension 3.5.1 py37_0
wincertstore 0.2 py37_0
winpty 0.4.3 4
xz 5.2.4 h2fa13f4_4
zeromq 4.3.1 h33f27b4_3
zipp 2.2.0 py_0
zlib 1.2.11 h62dcd97_3
zstd 1.3.7 h508b16e_0

Semantic segmentation own dataset

Hello I am trying to do training on my own dataset. I went through tutorial with no problem but Im having problem with my own dataset. I labeled my dataset using labelme in python then generated a pascal voc dataset. Its quite different from camvid dataset. could you help?

Unable to convert .pb to tflite format (Mobile support)

You got an excellent "Creating your own object detector" tutorial! :-)
But when trying to build tflite file from the saved_model.pb i get an error...

I saw the following the solution on stackoverflow:
https://stackoverflow.com/questions/57927688/tensorflow-conversion-from-frozen-pb-to-tflite
But running the following command:
tflite_convert --output_file=converted_model.tflite --graph_def_file=saved_model.pb --input_arrays=input --output_arrays=TFLite_Detection_PostProcess,TFLite_Detection_PostProcess:1,TFLite_Detection_PostProcess:2,TFLite_Detection_PostProcess:3 --input_shape=1,300,300,3 --allow_custom_ops

Error:
Traceback (most recent call last):
File "c:\users\carmo\appdata\local\programs\python\python36\lib\site-packages\tensorflow\lite\python\lite.py", line 608, in from_frozen_graph
graph_def.ParseFromString(file_content)
google.protobuf.message.DecodeError: Error parsing message

.
File "c:\users\carmo\appdata\local\programs\python\python36\lib\site-packages\tensorflow\lite\python\lite.py", line 615, in from_frozen_graph
file_content = file_content.decode("utf-8")
UnicodeDecodeError: 'utf-8' codec can't decode byte 0xfc in position 3: invalid start byte

map calculation

I have created object detection model using your video, Now I want to calculate map of model,
is their any command to calculate it.

Error in importing the ludwig module.

Describe the bug
There is a little syntax error, that's causing traceback. The bug is that LudwigModel not found in ludwig
And line no. 19 is causing ValueError: At least one between dataset and training_set must be not None
To Reproduce
Steps to reproduce the behavior:

  1. Run Tutorials\Uber Ludwig Introduction\python_exmple.py
  2. See error

Expected behavior
It should run seamlessly but there are some errors

Desktop (please complete the following information):

  • notebook: google colab

Additional context
Can I please rectify the errors?

Convert model into TensorRT model

Hi Gilbert,

Thank you so much for the great tutorials "Tensorflow Object Detection". Can you please provide a tutorial on how to convert a model (like the one you used on "Tensorflow Object Detection") to TensorRT?

Thank you in advance.

Cannot import name 'string_int_label_map_pb2'

Hello, When I try to run the main_train.py, I got this error :

from object_detection.protos import string_int_label_map_pb2
ImportError: cannot import name 'string_int_label_map_pb2'

Please how can I solve it????

Two personal questions about Recommendation System.ipynb

In the code user = np.array([1 for i in range(len(book_data))]) ,why is user range starting from 1 and user equal [1,1,1,1...1] ,why not start from the first user_id = 314 in the rating.csv,I personally not understand this, if you can answer me, I will be grateful.

Next, my second personal question is in the code predictions = np.array([a[0] for a in predictions]),what is the specific "a[0]" here? what is its role? and why use a[0]? Thank you again for your code and thank you if you can answer me.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.