Skip to content

Instantly share code, notes, and snippets.

@zmjjmz
Created May 18, 2018 22:15
Show Gist options
  • Save zmjjmz/392ead713f19db025390f6d8de17bde2 to your computer and use it in GitHub Desktop.
Save zmjjmz/392ead713f19db025390f6d8de17bde2 to your computer and use it in GitHub Desktop.
Keras learning phase leak
import os
import psutil
import numpy
import tensorflow
from tensorflow.python.keras._impl import keras
from tensorflow.python.keras._impl.keras.backend import _GRAPH_LEARNING_PHASES
print("Tensorflow version: {0}".format(tensorflow.VERSION))
DATA_SIZE = 40960
BATCH_SIZE = 32
N_EPOCHS = 2
EMBED_DIM = 300
def get_train_input_fn():
data_dict = {'dicks': numpy.random.rand(DATA_SIZE, EMBED_DIM).astype('float32')}
labels = tensorflow.keras.utils.to_categorical(numpy.random.randint(2, size=(DATA_SIZE,)), num_classes=2)
return tensorflow.estimator.inputs.numpy_input_fn(
x=data_dict, y=labels,
shuffle=True,
batch_size=BATCH_SIZE,
num_epochs=4,
)
def get_eval_input_fn():
data_dict = {'dicks': numpy.random.rand(DATA_SIZE, EMBED_DIM).astype('float32')}
labels = tensorflow.keras.utils.to_categorical(numpy.random.randint(2, size=(DATA_SIZE,)), num_classes=2)
return tensorflow.estimator.inputs.numpy_input_fn(
x=data_dict, y=labels,
shuffle=True,
batch_size=BATCH_SIZE,
num_epochs=1
)
class MemoryLogHook(tensorflow.train.SessionRunHook):
def after_run(self, run_context, run_values):
self.after_mem = psutil.Process(os.getpid()).memory_info().rss
print("Current memory usage: {0:.2e} bytes, "
"_GRAPH_LEARNING_PHRASES is of size {1}".format(
self.after_mem, len(_GRAPH_LEARNING_PHASES)))
def create_keras_model():
inp = keras.layers.Input(shape=(EMBED_DIM,), name='dicks')
tensors = [keras.layers.core.Dense(2, input_shape=(EMBED_DIM,), activation='softmax')(inp)]
model = tensorflow.keras.models.Model(
inputs=[inp], outputs=tensors)
model.compile(optimizer='sgd',loss='categorical_crossentropy',metrics=['accuracy'])
return model
if __name__ == "__main__":
evalspec = tensorflow.estimator.EvalSpec(get_eval_input_fn(), steps=None,
start_delay_secs=0, throttle_secs=1, hooks=[MemoryLogHook()])
steps = ((DATA_SIZE // BATCH_SIZE) + 1) * N_EPOCHS
trainspec = tensorflow.estimator.TrainSpec(get_train_input_fn(), max_steps=steps,
hooks=[MemoryLogHook()])
keras_model = create_keras_model()
estimator = tensorflow.keras.estimator.model_to_estimator(keras_model)
tensorflow.estimator.train_and_evaluate(estimator=estimator, train_spec=trainspec, eval_spec=evalspec)
/home/u1/zach/proj/dataplayground2/local/lib/python2.7/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
WARNING:tensorflow:Using temporary folder as model directory: /tmp/tmp7vd3ml
2018-05-18 18:13:28.246045: I tensorflow/core/platform/cpu_feature_guard.cc:140] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
Tensorflow version: 1.8.0
Current memory usage: 3.10e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.01e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.01e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.01e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.03e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.04e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.05e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.06e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.07e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 2
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.12e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.13e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 3
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.20e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 4
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.23e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.24e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 5
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.31e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 6
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.33e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 7
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.40e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 8
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.42e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.43e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 9
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.50e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 10
Current memory usage: 3.52e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.52e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.52e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Current memory usage: 3.53e+08 bytes, _GRAPH_LEARNING_PHRASES is of size 11
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment