Giter Club home page Giter Club logo

sshanu / relation-classification-using-bidirectional-lstm-tree Goto Github PK

View Code? Open in Web Editor NEW
183.0 11.0 42.0 16.63 MB

TensorFlow Implementation of the paper "End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures" and "Classifying Relations via Long Short Term Memory Networks along Shortest Dependency Paths" for classifying relations

License: MIT License

Jupyter Notebook 100.00%
relation-extraction relation-classification dependency-tree tensorflow word-embedding lstm bidirectional-lstm lstm-tree tree semeval

relation-classification-using-bidirectional-lstm-tree's Introduction

Relation Classification

MIT License

Relation classification aims to categorize into predefined classes the relations btw pairs of given entities in texts. There are two ways to represent relations between entities using deep neural networks: recurrent neural networks (RNNs) and convolutional neural networks (CNNs). We have implemented three LSTM-RNN architectures for solving the task of relation classification:

We achieve better performance for solving this task using the last approach "Relation classification using LSTMS on Sequences and Tree Structures.".

References:

End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures
Makoto Miwa, Mohit Bansal
http://www.aclweb.org/anthology/P/P16/P16-1105.pdf

Abstract: We present a novel end-to-end neural model to extract entities and relations between them. Our recurrent neural network based model captures both word sequence and dependency tree substructure information by stacking bidirectional treestructured LSTM-RNNs on bidirectional sequential LSTM-RNNs. This allows our model to jointly represent both entities and relations with shared parameters in a single model. We further encourage detection of entities during training and use of entity information in relation extraction via entity pretraining and scheduled sampling. Our model improves over the stateof-the-art feature-based model on end-toend relation extraction, achieving 12.1% and 5.7% relative error reductions in F1- score on ACE2005 and ACE2004, respectively. We also show that our LSTMRNN based model compares favorably to the state-of-the-art CNN based model (in F1-score) on nominal relation classification (SemEval-2010 Task 8). Finally, we present an extensive ablation analysis of several model components

Classifying Relations via Long Short Term Memory Networks along Shortest Dependency Paths
Yan Xu, Lili Mou, Ge Li, Yunchuan Chen, Hao Peng, Zhi Jin
http://www.emnlp2015.org/proceedings/EMNLP/pdf/EMNLP206.pdf

Abstract: Relation classification is an important research arena in the field of natural language processing (NLP). In this paper, we present SDP-LSTM, a novel neural network to classify the relation of two entities in a sentence. Our neural architecture leverages the shortest dependency path (SDP) between two entities; multichannel recurrent neural networks, with long short term memory (LSTM) units, pick up heterogeneous information along the SDP. Our proposed model has several distinct features: (1) The shortest dependency paths retain most relevant information (to relation classification), while eliminating irrelevant words in the sentence. (2) The multichannel LSTM networks allow effective information integration from heterogeneous sources over the dependency paths. (3) A customized dropout strategy regularizes the neural network to alleviate overfitting. We test our model on the SemEval 2010 relation classification task, and achieve an F1-score of 83.7%, higher than competing methods in the literature.

relation-classification-using-bidirectional-lstm-tree's People

Contributors

mduseja avatar sshanu avatar

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

relation-classification-using-bidirectional-lstm-tree's Issues

share original dataset

hello buddy!
after i saw your tree lstm implementation i know you've done a great work.
i have been searching the ACE data months and got nothing.could you share me one of this copy? i'm a poor student and can't afford thousands of dollar.thank you !

NLTK with corenlp

hello
when i use the path_extractor method in your code ,I catch a error with NLTK which says "NLTK was unable to find stanford-parser-(\d+)(.(\d+))+-models.jar!".However I set the corenlp jar to classpath before use it. The configuration of my environment is python 3.6, nltk 2.4 corenlp 3.8.
I think there may be a mistake when i configure my environment, but i do not fix it. i hope you could give me some advise

unable to execute completely

i am trying to run modelv1.
now at following stage new error is occurring:
model = tf.train.latest_checkpoint(model_dir)
saver.restore(sess, model)
error:
INFO:tensorflow:Restoring parameters from None


TypeError Traceback (most recent call last)
TypeError: expected bytes, NoneType found

The above exception was the direct cause of the following exception:

