Open looperEit opened 1 year ago
Connected to pydev debugger (build 221.5787.24) ssh://root@10.10.10.215:20040/root/anaconda3/envs/tf/bin/python3.6 -u /root/.pycharm_helpers/pydev/pydevd.py --cmd-line --multiprocess --qt-support=auto --client 127.0.0.1 --port 34739 --file /tmp/pycharm_project_103/APGKT-PRICAI2022/main.py 2023-09-13 03:50:38.691175: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 AVX512F FMA 2023-09-13 03:50:38.719221: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2200000000 Hz 2023-09-13 03:50:38.722449: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x5647f5bb4af0 initialized for platform Host (this does not guarantee that XLA will be used). Devices: 2023-09-13 03:50:38.722473: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version 2023-09-13 03:50:38.725216: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcuda.so.1 2023-09-13 03:50:39.235525: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x5647f6d4fa80 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices: 2023-09-13 03:50:39.235557: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): NVIDIA GeForce RTX 2080 Ti, Compute Capability 7.5 2023-09-13 03:50:39.235563: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (1): NVIDIA GeForce RTX 2080 Ti, Compute Capability 7.5 2023-09-13 03:50:39.235566: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (2): NVIDIA GeForce RTX 2080 Ti, Compute Capability 7.5 2023-09-13 03:50:39.235586: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (3): NVIDIA GeForce RTX 2080 Ti, Compute Capability 7.5 2023-09-13 03:50:39.236979: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 0 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:88:00.0 2023-09-13 03:50:39.237938: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 1 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:89:00.0 2023-09-13 03:50:39.238596: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 2 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b1:00.0 2023-09-13 03:50:39.239079: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 3 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b2:00.0 2023-09-13 03:50:39.239187: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.239231: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.239269: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.239304: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.239340: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.239375: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.242298: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 2023-09-13 03:50:39.242331: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1641] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform. Skipping registering GPU devices... 2023-09-13 03:50:39.242379: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1159] Device interconnect StreamExecutor with strength 1 edge matrix: 2023-09-13 03:50:39.242391: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1165] 0 1 2 3 2023-09-13 03:50:39.242401: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 0: N N N N 2023-09-13 03:50:39.242410: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 1: N N N N 2023-09-13 03:50:39.242419: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 2: N N N N 2023-09-13 03:50:39.242427: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 3: N N N N 2023-09-13 03:50:39.711557: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 0 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:88:00.0 2023-09-13 03:50:39.712022: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 1 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:89:00.0 2023-09-13 03:50:39.712461: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 2 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b1:00.0 2023-09-13 03:50:39.712897: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 3 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b2:00.0 2023-09-13 03:50:39.712968: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713007: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713039: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713071: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713104: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713136: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:39.713147: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 2023-09-13 03:50:39.713152: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1641] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform. Skipping registering GPU devices... 2023-09-13 03:50:39.713182: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1159] Device interconnect StreamExecutor with strength 1 edge matrix: 2023-09-13 03:50:39.713188: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1165] 0 1 2 3 2023-09-13 03:50:39.713194: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 0: N N N N 2023-09-13 03:50:39.713198: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 1: N N N N 2023-09-13 03:50:39.713203: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 2: N N N N 2023-09-13 03:50:39.713208: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 3: N N N N [name: "/device:CPU:0" device_type: "CPU" memory_limit: 268435456 locality { } incarnation: 3051400922672803506 , name: "/device:XLA_CPU:0" device_type: "XLA_CPU" memory_limit: 17179869184 locality { } incarnation: 731321641042626014 physical_device_desc: "device: XLA_CPU device" , name: "/device:XLA_GPU:0" device_type: "XLA_GPU" memory_limit: 17179869184 locality { } incarnation: 573745258805298264 physical_device_desc: "device: XLA_GPU device" , name: "/device:XLA_GPU:1" device_type: "XLA_GPU" memory_limit: 17179869184 locality { } incarnation: 7294950609976979273 physical_device_desc: "device: XLA_GPU device" , name: "/device:XLA_GPU:2" device_type: "XLA_GPU" memory_limit: 17179869184 locality { } incarnation: 16037082360481915059 physical_device_desc: "device: XLA_GPU device" , name: "/device:XLA_GPU:3" device_type: "XLA_GPU" memory_limit: 17179869184 locality { } incarnation: 997294362005629669 physical_device_desc: "device: XLA_GPU device" ] dkt {'data_dir': 'Data', 'log_dir': 'logs', 'train': 1, 'hidden_neurons': [200, 100], 'lr': 0.007105, 'lr_decay': 0.8933, 'checkpoint_dir': 'checkpoint', 'dropout_keep_probs': '[0.6,0.8,1]', 'aggregator': 'sum', 'model': 'dkt', 'l2_weight': 1e-08, 'limit_max_len': 200, 'limit_min_len': 3, 'dataset': 'math2', 'field_size': 3, 'embedding_size': 100, 'max_step': 200, 'input_trans_size': 100, 'batch_size': 32, 'select_index': [0, 1, 2], 'num_epochs': 50, 'n_hop': 3, 'skill_neighbor_num': 10, 'question_neighbor_num': 10, 'Q_Modes': {}, 'hist_neighbor_num': 3, 'next_neighbor_num': 4, 'att_bound': 0.5, 'sim_emb': 'skill_emb', 'tag': 1694577039.718444} original test seqs num:782 skill_num: 16.0 question_num: 20.0 train_student_num: 3127 WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/train.py:16: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.
2023-09-13 03:50:48.185307: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 0 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:88:00.0 2023-09-13 03:50:48.185813: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 1 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:89:00.0 2023-09-13 03:50:48.186302: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 2 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b1:00.0 2023-09-13 03:50:48.186754: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 3 with properties: name: NVIDIA GeForce RTX 2080 Ti major: 7 minor: 5 memoryClockRate(GHz): 1.635 pciBusID: 0000:b2:00.0 2023-09-13 03:50:48.186943: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.186991: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.187030: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.187092: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.187188: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.187223: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory 2023-09-13 03:50:48.187236: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 2023-09-13 03:50:48.187243: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1641] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform. Skipping registering GPU devices... 2023-09-13 03:50:48.187284: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1159] Device interconnect StreamExecutor with strength 1 edge matrix: 2023-09-13 03:50:48.187292: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1165] 0 1 2 3 2023-09-13 03:50:48.187299: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 0: N N N N 2023-09-13 03:50:48.187304: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 1: N N N N 2023-09-13 03:50:48.187310: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 2: N N N N 2023-09-13 03:50:48.187316: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 3: N N N N dkt WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:33: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:41: The name tf.get_variable is deprecated. Please use tf.compat.v1.get_variable instead.
WARNING:tensorflow: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see:
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/aggregators.py:41: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/aggregators.py:50: calling dropout (from tensorflow.python.ops.nn_ops) with keep_prob is deprecated and will be removed in a future version.
Instructions for updating:
Please use rate
instead of keep_prob
. Rate should be set to rate = 1 - keep_prob
.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:91: dense (from tensorflow.python.layers.core) is deprecated and will be removed in a future version.
Instructions for updating:
Use keras.layers.Dense instead.
WARNING:tensorflow:From /root/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/layers/core.py:187: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version.
Instructions for updating:
Please use layer.__call__
method instead.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:133: BasicLSTMCell.init (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This class is equivalent as tf.keras.layers.LSTMCell, and will be replaced by that in Tensorflow 2.0.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:137: MultiRNNCell.init (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This class is equivalent as tf.keras.layers.StackedRNNCells, and will be replaced by that in Tensorflow 2.0.
WARNING:tensorflow:From /root/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/ops/rnn_cell_impl.py:735: Layer.add_variable (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version.
Instructions for updating:
Please use layer.add_weight
method instead.
WARNING:tensorflow:From /root/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/ops/rnn_cell_impl.py:739: calling Zeros.init (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:359: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
WARNING:tensorflow:From /root/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/util/dispatch.py:180: batch_gather (from tensorflow.python.ops.array_ops) is deprecated and will be removed after 2017-10-25.
Instructions for updating:
tf.batch_gather
is deprecated, please use tf.gather
with batch_dims=-1
instead.
(?, 199, 4, 1)
(?, 199, 1, 5)
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:313: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/model.py:315: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.
initialize complete WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/train.py:22: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.
WARNING:tensorflow:From /tmp/pycharm_project_103/APGKT-PRICAI2022/train.py:28: The name tf.global_variables_initializer is deprecated. Please use tf.compat.v1.global_variables_initializer instead.
0%| | 0/50 [00:00<?, ?it/s]epoch: 0
Process finished with exit code -1
我始终没法运行您的代码: 再跑第一个epoch的时候就会出现错误 直接退出,请问能告诉我您代码的运行环境吗?谢谢