C:\Users\Sameer\PycharmProjects\ML\venv\Scripts\python.exe G:/Python/MLLearning/MachineLearning/POC/train_model.py
C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\gensim\utils.py:1209: UserWarning: detected Windows; aliasing chunkize to chunkize_serial
warnings.warn("detected Windows; aliasing chunkize to chunkize_serial")
TensorFlow Version: 1.10.0
Prepare input parameters ...
Loading Pre-Trained Model Pickle.....
Loaded Pre-Trained Model Pickle, time taken 0.2763356701969623
counting Articles
counting Headlines
Total Stories : 5607
Size of Vocabulary: 47067
creating embedding index .....
Word embeddings: 23102
Number of words missing : 5787
Percent of words that are missing from vocabulary: 12.3%
Total number of unique words: 47067
Number of words we will use: 28893
Percent of words we will use: 61.39%
word_embedding_matrix length : 28893
Article Data
Total number of words : 1643175
Total number of UNKs : 21983
Percent of words that are UNK: 1.34%
Headline Data
Total number of words : 182202
Total number of UNKs : 574
Percent of words that are UNK: 0.32%
4538
4538
Build Graph parameters ...
Load input parameter ...
Create instance of seq2seq model parameter ...
Geting embedding for encoder input
Initializing encoder layers
WARNING:tensorflow:From C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\rnn.py:430: calling reverse_sequence (from tensorflow.python.ops.array_ops) with seq_dim is deprecated and will be removed in a future version.
Instructions for updating:
seq_dim is deprecated, use seq_axis instead
WARNING:tensorflow:From C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py:454: calling reverse_sequence (from tensorflow.python.ops.array_ops) with batch_dim is deprecated and will be removed in a future version.
Instructions for updating:
batch_dim is deprecated, use batch_axis instead
Adding 'GO' to start text
Getting embedding for encoder input
Getting decoding_layer logits ...
Graph is built.
The shortest text length: 4538
The shortest text length: 109
The longest text length: 235
batch_i ==== 0
2018-09-26 22:45:46.088959: W T:\src\github\tensorflow\tensorflow\core\framework\op_kernel.cc:1275] OP_REQUIRES failed at tensor_array_ops.cc:527 : Invalid argument: Tried to read from index 53 but array size is: 53
2018-09-26 22:45:54.368888: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory.
2018-09-26 22:45:58.424377: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory.
2018-09-26 22:46:15.758246: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory.
Traceback (most recent call last):
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1278, in _do_call
return fn(*args)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1263, in _run_fn
options, feed_dict, fetch_list, target_list, run_metadata)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1350, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: Tried to read from index 53 but array size is: 53
[[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 133, in
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 129, in main
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 62, in train_model
gen_headline_length: headlines_lengths,
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 877, in run
run_metadata_ptr)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1100, in _run
feed_dict_tensor, options, run_metadata)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1272, in _do_run
run_metadata)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1291, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InvalidArgumentError: Tried to read from index 53 but array size is: 53
[[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
Caused by op 'decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3', defined at:
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 133, in
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 111, in main
sorted_articles, sorted_headlines, vocab_to_int, word_embedding_matrix = vectorization.create_input_for_graph()
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 273, in build_graph
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 243, in seq2seq_model
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 189, in decoding_layer
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 88, in train_decoding_layer
maximum_iterations = max_headline_length)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\decoder.py", line 322, in dynamic_decode
swap_memory=swap_memory)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 3232, in while_loop
return_same_structure)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2952, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2887, in _BuildLoop
body_result = body(packed_vars_for_body)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 3201, in
body = lambda i, lv: (i + 1, orig_body(lv))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\decoder.py", line 265, in body
decoder_finished) = decoder.step(time, inputs, state)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\basic_decoder.py", line 146, in step
sample_ids=sample_ids)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 250, in next_inputs
lambda: nest.map_structure(read_from_ta, self._input_tas))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py", line 454, in new_func
return func(*args, kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2057, in cond
orig_res_f, res_f = context_f.BuildCondBranch(false_fn)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 1895, in BuildCondBranch
original_result = fn()
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 250, in
lambda: nest.map_structure(read_from_ta, self._input_tas))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\nest.py", line 377, in map_structure
structure[0], [func(x) for x in entries])
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\nest.py", line 377, in
structure[0], [func(x) for x in entries])
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 247, in read_from_ta
return inp.read(next_time)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, *args, *kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, args, kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, *args, *kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\tensor_array_ops.py", line 824, in read
return self._implementation.read(index, name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\tensor_array_ops.py", line 258, in read
name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\gen_data_flow_ops.py", line 7018, in tensor_array_read_v3
dtype=dtype, name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py", line 454, in new_func
return func(args, **kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\ops.py", line 3155, in create_op
op_def=op_def)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\ops.py", line 1717, in init
self._traceback = tf_stack.extract_stack()
InvalidArgumentError (see above for traceback): Tried to read from index 53 but array size is: 53
[[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
C:\Users\Sameer\PycharmProjects\ML\venv\Scripts\python.exe G:/Python/MLLearning/MachineLearning/POC/train_model.py C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\gensim\utils.py:1209: UserWarning: detected Windows; aliasing chunkize to chunkize_serial warnings.warn("detected Windows; aliasing chunkize to chunkize_serial") TensorFlow Version: 1.10.0 Prepare input parameters ... Loading Pre-Trained Model Pickle..... Loaded Pre-Trained Model Pickle, time taken 0.2763356701969623 counting Articles counting Headlines Total Stories : 5607 Size of Vocabulary: 47067 creating embedding index ..... Word embeddings: 23102 Number of words missing : 5787 Percent of words that are missing from vocabulary: 12.3% Total number of unique words: 47067 Number of words we will use: 28893 Percent of words we will use: 61.39% word_embedding_matrix length : 28893 Article Data Total number of words : 1643175 Total number of UNKs : 21983 Percent of words that are UNK: 1.34% Headline Data Total number of words : 182202 Total number of UNKs : 574 Percent of words that are UNK: 0.32% 4538 4538 Build Graph parameters ... Load input parameter ... Create instance of seq2seq model parameter ... Geting embedding for encoder input Initializing encoder layers WARNING:tensorflow:From C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\rnn.py:430: calling reverse_sequence (from tensorflow.python.ops.array_ops) with seq_dim is deprecated and will be removed in a future version. Instructions for updating: seq_dim is deprecated, use seq_axis instead WARNING:tensorflow:From C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py:454: calling reverse_sequence (from tensorflow.python.ops.array_ops) with batch_dim is deprecated and will be removed in a future version. Instructions for updating: batch_dim is deprecated, use batch_axis instead Adding 'GO' to start text Getting embedding for encoder input Getting decoding_layer logits ... Graph is built. The shortest text length: 4538 The shortest text length: 109 The longest text length: 235 batch_i ==== 0 2018-09-26 22:45:46.088959: W T:\src\github\tensorflow\tensorflow\core\framework\op_kernel.cc:1275] OP_REQUIRES failed at tensor_array_ops.cc:527 : Invalid argument: Tried to read from index 53 but array size is: 53 2018-09-26 22:45:54.368888: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory. 2018-09-26 22:45:58.424377: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory. 2018-09-26 22:46:15.758246: W T:\src\github\tensorflow\tensorflow\core\framework\allocator.cc:108] Allocation of 392033792 exceeds 10% of system memory. Traceback (most recent call last): File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1278, in _do_call return fn(*args) File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1263, in _run_fn options, feed_dict, fetch_list, target_list, run_metadata) File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1350, in _call_tf_sessionrun run_metadata) tensorflow.python.framework.errors_impl.InvalidArgumentError: Tried to read from index 53 but array size is: 53 [[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
During handling of the above exception, another exception occurred:
Traceback (most recent call last): File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 133, in
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 129, in main
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 62, in train_model gen_headline_length: headlines_lengths, File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 877, in run run_metadata_ptr) File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1100, in _run feed_dict_tensor, options, run_metadata) File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1272, in _do_run run_metadata) File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\client\session.py", line 1291, in _do_call raise type(e)(node_def, op, message) tensorflow.python.framework.errors_impl.InvalidArgumentError: Tried to read from index 53 but array size is: 53 [[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
Caused by op 'decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3', defined at: File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 133, in
File "G:/Python/MLLearning/MachineLearning/POC/train_model.py", line 111, in main
sorted_articles, sorted_headlines, vocab_to_int, word_embedding_matrix = vectorization.create_input_for_graph()
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 273, in build_graph
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 243, in seq2seq_model
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 189, in decoding_layer
File "G:\Python\MLLearning\MachineLearning\POC\build_model.py", line 88, in train_decoding_layer
maximum_iterations = max_headline_length)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\decoder.py", line 322, in dynamic_decode
swap_memory=swap_memory)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 3232, in while_loop
return_same_structure)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2952, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2887, in _BuildLoop
body_result = body(packed_vars_for_body)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 3201, in
body = lambda i, lv: (i + 1, orig_body( lv))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\decoder.py", line 265, in body
decoder_finished) = decoder.step(time, inputs, state)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\basic_decoder.py", line 146, in step
sample_ids=sample_ids)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 250, in next_inputs
lambda: nest.map_structure(read_from_ta, self._input_tas))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py", line 454, in new_func
return func(*args, kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2057, in cond
orig_res_f, res_f = context_f.BuildCondBranch(false_fn)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 1895, in BuildCondBranch
original_result = fn()
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 250, in
lambda: nest.map_structure(read_from_ta, self._input_tas))
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\nest.py", line 377, in map_structure
structure[0], [func(x) for x in entries])
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\nest.py", line 377, in
structure[0], [func( x) for x in entries])
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\contrib\seq2seq\python\ops\helper.py", line 247, in read_from_ta
return inp.read(next_time)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, *args, *kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, args, kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\tf_should_use.py", line 58, in fn
return method(self, *args, *kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\tensor_array_ops.py", line 824, in read
return self._implementation.read(index, name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\tensor_array_ops.py", line 258, in read
name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\ops\gen_data_flow_ops.py", line 7018, in tensor_array_read_v3
dtype=dtype, name=name)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\util\deprecation.py", line 454, in new_func
return func(args, **kwargs)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\ops.py", line 3155, in create_op
op_def=op_def)
File "C:\Users\Sameer\AppData\Local\Programs\Python\Python36\lib\site-packages\tensorflow\python\framework\ops.py", line 1717, in init
self._traceback = tf_stack.extract_stack()
InvalidArgumentError (see above for traceback): Tried to read from index 53 but array size is: 53 [[Node: decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3 = TensorArrayReadV3[dtype=DT_FLOAT, _device="/job:localhost/replica:0/task:0/device:CPU:0"](decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_1, decode/decoder/while/BasicDecoderStep/TrainingHelperNextInputs/cond/TensorArrayReadV3/Switch_2)]]
Process finished with exit code 1