SystemError Traceback (most recent call last)
in ()
1 model = tf.train.latest_checkpoint(model_dir)
----> 2 saver.restore(sess, model)

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/training/saver.py in restore(self, sess, save_path)
1546 logging.info("Restoring parameters from %s", save_path)
1547 sess.run(self.saver_def.restore_op_name,
-> 1548 {self.saver_def.filename_tensor_name: save_path})
1549
1550 @staticmethod

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/client/session.py in run(self, fetches, feed_dict, options, run_metadata)
787 try:
788 result = self._run(None, fetches, feed_dict, options_ptr,
--> 789 run_metadata_ptr)
790 if run_metadata:
791 proto_data = tf_session.TF_GetBuffer(run_metadata_ptr)

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/client/session.py in _run(self, handle, fetches, feed_dict, options, run_metadata)
995 if final_fetches or final_targets:
996 results = self._do_run(handle, final_targets, final_fetches,
--> 997 feed_dict_string, options, run_metadata)
998 else:
999 results = []

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/client/session.py in _do_run(self, handle, target_list, fetch_list, feed_dict, options, run_metadata)
1130 if handle is None:
1131 return self._do_call(_run_fn, self._session, feed_dict, fetch_list,
-> 1132 target_list, options, run_metadata)
1133 else:
1134 return self._do_call(_prun_fn, self._session, handle, feed_dict,

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/client/session.py in _do_call(self, fn, *args)
1137 def _do_call(self, fn, *args):
1138 try:
-> 1139 return fn(*args)
1140 except errors.OpError as e:
1141 message = compat.as_text(e.message)

/home/snd/anaconda3/lib/python3.6/site-packages/tensorflow/python/client/session.py in _run_fn(session, feed_dict, fetch_list, target_list, options, run_metadata)
1119 return tf_session.TF_Run(session, options,
1120 feed_dict, fetch_list, target_list,
-> 1121 status, run_metadata)
1122
1123 def _prun_fn(session, handle, feed_dict, fetch_list):

SystemError: returned a result with an error set

i would like to know why it is occurring is there any sequence to run different models?

stanford_parser.jar

hello. I have a question that which type of the stanford_parser ? java or python ?
shall I download the full parser.zip and unzip it , then use the .jar and ..model.jar inside directory?

Invalid Argument Error

Hi Shanu

I tried Model3v1 for 10 samples. Accordingly I generated train_paths and when i run, I get the below error.
PLease let know.
I have attached the source file too -
model3v1.txt

File "", line 1, in
[elided 1 identical lines from previous traceback]
File "/usr/lib/python2.7/idlelib/run.py", line 324, in runcode
exec code in self.locals
File "/home/arunkumar/Downloads/Relation-Classification-master/model3v1.py", line 422, in
s_seq.get_shape(), tf.TensorShape([None, 100])])
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 3096, in while_loop
result = loop_context.BuildLoop(cond, body, loop_vars, shape_invariants)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 2874, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 2814, in _BuildLoop
body_result = body(*packed_vars_for_body)
File "/home/arunkumar/Downloads/Relation-Classification-master/model3v1.py", line 415, in matmul_hl
temp = tf.tanh(tf.matmul(input_seq[j], W) + b)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/array_ops.py", line 588, in _slice_helper
name=name)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/array_ops.py", line 754, in strided_slice
shrink_axis_mask=shrink_axis_mask)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/gen_array_ops.py", line 5397, in strided_slice
name=name)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 3271, in create_op
op_def=op_def)

InvalidArgumentError (see above for traceback): slice index 1 of dimension 0 out of bounds.
[[Node: gradients_1/hidden_layer_seq/while_3/strided_slice_grad/StridedSliceGrad = StridedSliceGrad[Index=DT_INT32, T=DT_FLOAT, begin_mask=0, ellipsis_mask=0, end_mask=0, new_axis_mask=0, shrink_axis_mask=1, _device="/job:localhost/replica:0/task:0/device:CPU:0"](gradients_1/hidden_layer_seq/while_3/strided_slice_grad/StridedSliceGrad/StackPopV2, gradients_1/hidden_layer_seq/while_3/strided_slice_grad/StridedSliceGrad/StackPopV2_1, gradients_1/hidden_layer_seq/while_3/strided_slice_grad/StridedSliceGrad/StackPopV2_2, gradients_1/hidden_layer_seq/while_3/strided_slice_grad/StridedSliceGrad/Const_3, gradients_1/hidden_layer_seq/while_3/MatMul_grad/tuple/control_dependency)]]

HELLO, I change a dataset , have some wrong.

I chage a dataset that the relation labels are defined as A1, A2 , A3..,do not like your relation_types.txt. How can I change the code to run successfully? thx. All file formats are the same as yours, except the relation_types.txt.
The error are WARNING:tensorflow:From E:/testprogram/code1/test.py:482: arg_max (from tensorflow.python.ops.gen_math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use argmax` instead

Traceback (most recent call last):

File "E:/testprogram/code1/test.py", line 780, in

seq_len, words_seq_id, pos_tags_seq_id, deps_seq_id, len_path1, len_path2, pos_path1, pos_path2, dep_path1_id, dep_path2_id, childs_path1, childs_path2, num_child_path1, num_child_path2, rel_ids, entity = prepare_input(words_seq, deps_seq, pos_tags_seq, word_path1, word_path2, dep_path1, dep_path2, pos_tags_path1, pos_tags_path2, pos_path1,pos_path2, childs_path1, childs_path2, relations)

File "E:/testprogram/code1/test.py", line 766, in prepare_input
rel_ids = np.array([rel2id[rel] for rel in relations])

File "E:/testprogram/paper1/test.py", line 766, in
rel_ids = np.array([rel2id[rel] for rel in relations])

KeyError: 'A1344'

`

Questions about the test data

Dear author,

I tried to run the modelv1 and modelv4 and the '/data/test_paths' is missing. Then I tried test_pathsv1 and the f1 score is very low. So would you tell me how to prepare the test data

Best,

which version of tensorflow are you using?

i use python3 tensorflow1.8, but when i run model3v1 , i get this

2019-03-03 00:36:46.578600: I tensorflow/core/platform/cpu_feature_guard.cc:140] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX AVX2
0 : 0
2019-03-03 00:37:05.348062: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.348792: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.348883: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.350231: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.350942: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.351457: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 12 of dimension 0 out of bounds.
2019-03-03 00:37:05.351577: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.353818: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.355973: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.357523: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.361943: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 12 of dimension 0 out of bounds.
2019-03-03 00:37:05.366654: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.370536: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.383596: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.390775: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.395251: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.400038: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.409891: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.414382: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.418794: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.432815: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.440090: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.447118: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.461099: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.467831: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.472689: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.477174: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.495050: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.502117: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.506292: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.510208: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.513467: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.517446: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.523664: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.528358: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.531471: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.536828: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.543527: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.556857: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.563409: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.567395: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.570501: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.578829: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.585091: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.589318: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.593091: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.596303: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.600036: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.606123: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.612649: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.617016: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.621257: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.630444: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.637229: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.642038: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.649122: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.654917: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.665294: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.671003: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.678224: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.683489: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.687742: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.694081: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.698063: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.702529: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.706078: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.712528: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.717455: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.725649: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.739298: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.743000: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.756317: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.760017: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.763817: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.767570: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.775246: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.780594: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:05.785192: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.791923: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.805896: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:05.810715: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.815057: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.820100: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.823700: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.829142: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:05.833620: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.840589: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.845871: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:05.851031: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.858707: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.869503: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.876659: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.883054: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:05.896645: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.901296: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:05.905847: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.911376: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.919180: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.929099: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 7 of dimension 0 out of bounds.
2019-03-03 00:37:05.933589: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.938679: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.943047: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.945916: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:05.953674: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.957143: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.960988: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:05.964990: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 8 of dimension 0 out of bounds.
2019-03-03 00:37:05.969162: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.973177: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:05.981119: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.987805: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:05.992817: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:05.996717: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.000419: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.010479: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.023072: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.027531: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.043979: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.049008: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.052516: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.055914: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.059680: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.064601: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:06.069342: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.073962: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.077537: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.082347: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:06.086635: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.097991: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.102502: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.106666: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.112127: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.116071: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:06.122148: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.126239: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.141261: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.145386: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.149963: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.154207: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:06.168745: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.173682: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.177512: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.180617: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:06.184617: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.191722: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.198303: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.202947: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.207827: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.212140: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.218498: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.226331: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 12 of dimension 0 out of bounds.
2019-03-03 00:37:06.230362: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.243827: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.246973: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.251809: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:06.257066: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:06.260802: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.265744: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.270538: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.274661: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 13 of dimension 0 out of bounds.
2019-03-03 00:37:06.279069: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.284672: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 14 of dimension 0 out of bounds.
2019-03-03 00:37:06.288659: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.294607: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.299299: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.302758: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:06.306898: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.313542: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 15 of dimension 0 out of bounds.
2019-03-03 00:37:06.318016: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.335988: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.341998: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.347584: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.351637: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.359519: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 4 of dimension 0 out of bounds.
2019-03-03 00:37:06.364180: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.369639: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.381126: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 10 of dimension 0 out of bounds.
2019-03-03 00:37:06.385108: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.389984: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.395463: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.399505: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.404988: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.415973: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.420961: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.423502: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.427003: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.431539: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.436101: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.438662: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.442337: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 2 of dimension 0 out of bounds.
2019-03-03 00:37:06.446503: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.451157: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.455133: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.458705: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.463119: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.474654: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 11 of dimension 0 out of bounds.
2019-03-03 00:37:06.481472: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.484660: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 3 of dimension 0 out of bounds.
2019-03-03 00:37:06.487779: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.493548: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.496703: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 9 of dimension 0 out of bounds.
2019-03-03 00:37:06.505756: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.509811: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 6 of dimension 0 out of bounds.
2019-03-03 00:37:06.515822: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.524548: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
2019-03-03 00:37:06.527734: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 5 of dimension 0 out of bounds.
2019-03-03 00:37:06.539945: W tensorflow/core/framework/op_kernel.cc:1318] OP_REQUIRES failed at strided_slice_op.cc:233 : Invalid argument: slice index 1 of dimension 0 out of bounds.
Traceback (most recent call last):
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1322, in _do_call
return fn(*args)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1307, in _run_fn
options, feed_dict, fetch_list, target_list, run_metadata)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1409, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: slice index 5 of dimension 0 out of bounds.
[[Node: gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad = StridedSliceGrad[Index=DT_INT32, T=DT_FLOAT, begin_mask=0, ellipsis_mask=0, end_mask=0, new_axis_mask=0, shrink_axis_mask=1, _device="/job:localhost/replica:0/task:0/device:CPU:0"](gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_1, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/Const_3, gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul, ^gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul_1)]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "model3v1.py", line 836, in
_, _loss, step = sess.run([train_op, total_loss, global_step_dep], feed_dict)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 900, in run
run_metadata_ptr)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1135, in _run
feed_dict_tensor, options, run_metadata)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1316, in _do_run
run_metadata)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\client\session.py", line 1335, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InvalidArgumentError: slice index 5 of dimension 0 out of bounds.
[[Node: gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad = StridedSliceGrad[Index=DT_INT32, T=DT_FLOAT, begin_mask=0, ellipsis_mask=0, end_mask=0, new_axis_mask=0, shrink_axis_mask=1, _device="/job:localhost/replica:0/task:0/device:CPU:0"](gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_1, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/Const_3, gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul, ^gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul_1)]]

Caused by op 'gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad', defined at:
File "model3v1.py", line 508, in
grads_vars = optimizer.compute_gradients(total_loss)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\training\optimizer.py", line 526, in compute_gradients
colocate_gradients_with_ops=colocate_gradients_with_ops)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gradients_impl.py", line 494, in gradients
gate_gradients, aggregation_method, stop_gradients)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gradients_impl.py", line 636, in _GradientsHelper
lambda: grad_fn(op, *out_grads))
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gradients_impl.py", line 385, in _MaybeCompile
return grad_fn() # Exit early
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gradients_impl.py", line 636, in
lambda: grad_fn(op, *out_grads))
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\array_grad.py", line 278, in _StridedSliceGrad
shrink_axis_mask=op.get_attr("shrink_axis_mask")), None, None, None
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gen_array_ops.py", line 8335, in strided_slice_grad
shrink_axis_mask=shrink_axis_mask, name=name)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\framework\ops.py", line 3392, in create_op
op_def=op_def)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\framework\ops.py", line 1718, in init
self._traceback = self._graph._extract_stack() # pylint: disable=protected-access

...which was originally created as op 'hidden_layer_seq/while_1/strided_slice', defined at:
File "model3v1.py", line 420, in
s_seq.get_shape(), tf.TensorShape([None, 100])])
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 3224, in while_loop
result = loop_context.BuildLoop(cond, body, loop_vars, shape_invariants)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2956, in BuildLoop
pred, body, original_loop_vars, loop_vars, shape_invariants)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\control_flow_ops.py", line 2893, in _BuildLoop
body_result = body(*packed_vars_for_body)
File "model3v1.py", line 413, in matmul_hl
temp = tf.tanh(tf.matmul(input_seq[j], W) + b)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\array_ops.py", line 597, in _slice_helper
name=name)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\array_ops.py", line 763, in strided_slice
shrink_axis_mask=shrink_axis_mask)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\ops\gen_array_ops.py", line 8147, in strided_slice
name=name)
File "C:\Users\mazy\Anaconda3\envs\ten18\lib\site-packages\tensorflow\python\framework\op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)

InvalidArgumentError (see above for traceback): slice index 5 of dimension 0 out of bounds.
[[Node: gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad = StridedSliceGrad[Index=DT_INT32, T=DT_FLOAT, begin_mask=0, ellipsis_mask=0, end_mask=0, new_axis_mask=0, shrink_axis_mask=1, _device="/job:localhost/replica:0/task:0/device:CPU:0"](gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_1, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/StackPopV2_2, gradients_1/hidden_layer_seq/while_1/strided_slice_grad/StridedSliceGrad/Const_3, gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul, ^gradients_1/hidden_layer_seq/while_1/MatMul_grad/MatMul_1)]]

is this a problem caused by tf version or else? thanks

Can't find the "checkpoint" folder

Hello, Shannu
I am trying to run the models in the LCA Shortest Path folder. But I didn't find the "checkpoint" folder and its files. Like that,
word_embd_dir = '../checkpoint/word_embd_wiki'
pos_embd_dir = '../checkpoint/pos_embd'
dep_embd_dir = '../checkpoint/dep_embd'
model_dir = '../checkpoint/modelv8'
So I couldn't run it successfully. Do these files need to be generated by myself? Or did you not upload it to GitHub? If it's the latter, can you share them with me?
Best wishes.

i run model3v1, but get run error like this:

INFO:tensorflow:Restoring parameters from None
Traceback (most recent call last):

File "", line 1, in
runfile('D:/Download/chrome download/source codes/Information-Extraction-Chinese-master/RE_BGRU_2ATT/Relation-Classifition-Master-codes/LSTM Seq and Tree/model3v1.py', wdir='D:/Download/chrome download/source codes/Information-Extraction-Chinese-master/RE_BGRU_2ATT/Relation-Classifition-Master-codes/LSTM Seq and Tree')

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\spyder\utils\site\sitecustomize.py", line 710, in runfile
execfile(filename, namespace)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\spyder\utils\site\sitecustomize.py", line 101, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)

File "D:/Download/chrome download/source codes/Information-Extraction-Chinese-master/RE_BGRU_2ATT/Relation-Classifition-Master-codes/LSTM Seq and Tree/model3v1.py", line 725, in
saver.restore(sess, model)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\training\saver.py", line 1457, in restore
{self.saver_def.filename_tensor_name: save_path})

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\client\session.py", line 778, in run
run_metadata_ptr)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\client\session.py", line 982, in _run
feed_dict_string, options, run_metadata)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\client\session.py", line 1032, in _do_run
target_list, options, run_metadata)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\client\session.py", line 1039, in _do_call
return fn(*args)

File "E:\DevelopTools\Anaconda3\envs\python35\lib\site-packages\tensorflow\python\client\session.py", line 1021, in _run_fn
status, run_metadata)

SystemError: returned a result with an error set

model3v1 A mistake

WARNING:tensorflow:From C:\Users\damao\AppData\Roaming\Python\Python36\site-packages\tensorflow\contrib\learn\python\learn\datasets\base.py:198: retry (from tensorflow.contrib.learn.python.learn.datasets.base) is deprecated and will be removed in a future version.
Instructions for updating:
Use the retry module or similar alternatives.
WARNING:tensorflow:From D:/test/Relation-Classification-using-Bidirectional-LSTM-Tree-master/LSTM Seq and Tree/model3v1.py:440: arg_max (from tensorflow.python.ops.gen_math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use argmax instead
2019-07-05 22:47:07.901705: I T:\src\github\tensorflow\tensorflow\core\platform\cpu_feature_guard.cc:140] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
2019-07-05 22:47:09.159543: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:1344] Found device 0 with properties:
name: GeForce GTX 1050 Ti major: 6 minor: 1 memoryClockRate(GHz): 1.62
pciBusID: 0000:01:00.0
totalMemory: 4.00GiB freeMemory: 3.30GiB
2019-07-05 22:47:09.160428: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:1423] Adding visible gpu devices: 0
2019-07-05 22:47:10.446784: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:911] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-07-05 22:47:10.447031: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:917] 0
2019-07-05 22:47:10.447155: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:930] 0: N
2019-07-05 22:47:10.448009: I T:\src\github\tensorflow\tensorflow\core\common_runtime\gpu\gpu_device.cc:1041] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 3033 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1050 Ti, pci bus id: 0000:01:00.0, compute capability: 6.1)
Traceback (most recent call last):
File "D:/test/Relation-Classification-using-Bidirectional-LSTM-Tree-master/LSTM Seq and Tree/model3v1.py", line 767, in
saver.restore(sess, model)
File "C:\Users\damao\AppData\Roaming\Python\Python36\site-packages\tensorflow\python\training\saver.py", line 1769, in restore
raise ValueError("Can't load save_path when it is None.")
ValueError: Can't load save_path when it is None.

Process finished with exit code 1

I am a new learner. Could you please tell me how to solve this problem?Thank you very much.

error during running modelv1

i am trying to copy modelv1 code in editor and run it, following error is occurring:
/home/srinath/anaconda3/lib/python3.6/site-packages/h5py/init.py:34: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type.
from ._conv import register_converters as _register_converters
Traceback (most recent call last):
File "/home/srinath/phd_programme/relation_classification/model_1.py", line 71, in
cell = tf.contrib.rnn.BasicLSTMCell(word_state_size)
NameError: name 'word_state_size' is not defined
i would like to know how to resolve this.

when I run model3v2, there is an error.

The error is InvalidArgumentError (see above for traceback): Inputs to operation gradients_1/AddN_973 of type AddN must have the same size and shape. Input 0: [2,7,1,100] != input 1: [2,1,1,100]. Do you know what this error is? Thanks!

cannot execute the file preprocessing.py completely

LookupError Traceback (most recent call last)
in ()
9 e1_text = text
10 e1_text_ = " ".join(e1_text)
---> 11 e1_text = tokenizer.tokenize(e1_text)
12 text.append(t[0])
13 e11= t[0]

F:\anaconda\lib\site-packages\nltk\tokenize\stanford.py in tokenize(self, s)
85 """
86 cmd = ['edu.stanford.nlp.process.PTBTokenizer']
---> 87 return self._parse_tokenized_output(self._execute(cmd, s))
88
89 def execute(self, cmd, input, verbose=False):

F:\anaconda\lib\site-packages\nltk\tokenize\stanford.py in execute(self, cmd, input, verbose)
97
98 # Configure java.
---> 99 config_java(options=self.java_options, verbose=verbose)
100
101 # Windows is incompatible with NamedTemporaryFile() without passing in delete=False.

F:\anaconda\lib\site-packages\nltk\internals.py in config_java(bin, options, verbose)
60 env_vars=['JAVAHOME', 'JAVA_HOME'],
61 verbose=verbose,
---> 62 binary_names=['java.exe'],
63 )
64

F:\anaconda\lib\site-packages\nltk\internals.py in find_binary(name, path_to_bin, env_vars, searchpath, binary_names, url, verbose)
695 return next(
696 find_binary_iter(
--> 697 name, path_to_bin, env_vars, searchpath, binary_names, url, verbose
698 )
699 )

F:\anaconda\lib\site-packages\nltk\internals.py in find_binary_iter(name, path_to_bin, env_vars, searchpath, binary_names, url, verbose)
679 """
680 for file in find_file_iter(
--> 681 path_to_bin or name, env_vars, searchpath, binary_names, url, verbose
682 ):
683 yield file

F:\anaconda\lib\site-packages\nltk\internals.py in find_file_iter(filename, env_vars, searchpath, file_names, url, verbose, finding_dir)
637 msg += '\n\n For more information on %s, see:\n <%s>' % (filename, url)
638 div = '=' * 75
--> 639 raise LookupError('\n\n%s\n%s\n%s' % (div, msg, div))
640
641

LookupError:

===========================================================================
NLTK was unable to find the java file!
Use software specific configuration paramaters or set the JAVAHOME environment variable.

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.