├── .gitignore ├── AE.py ├── AETest.py ├── Example_Dataset ├── Tdocs │ ├── Tdoc_1.txt │ ├── Tdoc_2.txt │ ├── Tdoc_3.txt │ ├── Tdoc_4.txt │ └── Tdoc_5.txt ├── dataset.json ├── images │ ├── Tdoc_1.png │ ├── Tdoc_2.png │ ├── Tdoc_3.png │ ├── Tdoc_4.png │ └── Tdoc_5.png └── motifs │ ├── motif_Egg.png │ ├── motif_Eggplant.png │ └── motif_Plant.png ├── GenerateTemporalDocument.py ├── JennaSue.ttf ├── README.md └── dataset_loader_AE.py /.gitignore: -------------------------------------------------------------------------------- 1 | # Byte-compiled / optimized / DLL files 2 | __pycache__/ 3 | *.py[cod] 4 | *$py.class 5 | 6 | # C extensions 7 | *.so 8 | 9 | # Distribution / packaging 10 | .Python 11 | env/ 12 | build/ 13 | develop-eggs/ 14 | dist/ 15 | downloads/ 16 | eggs/ 17 | .eggs/ 18 | lib/ 19 | lib64/ 20 | parts/ 21 | sdist/ 22 | var/ 23 | wheels/ 24 | *.egg-info/ 25 | .installed.cfg 26 | *.egg 27 | 28 | # PyInstaller 29 | # Usually these files are written by a python script from a template 30 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 31 | *.manifest 32 | *.spec 33 | 34 | # Installer logs 35 | pip-log.txt 36 | pip-delete-this-directory.txt 37 | 38 | # Unit test / coverage reports 39 | htmlcov/ 40 | .tox/ 41 | .coverage 42 | .coverage.* 43 | .cache 44 | nosetests.xml 45 | coverage.xml 46 | *.cover 47 | .hypothesis/ 48 | 49 | # Translations 50 | *.mo 51 | *.pot 52 | 53 | # Django stuff: 54 | *.log 55 | local_settings.py 56 | 57 | # Flask stuff: 58 | instance/ 59 | .webassets-cache 60 | 61 | # Scrapy stuff: 62 | .scrapy 63 | 64 | # Sphinx documentation 65 | docs/_build/ 66 | 67 | # PyBuilder 68 | target/ 69 | 70 | # Jupyter Notebook 71 | .ipynb_checkpoints 72 | 73 | # pyenv 74 | .python-version 75 | 76 | # celery beat schedule file 77 | celerybeat-schedule 78 | 79 | # SageMath parsed files 80 | *.sage.py 81 | 82 | # dotenv 83 | .env 84 | 85 | # virtualenv 86 | .venv 87 | venv/ 88 | ENV/ 89 | 90 | # Spyder project settings 91 | .spyderproject 92 | .spyproject 93 | 94 | # Rope project settings 95 | .ropeproject 96 | 97 | # mkdocs documentation 98 | /site 99 | 100 | # mypy 101 | .mypy_cache/ 102 | 103 | # sublim text 104 | *.sublime-project 105 | *.sublime-workspace 106 | 107 | tensorboard/* 108 | 109 | *.npy 110 | -------------------------------------------------------------------------------- /AE.py: -------------------------------------------------------------------------------- 1 | """ 2 | Module defining a trainable sparse autoencoder 3 | """ 4 | 5 | import os 6 | import logging as log 7 | import tensorflow as tf 8 | 9 | import numpy as np 10 | 11 | # Gaussian kernel (deviation of 1) 12 | GAUSSIAN = [0.05399096651318806, 13 | 0.24197072451914337, 14 | 0.3989422804014327, 15 | 0.24197072451914337, 16 | 0.05399096651318806] 17 | 18 | 19 | class AutoEnc(object): 20 | """ 21 | Object defining the layers and operations of an autoencoder. 22 | """ 23 | 24 | def __init__(self, weights_path=None, data_dict=None): 25 | """ Load weights file if exists """ 26 | if data_dict is not None: 27 | self.data_dict = data_dict 28 | elif weights_path is not None and os.path.isfile(weights_path): 29 | self.data_dict = np.load(weights_path).item() 30 | else: 31 | log.info("Learning from scratch !") 32 | self.data_dict = None 33 | 34 | self.var_dict = {} 35 | 36 | def build(self, batch, nb_filters, filters_length): 37 | """ Build Autoencoder """ 38 | 39 | batch_shape = batch.get_shape().as_list() 40 | batch_size = tf.shape(batch)[0] 41 | 42 | self.inputs = batch 43 | 44 | self.latent = self.encoder(nb_filters=nb_filters, 45 | filters_width=filters_length) 46 | 47 | self.sparsity(nb_filters) 48 | 49 | self.outputs = self.decoder(batch_size=batch_size, 50 | filters_height=batch_shape[1], 51 | filters_width=filters_length) 52 | 53 | self.data_dict = None 54 | 55 | def encoder(self, nb_filters, filters_width): 56 | """ Encoding, just one convolutional layer """ 57 | 58 | with tf.variable_scope("encoder"): 59 | latent = self.conv_layer(self.inputs, nb_filters, filters_width, 60 | "encode_layer") 61 | return latent 62 | 63 | def decoder(self, batch_size, filters_height, filters_width): 64 | """ Decoding, just one deconvolutional layer """ 65 | 66 | with tf.variable_scope("decoder"): 67 | output = self.deconv_layer(self.latent, batch_size, 1, filters_height, filters_width, 68 | "decode_layer") 69 | return output 70 | 71 | def conv_layer(self, inputs, out_channels, filters_length, name, stride=1): 72 | """ define a convolutional layer """ 73 | 74 | with tf.variable_scope(name): 75 | inputs_shape = inputs.get_shape().as_list() 76 | 77 | self.encode_filt, conv_biases = self.get_conv_var(inputs_shape[1], 78 | filters_length, 79 | inputs_shape[-1], 80 | out_channels, 81 | name) 82 | 83 | conv = tf.nn.conv2d(inputs, self.encode_filt, 84 | [1, stride, stride, 1], padding='VALID') 85 | bias = tf.nn.bias_add(conv, conv_biases) 86 | 87 | return tf.nn.relu(bias) 88 | 89 | def deconv_layer(self, latent, batch_size, out_channels, filters_height, filters_width, 90 | name, stride=1): 91 | """ define a deconvolutional layer """ 92 | 93 | with tf.variable_scope(name): 94 | latent_shape = latent.get_shape().as_list() 95 | 96 | self.decode_filt, deconv_biases = self.get_deconv_var(filters_height, 97 | filters_width, 98 | out_channels, 99 | latent_shape[-1], 100 | name) 101 | output_shape = (batch_size, 102 | latent_shape[1]*stride+filters_height-stride, 103 | latent_shape[2]*stride+filters_width-stride, 104 | out_channels) 105 | 106 | deconv = tf.nn.conv2d_transpose(latent, self.decode_filt, output_shape, 107 | [1, stride, stride, 1], padding='VALID') 108 | bias = tf.nn.bias_add(deconv, deconv_biases) 109 | 110 | return tf.nn.relu(bias) 111 | 112 | def get_conv_var(self, filter_height, filter_width, in_channels, out_channels, name): 113 | """ Get variables for convolutional layers """ 114 | 115 | # Initialization between 0 and 1/ 116 | initial_value = tf.random_uniform([filter_height, filter_width, in_channels, out_channels], 117 | minval=0, maxval=1/(filter_height+filter_width)) 118 | 119 | filters = self.get_var(initial_value, name + "/filter:0", 0, name + "/filter") 120 | 121 | initial_value = tf.truncated_normal([out_channels], .0, .001) 122 | biases = self.get_var(initial_value, name + "/bias:0", 0, name + "/bias") 123 | 124 | return filters, biases 125 | 126 | def get_deconv_var(self, filter_height, filter_width, out_channels, in_channels, name): 127 | """ Get variables for convolutional layers """ 128 | 129 | # Initialization between 0 and 1/ 130 | initial_value = tf.random_uniform([filter_height, filter_width, out_channels, in_channels], 131 | minval=0, maxval=1/(filter_height+filter_width)) 132 | 133 | filters = self.get_var(initial_value, name + "/filter:0", 0, name + "/filter") 134 | 135 | initial_value = tf.truncated_normal([out_channels], .0, .001) 136 | biases = self.get_var(initial_value, name + "/bias:0", 0, name + "/bias") 137 | 138 | return filters, biases 139 | 140 | def get_var(self, initial_value, name, idx, var_name): 141 | """ Get an initialized tensorflow variable """ 142 | 143 | var = tf.Variable(self.get_value(initial_value, name), 144 | name=var_name) 145 | 146 | self.var_dict[name] = var 147 | 148 | assert var.get_shape() == initial_value.get_shape() 149 | 150 | return var 151 | 152 | def sparsity(self, nb_filters): 153 | """ 154 | define a sparsity layer 155 | - padded convolution with a gaussian filter 156 | - substract input with its result (sharpen peaks) 157 | - apply AdaRelu = max(0, feature_maps.max()*0.66) (keep only peaks) 158 | """ 159 | 160 | kern = np.array(GAUSSIAN, dtype=np.float32) 161 | kern = np.expand_dims(kern, 0) 162 | kern = np.expand_dims(kern, 2) 163 | kern = np.expand_dims(kern, 3) 164 | kern = np.repeat(kern, nb_filters, axis=2) 165 | 166 | filt = tf.constant(kern) 167 | 168 | sparse_latent = tf.nn.depthwise_conv2d(self.latent, filt, [1, 1, 1, 1], padding='SAME') 169 | 170 | self.latent = adarelu(tf.subtract(self.latent, sparse_latent)) 171 | 172 | def get_value(self, initial_value, name): 173 | """ get a value from pretrained weights if exists """ 174 | 175 | if self.data_dict is not None and name in self.data_dict: 176 | return self.data_dict[name] 177 | 178 | return initial_value 179 | 180 | def save_npy(self, sess, npy_path): 181 | """ Save tensorflow session in npy files """ 182 | 183 | assert isinstance(sess, tf.Session) 184 | 185 | data_dict = {} 186 | 187 | for name, var in self.var_dict.items(): 188 | var_out = sess.run(var) 189 | 190 | data_dict[name] = var_out 191 | 192 | np.save(npy_path, data_dict) 193 | 194 | log.info("Weights saved to %s", npy_path) 195 | 196 | return npy_path 197 | 198 | def ch_layer(layer): 199 | """ Get number of channels in layer """ 200 | 201 | return layer.get_shape().as_list()[-1] 202 | 203 | def adarelu(latent): 204 | """ 205 | AdaRelu activation function 206 | Threshold for each filter activations depends on the highest peak in it 207 | """ 208 | 209 | zeros = tf.zeros_like(latent) 210 | 211 | return tf.where(tf.greater(latent, tf.reduce_max(latent, axis=2, keepdims=True)*0.66), 212 | latent, 213 | zeros) 214 | -------------------------------------------------------------------------------- /AETest.py: -------------------------------------------------------------------------------- 1 | """ 2 | Simple tester 3 | """ 4 | 5 | import sys 6 | import argparse 7 | import logging as log 8 | 9 | import tensorflow as tf 10 | import numpy as np 11 | 12 | from AE import AutoEnc 13 | import dataset_loader_AE as loader 14 | 15 | def run_test(argv): 16 | """ Launch network on chosen arguments """ 17 | nb_channels = 1 18 | 19 | run_name = argv.expe_file.split("/") 20 | expe_group = run_name[1] 21 | run_name = run_name[0] 22 | 23 | 24 | log.info("Setting session variables") 25 | 26 | with tf.device('/gpu:'+argv.gpu): 27 | dataset_paths = loader.load_paths(argv.dataset_path) 28 | 29 | tf.reset_default_graph() 30 | 31 | config = tf.ConfigProto() 32 | config.gpu_options.allow_growth = True 33 | sess = tf.Session(config=config) 34 | 35 | if argv.from_scratch: 36 | auto_enc = AutoEnc() 37 | else: 38 | auto_enc = AutoEnc(weights_path=argv.weights_path) 39 | 40 | images = tf.placeholder(tf.float32, [None, argv.doc_height, argv.doc_length, nb_channels]) 41 | 42 | learning_rate = tf.placeholder(tf.float32) 43 | 44 | log.info("Build Autoencoder") 45 | auto_enc.build(images, argv.nb_filters, argv.filters_length) 46 | 47 | # Lasso regularization 48 | # forces weights to be zero so that remaining weights should be relevent 49 | lasso = 0 50 | # Group lasso regularization 51 | # forces filters to be empty in order to keep only relevent ones 52 | grp_lasso = 0 53 | for variable in tf.trainable_variables(): 54 | if "/filter" in variable.name: 55 | grp_lasso += tf.reduce_sum(tf.sqrt(tf.reduce_sum(variable**2, axis=(0, 1, 2)))) 56 | lasso += tf.reduce_sum(tf.abs(variable)) 57 | 58 | # Kullback-leibler regularization 59 | # encourages sparsity in activations 60 | sum_latent = tf.reduce_sum(auto_enc.latent, axis=(1, 2, 3)) + 10**(-9) 61 | sum_latent = tf.expand_dims(sum_latent, axis=1) 62 | sum_latent = tf.expand_dims(sum_latent, axis=2) 63 | sum_latent = tf.expand_dims(sum_latent, axis=3) 64 | 65 | rho_hat = (auto_enc.latent/sum_latent) + 10**(-9) 66 | kullback = -tf.reduce_mean(tf.reduce_sum(rho_hat*tf.log(rho_hat), 67 | axis=(1, 2, 3))) 68 | 69 | # Log loss 70 | # out_prime = (auto_enc.outputs/(tf.reduce_sum(auto_enc.outputs, axis=(1, 2, 3)) 71 | # + 10**(-9)) 72 | # + 10**(-9)) 73 | # c_func = -tf.reduce_mean(images*tf.log(out_prime)) 74 | 75 | # Mean Squared Error 76 | c_func = tf.reduce_mean(((auto_enc.outputs - images) ** 2)) 77 | 78 | cost = c_func + argv.lambdaL*lasso + argv.lambdaGL*grp_lasso + argv.lambdaKL*kullback 79 | 80 | algo = argv.gradient_algorithm.lower() 81 | if algo == "sgd": 82 | train = tf.train.GradientDescentOptimizer(learning_rate).minimize(cost) 83 | elif algo == "momentum": 84 | train = tf.train.MomentumOptimizer(learning_rate, argv.momentum).minimize(cost) 85 | elif algo == "adam": 86 | train = tf.train.AdamOptimizer(learning_rate).minimize(cost) 87 | else: 88 | log.error("Unknown gradient descent algorithm" + argv.gradient_algorithm) 89 | return None 90 | 91 | sess.run(tf.global_variables_initializer()) 92 | writer = tf.summary.FileWriter("tensorboard/"+run_name, sess.graph) 93 | tf.summary.scalar(expe_group + "/" + "mse", c_func) 94 | tf.summary.scalar(expe_group + "/" + "cost", cost) 95 | summary_op = tf.summary.merge_all() 96 | 97 | if argv.train: 98 | log.info("Train step") 99 | 100 | for iterat in range(argv.iterations): 101 | log.info("iteration "+str(iterat+1)+"/"+str(argv.iterations)) 102 | 103 | # log.info("Load dataset batch") 104 | minibatch = loader.load_minibatch(paths_dataset=dataset_paths, 105 | batch_size=argv.batches_size, 106 | img_height=argv.doc_height, 107 | img_width=argv.doc_length, 108 | nb_channels=nb_channels) 109 | 110 | 111 | # log.info("Run network") 112 | 113 | _, summary = sess.run([train, summary_op], feed_dict={images: minibatch, 114 | learning_rate: argv.learning_rate}) 115 | 116 | 117 | writer.add_summary(summary, iterat) 118 | 119 | auto_enc.save_npy(sess, argv.out_weights_path) 120 | 121 | log.info("Test step") 122 | for variable in tf.trainable_variables(): 123 | if "/filter" in variable.name: 124 | save_path = variable.name.replace("/", "_") 125 | save_path = variable.name 126 | save_path = save_path.split(":")[0] 127 | save_path = expe_group + "/" + save_path 128 | 129 | var_shape = variable.get_shape().as_list() 130 | 131 | if var_shape[2] == 1: 132 | display_var = np.ones(((1, var_shape[0], var_shape[3]*(var_shape[1]+1), 1))) 133 | norm_var = sess.run((variable-tf.reduce_min(variable))/(tf.reduce_max(variable)-tf.reduce_min(variable))) 134 | 135 | for i in range(var_shape[3]): 136 | display_var[0, :, i*var_shape[1]+(i+1):(i+1)*var_shape[1]+(i+1), 0] = norm_var[:, :, 0, i] 137 | writer.add_summary(sess.run(tf.summary.image(save_path, 138 | display_var))) 139 | 140 | example_i = 0 141 | for image, _ in loader.load_test(paths_dataset=dataset_paths, 142 | img_height=argv.doc_height, 143 | img_width=argv.doc_length, 144 | nb_channels=nb_channels): 145 | 146 | # log.info("Run network") 147 | out, latent = sess.run([auto_enc.outputs, auto_enc.latent], 148 | feed_dict={images: image}) 149 | 150 | example_i += 1 151 | 152 | if example_i == 1: 153 | writer.add_summary(sess.run(tf.summary.image(expe_group + "/" + "input_" + str(example_i), image))) 154 | writer.add_summary(sess.run(tf.summary.image(expe_group + "/" + "out_" + str(example_i), out))) 155 | latent = latent.reshape(latent.shape[2], latent.shape[3]) 156 | latent = np.rot90(latent) 157 | latent = np.expand_dims(latent, axis=0) 158 | latent = np.expand_dims(latent, axis=3) 159 | writer.add_summary(sess.run(tf.summary.image(expe_group + "/" + "latent_" + str(example_i), latent))) 160 | 161 | 162 | if __name__ == '__main__': 163 | PARSER = argparse.ArgumentParser(description="Autoencoder Test.") 164 | 165 | PARSER.add_argument("--train", dest='train', action='store_const', 166 | const=True, default=False, help="Launch on training mode.") 167 | 168 | PARSER.add_argument("--scratch", dest='from_scratch', action='store_const', 169 | const=True, default=False, help="Enable learning from scratch.") 170 | 171 | PARSER.add_argument("--dataset_path", type=str, default="Example_Dataset/dataset.json", 172 | help="Path of the json dataset file.") 173 | 174 | PARSER.add_argument("--doc_length", type=int, default=500, 175 | help="Length of a temporal document.") 176 | 177 | PARSER.add_argument("--doc_height", type=int, default=10, 178 | help="Height of a temporal document.") 179 | 180 | PARSER.add_argument("--nb_filters", type=int, default=10, 181 | help="Number of filters given.") 182 | 183 | PARSER.add_argument("--filters_length", type=int, default=45, 184 | help="Length of the given filters.") 185 | 186 | PARSER.add_argument("--weights_path", type=str, default="ae_weights.npy", 187 | help="If not scratch, path of the network weights file.") 188 | 189 | PARSER.add_argument("--out_weights_path", type=str, default="trained_ae_weights.npy", 190 | help="If train, path where saving the final weights.") 191 | 192 | PARSER.add_argument("--iterations", type=int, default=1000, 193 | help="Number of training iterations.") 194 | 195 | PARSER.add_argument("--batches_size", type=int, default=200, 196 | help="Number of examples in each batches") 197 | 198 | PARSER.add_argument("--gradient_algorithm", type=str, default="adam", 199 | help="Algorithm used for gradient descent (SGD, momentum, ADAM).") 200 | 201 | PARSER.add_argument("--learning_rate", type=float, default=0.0001, 202 | help="Learning rate used in training.") 203 | 204 | PARSER.add_argument("--momentum", type=float, default=0.9, 205 | help="Momentum used in training.") 206 | 207 | PARSER.add_argument("--lambdaGL", type=float, default=1.0, 208 | help="Group lasso coefficient on first encode filters and last decode filters.") 209 | 210 | PARSER.add_argument("--lambdaL", type=float, default=0.001, 211 | help="Lasso coefficient on first encode filters and last decode filters.") 212 | 213 | PARSER.add_argument("--lambdaKL", type=float, default=0.001, 214 | help="Kullback on latent coefficient.") 215 | 216 | PARSER.add_argument("--expe_file", type=str, default="expe/results", 217 | help="Used as prefix of the output files path.") 218 | 219 | PARSER.add_argument("--gpu", type=str, default="0", 220 | help="GPU-to-be-used index.") 221 | 222 | log.basicConfig(level=log.DEBUG, 223 | format="[%(levelname)s] [%(funcName)s:%(lineno)d] %(message)s", 224 | datefmt="%H:%M:%S", 225 | stream=sys.stdout) 226 | 227 | run_test(PARSER.parse_args()) 228 | -------------------------------------------------------------------------------- /Example_Dataset/Tdocs/Tdoc_1.txt: -------------------------------------------------------------------------------- 1 | 5:9 13:17 21:6 22:8 2 | 3:1 4:8 10:20 22:12 3 | 12:3 4 | 3:12 24:21 5 | 9:21 14:10 21:9 6 | 4:9 7 | 21:20 8 | 9:20 9 | 0:15 6:13 9:17 10 | 5:12 16:1 11 | 14:19 12 | 9:19 17:17 13 | 2:10 7:15 11:4 22:22 14 | 2:16 17:22 15 | 2:8 13:12 16 | 1:17 4:5 14:11 18:5 17 | 5:14 15:11 20:16 18 | 0:9 7:2 14:13 20:12 24:22 19 | 20 | 4:12 14:19 18:17 21 | 3:2 13:4 14:4 21:5 23:8 22 | 20:15 23 | 18:16 24:13 24 | 2:1 3:2 8:1 9:13 25 | 2:31 3:55 4:50 5:48 6:64 7:45 8:40 9:49 10:6 12:19 14:1 26 | 2:11 3:39 5:5 6:8 7:30 8:57 9:33 10:47 11:51 12:35 13:11 14:7 27 | 2:40 3:29 7:30 8:22 12:17 13:55 14:31 16:10 18:9 28 | 2:47 3:3 7:44 8:6 13:11 14:44 18:3 29 | 0:3 1:7 2:40 6:9 7:44 13:21 14:46 23:1 30 | 1:21 2:20 6:24 7:22 13:4 14:49 19:15 31 | 1:40 2:4 5:12 6:53 7:9 13:35 14:9 17:11 21:31 32 | 1:27 6:8 7:1 12:19 13:19 19:13 20:26 21:26 22:3 33 | 1:1 8:2 11:9 12:14 13:26 14:14 17:2 18:41 19:43 20:28 21:53 22:39 34 | 10:15 11:41 12:16 13:6 14:43 16:10 17:45 18:36 21:6 22:25 35 | 0:15 9:27 10:40 11:5 13:32 14:26 15:9 16:41 17:9 21:25 22:9 36 | 5:7 9:46 10:1 11:9 12:40 13:32 14:3 15:46 16:11 18:1 19:12 20:29 21:12 37 | 2:8 9:41 10:31 11:53 12:54 13:55 14:44 15:63 16:61 17:33 18:43 19:22 20:27 21:24 22:8 38 | 9:61 10:29 11:19 12:17 13:32 14:30 17:4 18:36 19:59 20:33 21:34 22:61 24:14 39 | 9:17 10:8 11:26 12:21 13:15 14:65 16:9 17:49 18:17 21:8 22:39 23:19 40 | 9:17 10:37 11:2 12:1 13:37 14:34 15:5 16:64 17:12 21:35 22:6 41 | 9:41 10:5 11:7 12:48 13:31 14:5 15:42 16:10 18:1 19:9 20:41 21:15 23:2 42 | 9:41 10:19 11:55 12:58 13:69 14:56 15:39 16:39 17:45 18:37 19:18 43 | 5:15 8:2 9:40 10:31 11:14 12:12 13:16 14:28 15:9 16:1 17:20 18:1 44 | 4:9 9:14 10:25 11:48 12:57 13:51 14:68 15:49 16:50 17:37 18:39 19:44 20:43 21:57 22:6 45 | 2:9 3:1 7:4 10:5 11:34 12:26 13:7 14:44 46 | 2:12 9:15 10:41 11:13 13:18 14:28 18:21 47 | 0:22 4:7 9:33 10:15 12:4 13:34 15:16 17:10 48 | 6:12 7:9 9:17 10:39 11:20 12:23 49 | 0:11 1:2 10:24 11:16 12:15 50 | 1:11 2:49 3:39 4:34 5:33 6:43 7:37 8:32 9:57 10:39 11:45 12:51 13:44 14:41 15:43 16:17 17:5 51 | 1:36 2:5 4:2 5:7 6:21 7:23 8:17 9:12 12:3 13:21 14:14 15:14 16:18 17:25 52 | 1:1 2:36 3:16 4:20 5:18 6:2 11:27 12:30 13:29 14:49 22:15 53 | 8:9 9:1 10:44 11:25 12:1 13:23 14:28 17:5 54 | 9:23 10:15 11:4 12:35 13:25 19:4 55 | 7:1 9:41 10:62 11:57 12:45 13:35 14:31 56 | 9:15 13:4 14:29 16:21 57 | 3:5 13:26 14:1 22:9 23:17 58 | 8:13 9:33 10:46 11:48 12:61 13:64 14:59 18:1 21:7 59 | 10:5 11:31 12:40 13:24 14:4 60 | 9:9 10:36 11:13 61 | 4:1 6:1 9:8 10:46 11:40 12:17 13:4 16:8 62 | 1:13 9:40 10:4 12:7 13:24 14:7 63 | 9:38 10:1 13:1 14:6 64 | 6:26 7:43 8:30 9:48 10:36 11:29 12:16 13:17 14:4 22:22 65 | 6:5 7:14 8:16 9:45 10:9 11:9 12:16 13:27 14:32 15:12 23:14 66 | 8:6 9:32 12:13 14:1 15:22 67 | 2:20 4:10 8:8 9:22 14:12 15:1 16:18 68 | 21:4 69 | 15:14 16:2 19:20 20:7 70 | 0:7 10:12 71 | 8:8 9:18 72 | 10:22 73 | 1:4 11:6 22:3 74 | 2:13 75 | 21:13 76 | 24:13 77 | 0:22 6:2 11:20 14:19 17:16 78 | 0:14 6:7 79 | 11:21 80 | 4:20 18:16 81 | 82 | 2:13 5:17 83 | 84 | 4:11 11:1 21:10 85 | 9:20 86 | 0:3 15:17 87 | 2:7 8:20 18:10 88 | 17:13 89 | 90 | 2:7 9:21 91 | 19:12 92 | 0:17 13:15 16:12 20:18 93 | 11:16 12:18 94 | 1:18 3:32 9:15 95 | 13:12 96 | 6:33 7:16 11:5 13:15 18:11 24:22 97 | 13:5 16:27 18:5 23:4 98 | 99 | 0:9 100 | 15:17 18:12 23:21 101 | 5:15 9:17 17:1 19:4 102 | 13:14 103 | 0:11 17:5 104 | 2:12 105 | 14:9 18:9 106 | 10:15 11:14 12:16 107 | 21:22 108 | 109 | 2:6 3:4 9:15 110 | 2:24 3:46 4:58 5:39 6:26 7:27 8:29 9:21 10:6 15:1 111 | 2:17 3:36 6:7 7:11 8:31 9:28 10:38 11:48 12:25 13:11 19:10 20:16 24:15 112 | 2:24 3:21 5:6 6:13 7:28 8:23 9:14 11:3 12:13 13:33 14:20 23:14 113 | 2:61 3:57 4:48 5:29 6:44 7:71 8:44 9:24 10:2 13:6 14:48 22:19 114 | 0:1 1:7 2:52 3:38 5:1 6:13 7:56 8:45 9:29 10:58 11:39 12:56 13:14 14:26 18:8 22:8 115 | 0:19 1:14 2:45 3:20 6:17 7:44 8:21 10:17 11:2 12:35 13:59 14:39 116 | 1:38 2:37 3:6 6:32 7:54 8:3 10:2 13:32 14:47 117 | 1:40 2:26 6:17 7:43 12:26 13:15 14:34 19:6 20:20 21:25 22:2 118 | 1:25 2:15 3:11 6:21 7:27 8:7 11:3 12:11 13:34 14:46 17:5 18:29 19:42 20:19 21:45 22:38 119 | 1:36 2:2 6:37 7:7 10:15 11:34 12:10 13:28 14:36 16:25 17:46 18:17 21:5 22:28 120 | 1:33 6:11 9:5 10:31 12:25 13:40 14:21 15:12 16:31 17:29 19:9 20:32 21:37 22:14 121 | 1:3 6:7 9:39 10:9 11:16 12:57 13:44 14:24 15:29 16:11 17:5 18:39 19:56 20:45 21:47 22:30 122 | 1:22 2:20 7:2 9:46 10:33 11:96 12:52 13:50 14:91 15:45 16:42 17:86 18:48 19:13 20:25 21:18 22:31 123 | 9:53 10:62 11:19 12:11 13:60 14:51 15:14 16:45 17:10 18:31 19:38 20:32 21:50 22:33 24:12 124 | 1:19 9:28 10:19 11:39 12:62 13:35 14:37 15:34 16:16 17:42 18:21 19:15 20:29 21:15 22:44 125 | 7:8 9:37 10:55 11:59 12:64 13:85 14:68 15:50 16:80 17:42 18:38 19:24 20:28 21:49 22:11 126 | 3:20 5:18 9:77 10:37 11:20 12:52 13:44 14:27 15:51 16:14 17:6 18:28 19:45 20:46 21:45 22:41 127 | 2:1 9:59 10:29 11:84 12:84 13:69 14:84 15:44 16:49 17:75 18:30 19:20 20:3 21:2 22:30 128 | 3:9 9:53 10:63 11:29 12:4 13:56 14:49 15:9 16:55 17:6 21:24 22:14 129 | 2:5 3:9 4:15 9:26 10:7 11:7 12:33 13:24 14:5 15:35 16:34 19:7 20:20 21:27 130 | 0:16 6:10 9:37 10:29 11:50 12:54 13:55 14:60 15:34 16:33 17:32 18:37 19:25 20:1 131 | 9:37 10:21 11:24 12:28 13:13 14:28 22:22 132 | 6:4 133 | 1:6 5:18 11:18 21:21 134 | 135 | 14:18 20:10 136 | 20:13 137 | 8:1 138 | 2:2 13:20 20:8 139 | 17:6 140 | 10:3 24:16 141 | 20:2 142 | 2:33 8:2 18:14 143 | 5:13 144 | 14:3 16:18 145 | 3:16 11:22 146 | 7:10 147 | 7:3 148 | 0:1 7:14 16:11 149 | 15:16 20:11 22:5 150 | 1:5 151 | 6:2 8:10 20:18 152 | 0:2 6:6 7:8 9:7 10:14 11:3 153 | 23:30 154 | 6:19 8:13 14:4 155 | 156 | 9:10 23:12 157 | 5:2 20:11 22:18 24:12 158 | 15:17 23:2 159 | 1:19 2:7 22:14 160 | 22:20 161 | 4:15 16:9 162 | 5:5 163 | 10:12 14:16 164 | 16:16 165 | 0:13 12:6 166 | 14:13 19:33 24:12 167 | 16:17 20:15 168 | 169 | 13:13 23:4 170 | 5:22 9:37 171 | 172 | 20:19 22:4 173 | 2:7 174 | 7:7 10:13 11:4 175 | 6:3 176 | 1:16 21:4 177 | 178 | 1:20 179 | 10:17 19:9 180 | 10:3 181 | 5:32 182 | 183 | 3:12 22:2 184 | 12:17 15:4 22:18 24:2 185 | 13:5 21:6 186 | 8:2 19:14 187 | 4:17 188 | 22:16 23:19 24:5 189 | 190 | 191 | 1:20 5:8 7:41 17:8 192 | 4:17 193 | 0:2 6:25 12:26 23:15 194 | 0:16 13:12 16:6 19:14 195 | 24:2 196 | 1:23 6:4 7:16 22:6 197 | 4:21 19:3 198 | 0:3 17:13 18:1 199 | 13:9 17:6 200 | 2:3 4:19 5:11 24:14 201 | 4:22 16:6 202 | 6:8 11:14 203 | 1:4 9:21 12:4 24:6 204 | 3:14 10:3 16:22 205 | 10:13 206 | 1:3 3:6 13:21 17:22 18:20 21:15 207 | 10:18 13:17 208 | 7:15 209 | 14:12 20:20 210 | 211 | 0:16 2:19 7:13 9:11 21:7 212 | 8:12 213 | 0:8 4:19 9:11 214 | 11:9 20:18 21:12 215 | 21:3 216 | 11:17 217 | 3:11 8:20 14:18 21:21 218 | 3:8 5:19 7:12 14:3 22:1 219 | 10:21 17:13 24:17 220 | 10:19 11:8 14:19 15:8 221 | 222 | 0:18 4:12 6:3 17:4 223 | 6:19 224 | 5:15 225 | 0:16 20:9 226 | 12:12 227 | 16:3 22:17 228 | 22:5 229 | 7:1 17:18 230 | 6:18 18:5 231 | 8:26 232 | 3:16 233 | 12:22 21:18 24:3 234 | 12:4 235 | 4:33 13:7 18:11 236 | 7:5 14:1 16:18 237 | 1:16 6:8 16:5 21:16 238 | 19:22 239 | 3:17 14:2 240 | 3:5 11:19 13:16 18:4 23:29 241 | 242 | 3:21 19:16 243 | 9:14 244 | 1:38 3:30 19:1 245 | 14:11 17:6 22:10 246 | 22:20 247 | 11:22 248 | 5:18 7:20 12:21 14:9 20:10 249 | 1:17 3:17 7:7 9:22 250 | 6:3 8:9 15:14 23:16 251 | 16:4 18:12 24:7 252 | 4:13 10:20 11:11 13:1 253 | 13:20 17:7 18:20 254 | 13:13 255 | 256 | 257 | 6:14 258 | 0:10 3:15 4:3 259 | 4:19 10:7 12:4 17:19 23:16 260 | 12:17 16:10 23:7 261 | 2:1 3:1 9:13 10:3 24:12 262 | 1:4 2:22 3:47 4:41 5:24 6:43 7:19 8:37 9:31 10:4 13:2 17:10 18:16 263 | 2:17 3:38 5:2 6:4 7:30 8:45 9:25 10:28 11:32 12:24 13:5 264 | 2:27 3:18 5:25 7:13 8:31 11:4 12:14 13:38 14:29 265 | 2:36 3:5 4:3 7:43 8:4 10:9 13:9 14:37 17:14 18:6 266 | 0:15 1:7 2:21 6:13 7:27 8:21 14:29 267 | 1:14 2:22 6:18 7:25 13:7 14:24 268 | 1:30 2:3 6:28 7:7 13:22 14:17 269 | 1:26 6:6 7:1 12:16 13:8 19:12 20:19 21:15 22:3 270 | 1:4 11:10 12:10 13:20 14:13 17:14 18:30 19:35 20:25 21:31 22:25 271 | 10:7 11:31 12:30 13:12 14:32 16:9 17:59 18:26 21:4 22:22 272 | 3:15 9:5 10:22 11:1 13:26 14:18 15:7 16:36 17:8 19:5 21:17 22:12 273 | 5:21 9:42 10:2 11:5 12:40 13:25 14:2 15:47 16:9 18:1 19:9 20:25 21:11 274 | 9:34 10:18 11:40 12:42 13:51 14:45 15:38 16:21 17:25 18:37 19:10 20:25 21:12 22:2 275 | 9:39 10:26 11:14 12:8 13:17 14:24 15:1 16:3 17:4 18:30 19:29 20:26 21:30 22:26 23:16 276 | 10:9 11:31 12:17 13:13 14:35 16:9 17:36 18:18 21:1 22:21 277 | 9:6 10:21 13:29 14:17 15:2 16:29 17:5 21:23 22:2 278 | 2:3 9:35 10:4 11:20 12:27 13:19 14:17 15:27 16:12 19:14 20:17 21:9 279 | 9:32 10:21 11:37 12:35 13:43 14:44 15:40 16:39 17:27 18:27 19:15 20:4 280 | 9:34 10:19 11:11 12:7 13:16 14:20 281 | 12:21 282 | 0:12 4:7 9:22 14:19 20:20 283 | 6:20 7:8 8:13 284 | 5:12 16:20 22:15 24:10 285 | 19:13 21:32 22:16 286 | 287 | 8:3 23:16 288 | 11:1 289 | 1:22 9:2 11:14 15:9 18:2 22:7 290 | 6:16 16:14 22:16 291 | 12:7 20:14 292 | 1:18 6:17 15:10 293 | 20:7 21:21 294 | 14:18 295 | 11:12 22:18 296 | 297 | 5:10 6:15 16:2 24:5 298 | 0:19 299 | 2:7 15:9 18:21 20:10 21:5 300 | 10:25 301 | 302 | 11:4 19:21 24:10 303 | 7:8 14:8 18:9 23:20 304 | 3:15 22:18 305 | 306 | 8:8 22:1 307 | 4:4 14:4 17:4 19:11 308 | 24:20 309 | 310 | 1:6 311 | 7:17 12:8 312 | 313 | 1:8 12:15 314 | 1:1 11:17 19:10 315 | 3:35 4:27 10:1 12:13 13:19 18:10 316 | 0:18 2:13 3:8 4:66 5:3 9:16 10:16 11:24 16:18 17:3 22:18 317 | 2:1 4:95 5:62 6:55 7:34 8:14 9:4 10:9 11:75 318 | 0:9 1:12 2:13 4:25 5:65 6:17 7:29 8:71 9:74 10:71 11:102 12:56 13:33 14:30 15:37 16:28 17:2 319 | 3:1 4:1 5:61 6:5 10:2 11:91 12:20 13:35 14:43 15:65 16:59 17:39 320 | 5:36 6:44 10:24 11:67 15:1 321 | 6:97 7:20 10:54 11:8 18:4 19:37 322 | 6:26 7:81 8:32 9:48 10:44 21:19 323 | 7:25 8:70 9:28 14:21 15:17 324 | 4:27 5:87 6:84 7:68 8:64 9:57 10:99 11:69 12:79 13:79 14:74 15:73 16:78 17:84 18:44 19:34 20:27 325 | 4:43 5:9 7:3 8:16 9:36 10:35 11:44 12:13 15:7 16:25 17:20 18:19 19:35 20:40 326 | 4:2 5:29 6:26 7:30 8:17 13:2 14:38 15:59 16:49 17:97 18:16 19:12 22:3 327 | 5:9 6:5 12:3 13:67 14:38 16:53 17:43 328 | 12:36 13:16 14:18 15:64 16:34 18:17 329 | 12:67 13:77 14:92 15:72 16:69 17:46 24:2 330 | 12:18 13:2 16:7 17:53 19:13 20:14 331 | 9:15 15:1 16:34 17:6 332 | 2:22 6:12 8:4 11:19 12:66 13:63 14:76 15:97 16:105 17:98 18:1 24:9 333 | 4:17 5:8 6:6 8:10 13:6 14:49 15:66 16:36 17:11 334 | 5:13 12:23 13:82 14:20 335 | 7:15 12:13 13:53 14:74 15:23 16:8 336 | 7:15 12:67 13:8 15:10 16:45 17:21 337 | 12:65 13:1 16:2 17:14 18:22 338 | 9:65 10:64 11:53 12:77 13:59 14:59 15:34 16:30 17:4 18:2 22:8 339 | 9:7 10:27 11:19 12:63 13:29 14:21 15:28 16:31 17:70 18:15 22:17 340 | 11:4 12:58 18:37 341 | 3:1 4:9 11:13 12:30 17:29 18:7 23:3 342 | 0:18 4:17 11:17 12:25 17:10 343 | 15:22 344 | 2:16 5:12 9:5 17:14 19:14 21:21 22:16 345 | 4:10 6:7 23:5 346 | 15:11 347 | 2:9 4:5 13:22 348 | 4:15 17:19 349 | 7:16 16:1 350 | 6:13 9:17 18:9 24:10 351 | 0:8 14:9 352 | 7:20 9:21 353 | 3:5 22:2 354 | 15:16 22:21 355 | 8:15 9:12 10:7 356 | 7:10 8:22 18:21 21:22 357 | 358 | 23:22 359 | 3:1 15:7 20:1 360 | 7:21 15:4 361 | 8:1 16:10 362 | 9:13 363 | 6:22 15:19 16:16 364 | 9:2 365 | 18:21 20:9 23:1 366 | 8:14 13:12 367 | 5:4 20:14 368 | 0:14 17:18 369 | 3:52 4:44 7:9 370 | 3:14 4:72 10:24 11:36 15:22 16:10 371 | 3:22 4:67 5:55 6:47 7:27 8:27 9:7 10:2 11:90 23:13 372 | 4:23 5:64 6:9 7:43 8:44 9:70 10:74 11:89 12:50 13:34 14:29 15:44 16:18 17:9 20:15 373 | 5:74 6:9 7:14 10:7 11:91 12:18 13:39 14:49 15:70 16:74 17:41 374 | 0:12 5:33 6:67 10:19 11:58 12:14 13:11 17:21 23:7 375 | 6:88 7:18 10:39 11:17 18:1 376 | 6:24 7:96 8:31 9:62 10:42 19:21 377 | 7:24 8:67 9:28 14:31 15:14 378 | 4:37 5:113 6:80 7:68 8:85 9:61 10:75 11:86 12:99 13:83 14:79 15:71 16:94 17:74 18:62 19:33 20:12 379 | 3:8 4:49 5:8 7:1 8:17 9:32 10:30 11:37 12:22 15:10 16:35 17:27 18:13 19:30 20:40 23:12 24:5 380 | 0:11 4:3 5:28 6:40 7:34 8:22 14:53 15:69 16:44 17:102 20:9 381 | 7:1 13:54 14:37 16:45 17:42 382 | 1:7 2:17 12:42 13:24 14:6 15:54 16:35 19:8 21:12 24:7 383 | 12:79 13:67 14:96 15:47 16:61 17:45 24:10 384 | 10:7 12:26 13:4 16:6 17:54 385 | 3:15 11:21 15:1 16:65 17:4 386 | 0:22 10:18 11:23 12:89 13:75 14:90 15:94 16:121 17:120 18:1 387 | 5:14 13:12 14:52 15:73 16:56 17:12 388 | 2:3 5:21 12:29 13:86 14:18 389 | 3:13 12:27 13:83 14:56 15:40 16:9 18:19 390 | 2:12 5:20 12:47 13:5 15:18 16:58 17:39 23:3 391 | 12:79 13:3 14:22 16:3 17:17 392 | 2:8 9:57 10:85 11:51 12:97 13:46 14:54 15:45 16:30 17:4 21:1 393 | 9:14 10:10 11:19 12:71 13:23 14:18 15:25 16:42 17:68 18:27 19:9 394 | 2:7 4:20 9:20 11:2 12:69 18:42 21:13 395 | 3:14 11:27 12:37 17:24 18:12 20:20 396 | 11:16 12:26 20:15 24:12 397 | 18:14 398 | 0:17 399 | 0:16 13:16 19:13 20:5 24:14 400 | 17:4 20:21 21:43 24:9 401 | 3:18 4:7 17:22 402 | 1:28 403 | 3:43 4:36 404 | 3:3 4:63 10:15 11:29 12:2 13:7 22:20 405 | 4:56 5:66 6:43 7:55 8:28 9:6 10:7 11:86 17:19 406 | 4:33 5:72 6:20 7:34 8:40 9:72 10:73 11:119 12:51 13:57 14:25 15:23 16:16 17:1 24:10 407 | 2:2 3:2 4:1 5:66 6:10 7:9 9:16 10:7 11:97 12:29 13:40 14:45 15:50 16:66 17:35 408 | 2:32 3:53 4:64 5:76 6:93 7:24 8:26 9:32 10:21 11:59 24:15 409 | 2:19 3:32 5:3 6:88 7:38 8:51 9:51 10:111 11:57 12:24 13:8 410 | 2:38 3:73 4:31 6:23 7:103 8:56 9:52 10:47 11:2 12:22 13:42 14:10 15:21 411 | 2:38 3:15 4:66 6:21 7:62 8:76 9:39 10:20 11:29 13:9 14:57 15:12 17:10 412 | 0:11 1:8 2:40 4:94 5:157 6:150 7:151 8:86 9:70 10:88 11:138 12:99 13:67 14:115 15:73 16:92 17:65 18:42 19:55 20:14 413 | 1:22 2:28 4:73 5:72 6:33 7:49 8:64 9:78 10:105 11:163 12:70 13:53 14:57 15:27 16:50 17:22 18:27 19:34 20:46 24:3 414 | 0:12 1:39 2:4 3:17 4:16 5:106 6:85 7:23 8:16 9:1 10:6 11:112 12:23 13:64 14:89 15:128 16:120 17:140 415 | 1:31 3:50 4:39 5:27 6:77 7:2 10:20 11:54 12:23 13:78 14:45 16:62 17:45 19:10 20:21 21:16 22:10 416 | 1:6 3:12 4:80 6:81 7:22 10:83 11:74 12:69 13:58 14:34 15:59 16:27 17:1 18:40 19:43 20:36 21:27 22:50 23:13 417 | 4:93 5:66 6:78 7:125 8:57 9:67 10:55 11:118 12:73 13:79 14:121 15:69 16:74 17:101 18:13 19:13 21:4 22:25 418 | 4:30 5:59 6:37 7:51 8:124 9:127 10:113 11:128 12:71 13:96 14:74 15:51 16:60 17:69 21:22 22:6 419 | 2:6 4:26 5:164 6:106 7:79 8:80 9:98 10:70 11:148 12:162 13:162 14:130 15:172 16:202 17:124 18:53 19:59 20:41 21:8 420 | 2:14 4:64 5:36 6:60 7:3 8:18 9:77 10:68 11:174 12:132 13:119 14:123 15:135 16:152 17:155 18:62 19:51 20:76 21:27 22:13 421 | 4:2 5:20 6:105 7:43 8:23 9:35 10:86 11:46 12:10 13:46 14:135 15:126 16:94 17:101 18:34 19:50 20:37 21:47 22:31 422 | 0:16 6:18 7:95 8:36 9:56 10:72 11:39 12:50 13:141 14:93 16:57 17:64 18:15 20:16 21:4 22:29 23:3 423 | 0:14 3:10 7:29 8:85 9:43 10:27 11:1 12:59 13:126 14:98 15:127 16:59 17:9 21:36 22:11 424 | 4:34 5:89 6:84 7:80 8:94 9:104 10:55 11:76 12:34 13:188 14:176 15:182 16:215 17:127 18:73 19:60 20:44 21:26 425 | 4:49 5:11 7:7 8:25 9:69 10:61 11:114 12:163 13:58 14:43 15:50 16:89 17:127 18:58 19:59 20:41 426 | 4:4 5:27 6:36 7:63 8:18 9:111 10:96 11:66 12:90 13:92 14:110 15:117 16:135 17:113 18:3 427 | 9:22 10:41 11:80 12:225 13:218 14:199 15:162 16:223 17:234 18:64 19:43 20:31 21:33 22:9 428 | 10:5 11:67 12:125 13:47 14:104 15:138 16:107 17:12 18:42 19:11 20:3 429 | 8:21 9:2 10:34 11:25 12:160 13:160 14:118 15:55 16:67 17:80 18:9 21:14 430 | 7:14 9:31 10:12 11:18 12:57 13:107 14:52 15:37 16:15 17:59 24:19 431 | 3:2 4:12 9:15 10:30 11:22 12:83 13:7 15:19 16:119 17:26 22:19 432 | 11:22 12:176 13:93 14:81 15:103 16:114 17:121 23:15 433 | 1:33 2:46 3:36 4:34 5:33 6:33 7:35 8:34 9:120 10:109 11:98 12:109 13:96 14:129 15:158 16:115 17:31 434 | 1:33 2:1 3:15 5:21 6:18 7:27 8:18 9:21 10:14 11:22 12:128 13:126 14:70 15:44 16:51 17:87 18:25 21:20 435 | 1:3 2:17 3:28 4:9 5:11 11:33 12:100 13:89 14:115 15:38 16:5 17:2 18:39 23:20 436 | 9:2 10:30 11:64 12:121 13:26 14:20 15:16 16:68 17:59 18:6 437 | 6:17 9:27 10:19 11:13 12:114 13:19 16:13 17:10 438 | 5:6 9:96 10:108 11:101 12:145 13:89 14:73 15:43 16:23 17:5 18:11 24:2 439 | 9:11 10:20 11:23 12:82 13:26 14:77 15:26 16:39 17:68 18:22 440 | 7:19 8:13 11:5 12:64 13:18 14:5 17:2 18:52 441 | 8:12 9:43 10:57 11:57 12:103 13:69 14:36 17:18 18:16 442 | 10:3 11:49 12:42 13:23 14:5 443 | 9:19 10:33 11:24 17:18 21:14 444 | 8:9 9:11 10:36 11:28 12:18 13:7 20:36 445 | 9:37 10:3 12:9 13:25 14:8 446 | 0:18 9:37 11:7 14:9 24:16 447 | 6:26 7:44 8:31 9:25 10:30 11:24 12:17 13:18 14:1 448 | 6:2 7:16 8:6 9:32 10:28 11:16 12:15 13:14 14:28 15:9 18:1 21:15 449 | 9:26 14:1 15:23 16:22 21:28 450 | 6:4 8:7 9:15 10:5 14:13 15:4 451 | 12:24 24:11 452 | 14:2 22:22 453 | 0:18 4:17 454 | 8:14 17:33 21:1 455 | 24:11 456 | 21:17 457 | 9:13 23:18 458 | 1:21 12:15 19:1 459 | 7:15 9:22 20:20 460 | 8:5 17:4 22:8 24:11 461 | 462 | 23:5 463 | 14:5 20:8 464 | 4:11 8:18 17:7 465 | 2:14 10:16 15:5 20:18 466 | 0:7 3:17 5:5 467 | 17:11 19:13 468 | 9:6 13:14 22:2 24:15 469 | 13:14 21:17 470 | 16:8 17:1 471 | 13:15 16:20 472 | 9:7 11:6 14:20 17:7 21:10 473 | 8:1 17:16 23:12 474 | 10:1 475 | 21:1 476 | 5:18 7:9 477 | 0:8 12:17 478 | 479 | 3:21 4:20 19:10 480 | 11:5 15:12 481 | 10:2 17:15 482 | 0:21 8:9 17:6 483 | 14:13 16:14 484 | 5:10 485 | 17:21 486 | 487 | 3:9 6:16 17:17 20:21 21:14 488 | 0:7 1:5 6:15 10:18 11:16 16:7 489 | 8:12 20:17 24:18 490 | 13:9 16:2 491 | 1:7 492 | 0:21 493 | 8:19 494 | 9:17 495 | 22:20 496 | 14:14 20:4 497 | 498 | 3:18 16:22 20:19 499 | 5:20 11:6 500 | 7:9 501 | -------------------------------------------------------------------------------- /Example_Dataset/Tdocs/Tdoc_2.txt: -------------------------------------------------------------------------------- 1 | 7:16 21:14 24:26 2 | 11:15 3 | 4:5 7:5 17:3 19:2 24:6 4 | 8:26 20:5 21:1 5 | 1:10 9:5 13:5 6 | 10:11 16:3 17:8 18:6 21:9 7 | 6:14 19:25 8 | 6:15 20:3 24:3 9 | 3:33 4:33 6:2 7:19 8:5 12:4 23:14 10 | 3:16 4:68 5:8 6:1 9:10 10:34 11:45 15:19 11 | 3:11 4:80 5:81 6:63 7:47 8:26 9:6 10:18 11:114 14:13 12 | 4:33 5:64 6:27 7:41 8:55 9:84 10:68 11:114 12:71 13:43 14:45 15:60 16:25 17:3 13 | 5:89 6:17 10:8 11:100 12:25 13:32 14:51 15:57 16:92 17:38 20:8 14 | 5:41 6:71 7:6 10:31 11:75 12:15 13:15 14:8 17:6 18:13 24:7 15 | 6:79 7:15 10:71 11:20 24:13 16 | 6:17 7:106 8:32 9:62 10:44 17 | 0:6 3:4 7:33 8:92 9:55 12:3 13:2 14:27 15:16 17:2 18:5 22:11 18 | 4:40 5:95 6:102 7:78 8:88 9:87 10:69 11:76 12:113 13:96 14:77 15:80 16:100 17:70 18:68 19:61 20:17 23:13 19 | 3:16 4:77 5:9 7:3 8:19 9:36 10:40 11:45 12:20 15:7 16:48 17:37 18:21 19:34 20:43 20 | 2:2 4:21 5:29 6:34 7:36 8:23 9:13 14:55 15:75 16:53 17:104 21 | 2:24 3:35 4:41 5:32 6:29 7:19 8:28 9:19 10:13 12:7 13:68 14:31 16:48 17:50 22:14 23:2 22 | 2:8 3:29 5:2 6:10 7:19 8:39 9:25 10:31 11:49 12:82 13:32 14:15 15:86 16:40 23 | 2:28 3:17 6:6 7:25 8:24 11:3 12:95 13:116 14:110 15:78 16:78 17:53 19:15 24 | 2:38 3:3 7:43 8:2 9:19 12:23 13:8 14:29 16:5 17:68 21:25 24:9 25 | 1:4 2:23 6:5 7:28 13:4 14:32 15:1 16:43 17:8 19:14 21:13 26 | 1:18 2:20 6:21 7:21 10:3 11:29 12:115 13:89 14:122 15:94 16:106 17:128 18:1 27 | 1:38 2:3 6:29 7:5 12:11 13:38 14:63 15:87 16:52 17:9 23:11 28 | 1:39 6:5 7:2 12:50 13:107 14:25 19:10 20:26 21:24 22:4 29 | 1:1 6:15 11:5 12:32 13:108 14:80 15:36 16:3 17:3 18:32 19:32 20:23 21:28 22:17 30 | 4:12 10:10 11:30 12:79 13:13 14:38 15:30 16:80 17:62 18:17 21:1 22:13 31 | 8:1 9:9 10:27 11:1 12:104 13:38 14:17 15:3 16:28 17:25 21:22 22:7 32 | 0:15 5:6 8:7 9:98 10:77 11:57 12:128 13:73 14:66 15:90 16:42 17:6 18:12 19:10 20:20 21:8 33 | 7:15 9:44 10:30 11:70 12:121 13:65 14:65 15:83 16:58 17:99 18:58 19:13 20:24 21:23 22:4 24:5 34 | 9:42 10:28 11:10 12:71 13:15 14:20 16:4 17:8 18:74 19:41 20:20 21:29 22:22 35 | 10:7 11:63 12:60 13:39 14:38 16:6 17:61 18:26 20:1 21:11 22:38 36 | 9:5 10:22 11:21 12:32 13:31 14:17 15:12 16:33 17:7 21:25 22:7 37 | 0:12 9:22 10:2 11:5 12:23 13:22 14:3 15:28 16:6 18:1 19:13 20:16 21:7 38 | 9:28 10:14 11:46 12:43 13:50 14:44 15:37 16:37 17:25 18:28 19:8 20:1 39 | 2:10 9:28 10:23 11:14 12:7 13:15 14:25 20:13 22:8 40 | 9:16 14:11 16:8 20:4 24:12 41 | 0:11 1:12 4:9 13:8 17:15 42 | 8:15 43 | 11:8 16:5 24:7 44 | 6:2 12:11 14:14 45 | 2:10 11:6 13:14 15:5 22:11 46 | 12:7 47 | 11:8 21:15 48 | 7:10 12:4 49 | 2:2 5:3 11:4 14:3 17:10 23:6 50 | 8:6 14:12 51 | 1:9 14:3 16:18 20:15 52 | 1:2 22:7 53 | 7:5 13:5 20:11 54 | 3:5 4:7 9:21 55 | 6:2 10:4 12:7 56 | 1:8 10:1 15:11 21:11 24:12 57 | 10:11 12:8 22:14 58 | 2:8 3:7 15:7 21:14 59 | 15:1 18:9 22:7 60 | 3:7 12:9 14:12 19:12 61 | 15:8 17:2 20:4 23:14 62 | 0:15 5:15 6:1 20:10 63 | 21:8 64 | 9:6 14:6 65 | 1:8 5:13 7:3 16:15 17:10 66 | 2:14 11:9 67 | 1:25 2:9 10:2 16:5 18:12 19:9 68 | 1:2 11:12 14:22 18:5 20:2 21:1 69 | 6:11 17:8 20:5 70 | 4:4 18:3 20:11 71 | 0:5 11:15 12:8 16:5 72 | 5:8 9:8 13:12 15:3 18:11 73 | 5:1 6:10 7:2 8:7 74 | 13:15 16:11 19:8 75 | 11:12 14:15 76 | 9:19 20:10 24:13 77 | 0:6 8:9 15:12 78 | 3:3 79 | 14:9 16:7 17:6 80 | 8:7 13:4 81 | 0:14 5:4 16:5 17:9 82 | 1:5 4:6 6:2 11:13 83 | 1:4 6:13 11:12 22:15 84 | 3:3 8:11 9:12 11:10 16:12 18:6 85 | 18:10 19:1 86 | 0:2 3:14 23:1 87 | 4:8 10:15 13:13 15:14 88 | 2:4 5:13 8:6 16:15 21:3 89 | 6:11 9:9 12:8 22:13 90 | 4:7 18:14 20:11 91 | 6:10 12:9 17:7 92 | 21:10 23:2 24:6 93 | 0:13 2:12 23:14 94 | 3:13 12:5 13:3 14:8 95 | 10:6 17:3 96 | 2:7 13:2 97 | 6:9 13:2 98 | 12:7 99 | 0:3 100 | 0:13 16:4 18:1 20:3 101 | 4:12 6:1 10:4 11:3 13:14 17:7 102 | 0:8 7:8 8:10 24:13 103 | 14:3 18:3 104 | 5:10 16:14 17:9 105 | 7:11 10:7 11:12 15:4 21:10 106 | 1:2 5:12 6:6 18:10 24:6 107 | 6:6 14:7 15:3 108 | 0:9 6:14 23:6 109 | 1:1 11:3 14:2 110 | 4:17 9:8 11:13 13:2 14:15 20:10 111 | 0:13 1:3 2:6 18:6 112 | 0:6 10:10 23:2 24:14 113 | 0:12 15:6 19:10 24:3 114 | 1:4 9:3 14:11 22:14 115 | 7:15 13:5 16:26 21:12 116 | 0:8 2:4 3:2 7:5 8:2 9:14 23:15 117 | 1:7 2:32 3:41 4:38 5:44 6:42 7:21 8:28 9:23 10:4 11:9 15:11 18:38 20:9 118 | 2:12 3:37 5:1 6:4 7:16 8:28 9:32 10:28 11:30 12:24 13:8 119 | 2:26 3:27 7:18 8:19 9:2 11:2 12:33 13:46 14:22 120 | 2:33 3:2 7:35 8:5 13:8 14:35 121 | 1:6 2:42 6:17 7:39 12:12 14:38 17:10 22:10 23:14 24:10 122 | 1:17 2:19 3:10 6:17 7:12 12:2 13:5 14:19 21:9 123 | 1:31 2:5 6:33 7:7 13:23 14:2 20:2 124 | 1:38 6:5 12:17 13:10 19:10 20:17 21:26 22:5 125 | 1:3 11:6 12:10 13:26 14:13 16:19 17:8 18:36 19:34 20:22 21:33 22:24 126 | 8:12 10:6 11:31 12:18 13:14 14:32 16:5 17:46 18:9 19:10 21:4 22:22 127 | 1:9 5:7 8:7 9:9 10:40 13:24 14:22 15:9 16:32 17:8 21:14 22:6 128 | 2:8 6:14 9:29 10:3 11:4 12:25 13:17 14:15 15:38 16:20 18:1 19:6 20:17 21:6 129 | 7:3 9:32 10:13 11:29 12:39 13:39 14:41 15:43 16:51 17:28 18:28 19:11 20:24 21:15 22:2 130 | 9:24 10:20 11:21 12:13 13:22 14:15 17:4 18:49 19:28 20:27 21:29 22:32 131 | 1:13 10:12 11:22 12:10 13:24 14:21 16:10 17:38 18:10 20:14 21:4 22:41 23:16 132 | 9:5 10:40 11:3 13:24 14:21 15:11 16:37 17:8 20:8 21:13 22:12 133 | 3:15 9:46 11:5 12:24 13:17 14:4 15:25 16:8 18:1 19:11 20:25 21:10 22:19 134 | 2:3 3:3 9:33 10:24 11:38 12:42 13:48 14:40 15:35 16:32 17:28 18:35 19:14 20:4 135 | 0:8 9:34 10:17 11:18 12:20 13:19 14:19 15:1 136 | 24:7 137 | 6:14 9:8 18:9 20:5 138 | 4:12 7:1 139 | 18:15 21:4 140 | 8:27 141 | 1:5 5:20 14:11 142 | 12:7 143 | 2:1 9:15 144 | 2:29 3:38 4:50 5:37 6:41 7:25 8:39 9:21 10:5 23:25 145 | 2:11 3:36 4:11 5:3 6:5 7:17 8:36 9:37 10:41 11:47 12:33 13:6 15:12 19:12 146 | 2:26 3:20 5:7 7:25 8:27 9:6 10:1 11:1 12:14 13:55 14:24 147 | 1:11 2:39 3:2 7:62 8:1 13:6 14:39 23:4 148 | 1:8 2:45 6:13 7:33 12:11 14:31 18:6 21:12 149 | 1:39 2:22 6:23 7:24 9:3 11:6 13:1 14:28 20:2 150 | 0:6 1:32 2:11 6:30 7:10 10:14 13:24 14:3 15:8 151 | 1:28 3:3 6:3 7:1 12:18 13:19 19:8 20:14 21:22 22:5 152 | 0:11 11:11 12:12 13:19 14:14 17:5 18:37 19:47 20:29 21:16 22:35 153 | 9:2 10:11 11:31 12:20 13:3 14:44 16:5 17:40 18:12 22:20 23:11 154 | 8:11 9:10 10:32 11:2 13:34 14:22 15:3 16:39 17:7 21:21 22:9 155 | 1:10 6:8 9:37 10:2 11:4 12:25 13:25 14:4 15:39 16:8 19:6 20:23 21:12 156 | 9:34 10:15 11:61 12:43 13:39 14:31 15:33 16:39 17:31 18:29 19:15 20:36 21:9 22:6 157 | 9:41 10:35 11:16 12:16 13:23 14:29 17:6 18:52 19:40 20:27 21:34 22:31 158 | 10:9 11:34 12:17 13:14 14:39 15:11 16:3 17:38 18:18 21:1 22:42 159 | 9:9 10:29 11:3 12:1 13:27 14:22 15:15 16:39 17:7 21:22 22:6 160 | 3:14 9:29 10:4 11:5 12:26 13:27 14:4 15:44 16:7 18:1 19:14 20:31 21:23 161 | 1:5 3:33 4:30 5:15 9:36 10:20 11:48 12:44 13:52 14:52 15:43 16:33 17:31 18:25 19:18 20:1 162 | 3:16 4:73 7:6 9:40 10:51 11:45 12:9 13:18 14:40 15:4 16:1 17:2 18:2 19:1 163 | 1:8 4:72 5:68 6:47 7:37 8:15 9:27 10:44 11:111 12:44 13:53 14:42 15:29 16:35 17:47 18:39 19:34 20:38 21:30 22:27 24:14 164 | 4:23 5:53 6:19 7:37 8:41 9:65 10:86 11:121 12:66 13:53 14:66 15:20 16:15 17:4 24:1 165 | 3:33 4:38 5:60 6:16 9:2 10:38 11:86 12:33 13:44 14:72 15:66 16:76 17:32 166 | 3:4 4:63 5:38 6:58 8:13 9:29 10:47 11:78 12:8 13:33 14:1 167 | 0:15 4:74 5:70 6:114 7:68 8:17 9:18 10:110 11:115 12:18 168 | 4:23 5:52 6:31 7:129 8:87 9:102 10:107 11:135 12:57 13:37 14:35 15:22 16:16 17:1 169 | 1:14 2:27 3:52 4:35 5:115 6:44 7:46 8:105 9:87 10:45 11:129 12:50 13:59 14:94 15:85 16:93 17:36 170 | 1:44 2:5 4:23 5:118 6:145 7:98 8:86 9:87 10:88 11:152 12:101 13:81 14:84 15:84 16:95 17:87 18:75 19:43 20:18 171 | 1:5 2:9 3:16 4:74 5:16 6:79 7:28 8:11 9:25 10:103 11:70 12:49 13:23 14:38 15:4 16:31 17:27 18:14 19:31 20:45 172 | 2:6 4:12 5:18 6:42 7:124 8:57 9:68 10:80 11:18 13:20 14:71 15:69 16:37 17:89 173 | 7:31 8:59 9:85 10:13 11:10 12:35 13:77 14:58 15:20 16:30 17:39 18:12 23:12 174 | 4:27 5:89 6:93 7:80 8:71 9:136 10:110 11:113 12:174 13:145 14:95 15:114 16:115 17:68 18:59 19:37 20:16 175 | 4:48 5:8 7:2 8:11 9:53 10:34 11:39 12:85 13:68 14:100 15:64 16:94 17:90 18:30 19:25 20:40 21:4 23:14 176 | 3:4 4:6 5:30 6:42 7:30 8:14 9:2 12:20 13:26 14:42 15:63 16:38 17:157 20:1 177 | 2:8 3:1 8:22 9:40 10:33 11:31 12:48 13:107 14:105 15:4 16:81 17:49 20:13 178 | 0:13 4:9 9:1 10:3 11:44 12:148 13:114 14:89 15:144 16:135 17:129 24:2 179 | 0:5 9:16 10:38 11:11 12:86 13:92 14:150 15:139 16:127 17:70 18:11 21:8 180 | 3:5 7:11 9:5 10:48 11:25 12:71 13:88 14:24 16:16 17:57 181 | 1:5 2:21 3:8 9:26 10:2 12:21 13:88 14:72 15:37 16:41 17:7 20:3 182 | 4:15 9:28 11:17 12:128 13:59 14:72 15:104 16:157 17:104 23:4 183 | 0:15 2:4 6:25 7:35 8:30 9:26 10:42 11:23 12:85 13:24 14:56 15:70 16:68 17:26 21:12 23:14 184 | 6:6 7:8 8:3 9:95 10:74 11:54 12:155 13:145 14:91 15:50 16:29 17:9 185 | 2:9 6:22 9:30 10:17 11:23 12:86 13:81 14:82 15:80 16:53 17:57 18:22 186 | 8:6 9:17 10:3 11:5 12:106 13:9 14:20 15:21 16:62 17:19 18:29 187 | 11:13 12:126 13:1 15:4 16:19 17:48 18:8 21:8 188 | 0:10 3:11 9:57 10:57 11:79 12:98 13:60 14:47 15:43 16:36 17:5 24:11 189 | 9:11 10:31 11:18 12:81 13:14 14:23 15:28 16:39 17:74 18:31 190 | 0:10 11:5 12:54 13:3 17:2 18:35 191 | 2:6 11:15 12:29 13:3 17:35 18:1 19:2 192 | 11:8 12:17 17:5 19:11 22:5 193 | 2:6 5:8 16:14 17:2 194 | 15:13 195 | 0:14 196 | 2:5 197 | 6:8 16:7 198 | 4:10 6:15 13:6 14:2 199 | 3:15 11:13 200 | 1:12 23:12 201 | 4:7 15:14 202 | 1:12 3:14 6:6 22:4 203 | 5:12 20:15 204 | 8:7 205 | 0:10 1:12 13:14 19:10 23:12 206 | 6:4 7:7 8:2 14:17 207 | 3:13 8:10 12:14 13:5 17:10 208 | 14:13 18:5 209 | 0:10 7:11 10:8 13:2 210 | 16:7 17:9 23:2 211 | 8:5 15:15 24:2 212 | 9:9 14:14 23:10 213 | 2:1 5:10 6:11 214 | 14:14 18:12 215 | 3:8 12:11 19:12 22:2 216 | 4:15 5:1 12:7 16:14 217 | 1:7 8:14 9:1 10:12 11:5 19:10 218 | 3:4 9:1 16:2 219 | 14:4 20:7 22:13 220 | 5:3 7:9 15:11 221 | 0:3 18:3 222 | 6:10 20:9 223 | 17:5 224 | 10:7 225 | 23:5 226 | 12:12 227 | 5:7 16:15 18:12 20:12 228 | 11:14 229 | 9:15 14:10 230 | 10:8 14:2 16:5 17:14 18:3 24:11 231 | 4:11 9:3 11:15 17:14 18:9 19:6 232 | 7:10 233 | 12:11 17:6 22:9 234 | 1:15 5:10 7:11 9:8 12:3 13:13 16:14 19:1 21:1 235 | 4:2 10:3 17:12 236 | 4:1 10:8 14:12 237 | 0:8 10:7 16:3 17:22 22:20 238 | 3:5 15:9 239 | 21:15 240 | 16:1 241 | 242 | 10:11 14:10 24:13 243 | 1:2 11:11 13:13 16:11 244 | 5:5 14:3 16:4 17:8 245 | 15:12 21:8 246 | 5:7 247 | 8:14 9:11 23:13 24:8 248 | 5:9 6:4 13:7 19:3 20:8 249 | 12:11 14:14 250 | 7:7 9:2 19:15 24:7 251 | 9:6 16:10 19:3 22:3 252 | 8:12 22:4 253 | 4:15 7:8 19:7 20:5 254 | 2:9 10:3 21:4 255 | 3:14 8:9 16:13 256 | 5:9 8:11 16:8 257 | 10:3 14:2 258 | 11:6 259 | 0:13 12:9 15:20 260 | 7:1 20:26 21:5 261 | 0:9 2:8 262 | 6:3 20:10 263 | 2:12 3:6 4:10 10:15 24:1 264 | 3:1 6:15 265 | 2:14 19:8 20:1 266 | 4:6 267 | 14:4 16:10 268 | 9:1 18:3 20:12 269 | 6:12 11:2 17:18 270 | 1:4 2:1 9:1 15:5 271 | 2:10 21:10 272 | 4:10 15:9 273 | 4:5 17:13 274 | 4:14 10:8 17:5 18:12 24:9 275 | 2:1 4:10 9:6 23:2 276 | 19:14 22:14 277 | 1:11 13:15 19:10 24:5 278 | 1:8 5:28 21:2 22:14 279 | 2:4 5:12 13:3 22:6 280 | 2:15 4:12 17:15 19:3 281 | 3:2 8:7 23:5 282 | 7:1 283 | 11:5 15:4 19:6 24:12 284 | 0:8 21:7 285 | 4:22 5:3 7:3 12:11 13:4 18:15 19:8 20:12 286 | 1:12 20:12 21:15 287 | 1:15 4:2 6:8 8:12 16:2 19:1 288 | 4:2 289 | 23:5 290 | 7:13 10:11 21:3 23:7 291 | 1:10 19:7 24:8 292 | 3:2 11:5 12:7 14:10 19:11 24:12 293 | 3:2 10:9 12:9 294 | 4:7 10:14 13:12 21:2 23:1 295 | 8:1 15:5 296 | 13:13 24:14 297 | 15:6 22:4 298 | 3:7 6:16 299 | 9:15 300 | 5:11 17:1 18:3 301 | 5:9 302 | 0:5 11:4 13:1 24:9 303 | 9:16 20:23 304 | 21:3 305 | 2:9 4:7 14:1 306 | 12:12 20:2 22:4 307 | 0:5 2:6 8:7 10:12 18:10 24:1 308 | 7:15 15:8 23:11 309 | 10:13 14:1 23:5 310 | 17:2 23:7 311 | 3:5 6:1 21:14 23:11 312 | 9:1 24:10 313 | 2:7 4:10 21:5 314 | 7:11 16:3 22:4 24:15 315 | 3:45 4:35 19:13 316 | 2:15 3:9 4:80 5:11 7:13 10:18 11:28 317 | 0:2 4:76 5:86 6:58 7:36 8:20 9:5 10:19 11:90 12:16 318 | 1:12 4:28 5:76 6:19 7:44 8:42 9:71 10:76 11:110 12:56 13:56 14:30 15:42 16:22 17:3 20:14 319 | 5:90 6:16 9:9 10:8 11:114 12:26 13:45 14:57 15:55 16:74 17:50 320 | 5:43 6:66 7:13 9:3 10:30 11:78 16:3 21:15 321 | 2:11 6:91 7:17 8:12 10:75 11:16 322 | 3:4 6:28 7:104 8:30 9:69 10:55 323 | 5:15 7:34 8:60 9:44 12:13 14:39 15:12 324 | 4:37 5:92 6:91 7:77 8:83 9:73 10:72 11:78 12:125 13:91 14:66 15:99 16:82 17:84 18:72 19:50 20:20 24:3 325 | 3:11 4:70 5:7 7:2 8:13 9:29 10:45 11:41 12:17 15:4 16:36 17:29 18:27 19:34 20:43 326 | 4:3 5:32 6:59 7:29 8:23 12:10 14:53 15:98 16:41 17:83 327 | 4:4 12:2 13:65 14:58 16:42 17:59 22:15 328 | 12:59 13:29 14:12 15:73 16:42 329 | 6:13 12:82 13:69 14:89 15:66 16:83 17:57 20:13 24:1 330 | 11:12 12:17 13:2 16:13 17:67 21:9 331 | 4:3 15:12 16:35 17:7 332 | 10:12 11:19 12:76 13:103 14:108 15:115 16:122 17:107 333 | 3:12 11:4 13:10 14:51 15:95 16:54 17:15 334 | 1:14 8:6 12:33 13:85 14:21 17:3 23:2 335 | 4:12 12:25 13:74 14:61 15:44 16:4 336 | 8:9 9:5 12:76 13:8 15:17 16:81 17:19 19:10 21:12 337 | 0:11 8:2 12:73 16:5 17:11 338 | 1:2 9:75 10:68 11:66 12:101 13:64 14:56 15:47 16:25 17:7 339 | 4:25 5:2 9:17 10:23 11:34 12:88 13:26 14:24 15:31 16:47 17:66 18:32 22:1 23:13 340 | 6:9 11:12 12:55 17:1 18:42 24:10 341 | 11:11 12:47 16:7 17:31 18:8 24:7 342 | 11:16 12:25 17:2 18:14 343 | 5:12 19:7 344 | 1:7 6:4 8:5 9:10 10:10 14:8 21:6 345 | 11:8 346 | 14:7 21:5 347 | 14:9 348 | 11:3 14:3 16:8 349 | 1:12 350 | 12:9 14:15 17:3 351 | 2:1 3:1 8:9 9:16 352 | 2:14 3:56 4:30 5:56 6:38 7:35 8:32 9:13 10:6 22:8 353 | 2:10 3:48 5:5 6:6 7:14 8:38 9:32 10:67 11:42 12:25 13:9 354 | 1:3 2:24 3:19 7:19 8:25 12:23 13:53 14:21 15:13 355 | 0:13 2:33 3:4 7:43 8:4 11:15 13:12 14:39 356 | 1:6 2:28 6:11 7:25 12:5 14:37 15:1 22:5 357 | 1:13 2:15 6:25 7:21 10:6 12:14 13:6 14:34 358 | 1:25 2:2 3:11 6:36 7:7 11:9 13:20 14:1 17:15 359 | 1:24 4:21 6:6 7:7 10:13 12:15 13:10 19:10 20:21 21:27 22:4 360 | 1:3 11:10 12:9 13:18 14:8 17:1 18:30 19:44 20:42 21:26 22:30 361 | 1:15 4:11 10:7 11:21 12:14 13:7 14:39 15:10 16:5 17:40 18:11 21:17 22:20 362 | 9:7 10:29 11:2 13:35 14:16 15:8 16:29 17:7 21:31 22:4 363 | 2:11 9:29 10:4 11:6 12:37 13:23 14:5 15:40 16:15 18:1 19:14 20:26 21:26 364 | 2:21 9:35 10:18 11:40 12:50 13:46 14:41 15:46 16:38 17:24 18:31 19:20 20:25 21:18 22:2 365 | 0:9 4:10 7:7 9:42 10:24 11:17 12:14 13:25 14:33 15:3 17:4 18:36 19:30 20:31 21:33 22:30 366 | 0:2 8:8 9:15 10:8 11:35 12:17 13:13 14:38 16:4 17:38 18:4 20:5 21:4 22:20 367 | 2:6 4:11 9:10 10:29 11:10 13:43 14:34 15:11 16:32 17:4 19:4 21:21 22:7 24:10 368 | 0:9 9:29 10:14 11:6 12:29 13:22 14:5 15:40 16:7 19:11 20:26 21:20 369 | 4:1 9:45 10:17 11:33 12:48 13:48 14:57 15:46 16:27 17:35 18:35 19:28 20:1 370 | 4:8 5:3 9:32 10:26 11:10 12:8 13:18 14:21 17:14 22:6 371 | 1:7 4:2 10:3 20:8 23:5 24:11 372 | 0:12 3:9 9:11 17:10 23:5 373 | 17:7 18:3 374 | 2:13 3:5 9:12 22:9 375 | 6:4 24:4 376 | 14:15 15:14 20:8 23:4 377 | 4:5 10:11 14:5 17:3 378 | 8:2 9:13 11:12 14:9 15:11 19:12 379 | 9:4 14:11 24:3 380 | 2:12 7:6 9:7 11:8 13:27 15:2 18:13 381 | 8:3 10:6 11:14 13:5 382 | 0:5 3:11 8:11 9:11 22:25 383 | 5:8 10:8 18:13 22:12 384 | 16:7 385 | 386 | 2:13 6:14 7:13 24:6 387 | 17:6 18:6 388 | 4:7 5:7 9:2 13:2 19:9 20:9 389 | 9:5 20:1 24:6 390 | 8:2 11:14 20:10 21:11 391 | 9:9 15:11 392 | 3:1 4:3 12:13 15:8 18:10 23:13 393 | 15:1 20:12 394 | 1:8 22:10 395 | 14:25 24:14 396 | 9:10 10:6 12:15 20:1 397 | 12:9 14:14 22:8 398 | 399 | 10:10 400 | 0:12 1:9 4:5 9:10 10:12 401 | 5:3 14:12 19:3 402 | 12:12 15:3 17:3 22:3 24:13 403 | 2:3 10:10 404 | 2:1 405 | 406 | 2:14 5:10 16:26 22:11 407 | 8:12 17:15 21:12 22:10 23:7 24:3 408 | 6:12 409 | 22:23 410 | 8:1 411 | 5:3 14:6 23:13 412 | 5:15 24:15 413 | 12:8 17:14 414 | 3:25 8:1 9:9 15:7 16:5 415 | 2:25 3:73 4:37 5:40 6:47 7:24 8:41 9:26 10:2 15:7 22:15 416 | 2:10 3:46 5:1 6:1 7:15 8:44 9:37 10:33 11:38 12:28 13:12 417 | 2:28 3:16 6:11 7:22 8:25 11:1 12:21 13:38 14:17 16:10 24:11 418 | 0:15 2:43 3:6 7:35 8:3 9:2 13:7 14:47 20:12 21:9 23:15 419 | 1:3 2:32 6:11 7:33 14:47 420 | 0:4 1:17 2:20 6:19 7:15 13:3 14:26 421 | 1:25 2:11 3:12 6:35 7:18 13:28 14:8 22:2 422 | 1:32 6:4 7:1 12:17 13:8 18:12 19:8 20:46 21:23 22:8 23:3 423 | 1:6 2:12 11:8 12:11 13:25 14:19 18:34 19:33 20:30 21:38 22:27 424 | 10:9 11:31 12:21 13:5 14:54 16:9 17:37 18:15 21:11 22:32 425 | 9:17 10:38 13:28 14:18 15:5 16:27 17:6 21:17 22:4 426 | 0:2 9:32 10:15 11:8 12:39 13:19 14:3 15:37 16:12 19:5 20:33 21:9 427 | 2:1 3:1 9:51 10:23 11:40 12:54 13:53 14:46 15:36 16:25 17:40 18:50 19:24 20:30 21:35 22:19 428 | 1:15 2:23 3:57 4:49 5:40 6:38 7:33 8:31 9:71 10:33 11:23 12:25 13:16 14:21 17:18 18:32 19:40 20:38 21:31 22:35 24:10 429 | 2:18 3:37 5:2 6:7 7:22 8:53 9:32 10:34 11:67 12:62 13:22 14:37 16:6 17:42 18:14 21:5 22:20 24:10 430 | 0:1 2:25 3:24 6:9 7:23 8:23 9:9 10:29 11:3 12:15 13:72 14:44 15:9 16:37 17:16 21:27 22:8 431 | 2:37 3:2 4:12 7:35 8:3 9:29 10:2 11:9 12:25 13:44 14:46 15:51 16:8 18:1 19:22 20:27 21:20 23:10 432 | 1:6 2:37 6:18 7:45 9:51 10:23 11:51 12:34 13:40 14:91 15:39 16:49 17:38 18:50 19:13 20:2 433 | 1:10 2:17 6:25 7:28 8:17 9:36 10:28 11:23 12:16 13:24 14:70 15:1 16:1 17:1 18:3 434 | 1:38 2:2 6:36 7:7 9:17 10:27 11:36 12:50 13:65 14:49 15:29 16:34 17:37 18:35 19:38 20:37 21:43 22:13 435 | 1:28 6:7 10:7 11:29 12:46 13:18 14:49 16:9 17:15 19:12 20:23 21:29 22:8 23:10 436 | 1:5 2:5 9:3 10:37 11:18 12:15 13:32 14:35 15:14 17:1 18:34 19:34 20:24 21:44 22:31 437 | 9:27 10:25 11:34 12:21 13:33 14:40 16:5 17:50 18:15 20:14 21:3 22:32 24:5 438 | 9:29 10:60 11:30 12:14 13:27 14:27 15:5 16:34 17:3 21:31 22:7 439 | 9:33 10:2 11:13 12:49 13:24 14:4 15:38 16:10 19:11 20:13 21:15 440 | 1:16 2:37 3:44 4:41 5:38 6:38 7:27 8:44 9:95 10:69 11:89 12:72 13:73 14:74 15:72 16:51 17:36 18:43 19:22 20:34 21:15 441 | 1:23 2:4 5:6 6:28 7:12 8:30 9:47 10:25 11:17 12:17 13:33 14:44 15:12 16:24 17:28 18:23 19:37 20:38 21:28 22:30 23:12 442 | 1:1 2:9 3:19 4:15 5:12 6:1 10:6 11:42 12:45 13:31 14:84 16:4 17:39 18:17 21:2 22:32 443 | 2:3 9:19 10:54 11:13 13:45 14:36 15:7 16:43 17:10 21:27 22:15 444 | 0:15 2:29 9:48 10:9 11:7 12:60 13:44 14:1 15:44 16:19 18:3 19:8 20:31 21:10 24:14 445 | 9:61 10:50 11:95 12:90 13:76 14:90 15:53 16:30 17:32 18:33 19:20 446 | 7:7 8:2 9:47 10:20 11:24 12:11 13:23 14:66 15:4 16:3 17:3 18:2 19:8 23:12 447 | 9:10 10:25 11:32 12:59 13:70 14:64 15:48 16:37 17:42 18:44 19:26 20:36 21:29 22:5 448 | 2:14 5:5 8:3 9:30 10:41 11:84 12:58 13:44 14:91 449 | 5:7 6:3 7:7 9:3 10:39 11:36 12:32 13:32 14:41 18:20 22:10 450 | 0:7 9:35 10:58 11:13 12:9 13:21 14:21 19:13 22:2 451 | 9:18 10:46 11:57 12:26 13:4 15:14 17:24 18:1 19:3 452 | 2:10 8:9 9:26 10:4 11:11 12:10 13:16 14:7 24:4 453 | 0:15 1:15 2:39 3:45 4:42 5:29 6:49 7:43 8:36 9:84 10:48 11:30 12:37 13:37 14:37 15:35 16:31 17:11 22:15 24:13 454 | 1:25 2:4 4:1 5:11 6:42 7:53 8:52 9:55 10:30 11:15 12:25 13:37 14:11 15:14 16:18 17:19 21:11 22:10 455 | 2:14 3:29 4:16 5:8 6:5 7:15 8:13 9:49 10:8 11:32 12:44 13:37 14:69 15:10 18:13 21:9 456 | 8:1 9:38 10:33 11:17 12:11 13:28 14:21 15:37 457 | 1:6 7:1 8:5 9:44 10:14 11:6 12:28 13:16 14:14 15:3 458 | 9:42 10:37 11:43 12:26 13:27 14:22 459 | 9:9 10:4 13:3 14:31 17:5 18:15 24:11 460 | 2:12 7:5 10:3 11:1 13:23 14:4 16:9 23:7 461 | 3:7 8:14 9:38 10:53 11:43 12:46 13:50 14:41 15:1 18:4 23:1 462 | 5:2 10:3 11:24 12:50 13:21 14:6 22:15 463 | 8:2 9:19 10:42 11:17 464 | 6:13 9:21 10:28 11:30 12:29 13:4 19:7 465 | 9:31 10:4 12:21 13:22 14:9 466 | 6:10 9:43 12:9 13:3 14:3 16:8 24:4 467 | 2:7 6:23 7:46 8:34 9:42 10:30 11:30 12:20 13:14 468 | 6:4 7:7 8:10 9:37 10:15 11:5 12:9 13:15 14:39 15:13 469 | 8:1 9:25 14:2 15:21 470 | 8:2 9:11 12:7 14:16 15:2 17:11 18:7 471 | 4:3 8:6 14:15 21:5 472 | 3:11 9:8 16:2 473 | 8:11 19:4 474 | 6:4 14:2 18:12 20:14 475 | 0:13 7:14 8:9 17:19 476 | 5:3 6:1 8:9 14:12 477 | 2:10 4:13 478 | 2:2 7:9 8:12 10:7 11:10 12:9 23:8 479 | 9:6 16:14 480 | 14:8 15:8 481 | 0:11 12:15 14:10 17:5 482 | 8:10 13:23 18:12 20:11 23:9 483 | 3:1 15:22 18:1 24:11 484 | 11:5 485 | 7:5 9:3 14:5 19:2 20:2 486 | 7:12 487 | 5:14 488 | 3:8 5:7 10:2 489 | 16:12 24:20 490 | 491 | 6:4 492 | 1:12 19:6 493 | 4:11 13:20 17:7 494 | 0:4 4:5 7:5 24:14 495 | 496 | 8:6 21:9 24:9 497 | 4:15 24:6 498 | 8:13 10:12 13:12 14:10 16:3 19:4 499 | 0:2 5:10 12:10 23:4 500 | 0:7 9:4 20:6 23:9 501 | -------------------------------------------------------------------------------- /Example_Dataset/Tdocs/Tdoc_3.txt: -------------------------------------------------------------------------------- 1 | 5:9 6:11 9:5 10:10 12:12 14:10 24:6 2 | 1:15 10:8 24:5 3 | 16:4 17:9 19:9 20:13 22:5 4 | 3:8 12:6 17:3 5 | 7:6 9:4 18:15 6 | 0:2 5:3 9:7 10:1 17:3 7 | 15:17 19:4 22:11 23:9 8 | 2:5 5:8 12:3 23:1 9 | 7:3 8:7 12:9 16:8 10 | 1:3 5:3 7:11 9:9 17:6 20:12 23:4 11 | 0:7 7:2 15:7 17:5 20:10 22:5 12 | 16:6 21:12 13 | 0:11 7:1 10:13 18:16 22:1 14 | 4:6 14:5 19:11 24:2 15 | 13:12 16 | 9:10 17 | 17:1 18:2 18 | 0:11 7:6 9:10 12:19 17:9 22:11 19 | 7:6 23:1 20 | 9:8 10:2 11:11 13:1 21 | 9:6 10:16 15:12 22:11 22 | 7:2 14:12 18:12 23 | 14:3 15:10 24 | 3:9 9:8 12:3 13:9 14:2 17:4 25 | 5:11 13:3 15:12 19:1 20:10 26 | 0:12 7:3 9:7 16:7 18:6 27 | 3:7 9:10 10:12 28 | 0:2 2:24 3:44 4:47 5:30 6:32 7:24 8:26 9:24 10:13 13:7 17:2 20:3 22:8 23:8 29 | 2:10 3:33 5:2 6:7 7:28 8:40 9:29 10:35 11:49 12:26 13:11 19:6 22:8 30 | 2:26 3:23 7:18 8:37 12:24 13:42 14:13 17:11 31 | 0:5 2:40 3:4 4:5 7:49 8:5 9:12 13:8 14:36 15:1 16:4 32 | 0:11 1:7 2:55 6:10 7:52 10:8 14:46 15:5 33 | 0:7 1:22 2:36 6:18 7:21 13:10 14:21 16:5 17:9 34 | 1:32 2:2 6:24 7:10 13:31 14:6 16:10 18:4 22:2 35 | 1:24 6:6 7:1 11:6 12:14 13:16 19:10 20:21 21:22 22:6 24:1 36 | 1:4 3:2 11:8 12:19 13:27 14:24 15:5 16:10 17:3 18:36 19:37 20:23 21:26 22:28 24:10 37 | 0:10 2:7 8:12 10:12 11:43 12:21 13:6 14:48 16:8 17:31 18:19 21:3 22:39 38 | 9:7 10:34 11:2 13:30 14:26 15:10 16:50 17:13 21:37 22:7 23:3 39 | 7:10 8:8 9:28 10:2 11:3 12:35 13:22 14:1 15:40 16:11 18:1 19:15 20:25 21:16 24:9 40 | 9:39 10:21 11:44 12:41 13:44 14:44 15:45 16:44 17:30 18:33 19:17 20:35 21:28 22:9 41 | 1:1 9:42 10:29 11:23 12:11 13:32 14:25 16:12 17:7 18:28 19:43 20:20 21:32 22:36 42 | 4:3 9:15 10:14 11:33 12:28 13:21 14:49 16:7 17:42 18:17 20:3 21:5 22:23 24:10 43 | 3:3 9:6 10:42 11:1 13:24 14:21 15:6 16:51 17:7 21:25 22:13 23:11 44 | 8:8 9:38 10:3 11:4 12:26 13:36 14:9 15:42 16:12 18:2 19:13 20:22 21:16 45 | 9:29 10:23 11:41 12:43 13:47 14:37 15:49 16:43 17:35 18:26 19:23 20:1 24:4 46 | 4:8 6:9 9:42 10:17 11:14 12:11 13:13 14:26 47 | 10:3 20:6 21:2 48 | 7:9 8:5 10:6 13:12 49 | 2:2 5:1 8:1 9:12 11:12 50 | 2:29 3:48 4:40 5:42 6:23 7:32 8:31 9:14 10:4 11:7 15:11 21:5 51 | 2:15 3:26 5:1 6:13 7:16 8:39 9:27 10:30 11:35 12:22 13:7 52 | 2:32 3:23 5:5 7:20 8:27 11:1 12:19 13:42 14:16 21:11 24:9 53 | 2:28 3:5 7:32 8:7 13:4 14:40 18:11 54 | 1:6 2:40 6:4 7:35 11:9 14:47 21:12 55 | 1:18 2:16 6:27 7:19 10:1 12:1 13:3 14:37 18:6 56 | 1:26 2:8 6:31 7:10 9:7 11:1 12:8 13:27 14:13 15:11 57 | 1:28 6:5 10:2 12:21 13:15 15:3 19:8 20:18 21:21 22:5 58 | 1:2 4:21 11:12 12:7 13:22 14:12 17:4 18:25 19:44 20:26 21:24 22:26 23:5 59 | 8:9 10:11 11:33 12:12 13:19 14:34 16:6 17:39 18:20 21:2 22:28 60 | 2:3 3:1 8:1 9:24 10:32 11:1 12:10 13:30 14:18 15:5 16:36 17:11 20:19 21:18 22:6 61 | 2:19 3:66 4:53 5:48 6:37 7:36 8:30 9:73 10:9 11:2 12:23 13:25 14:2 15:37 16:15 18:2 19:22 20:16 21:17 23:1 24:2 62 | 2:14 3:32 5:5 6:14 7:27 8:43 9:50 10:68 11:79 12:79 13:48 14:46 15:39 16:26 17:46 18:20 19:15 20:20 21:19 22:16 63 | 2:31 3:21 7:28 8:28 9:34 10:29 11:18 12:37 13:59 14:43 17:5 18:31 19:39 20:37 21:31 22:36 64 | 2:49 3:4 7:41 8:15 9:9 10:11 11:23 12:29 13:13 14:68 15:6 16:4 17:43 18:22 19:11 21:2 22:32 65 | 1:10 2:38 6:3 7:37 9:6 10:19 11:4 13:25 14:60 15:6 16:41 17:10 21:17 22:6 66 | 1:26 2:39 3:4 6:25 7:19 9:24 10:3 11:3 12:31 13:24 14:35 15:37 16:12 19:7 20:18 21:12 67 | 1:48 2:2 6:33 7:7 9:20 10:18 11:43 12:47 13:70 14:49 15:55 16:33 17:26 18:28 19:14 20:1 68 | 1:59 6:7 7:1 9:31 10:22 11:12 12:29 13:27 14:26 17:10 19:14 20:20 21:22 22:6 69 | 1:1 11:16 12:5 13:15 14:16 17:3 18:30 19:43 20:27 21:35 22:32 70 | 7:2 10:5 11:29 12:19 13:8 14:54 16:17 17:44 18:19 21:4 22:30 71 | 4:7 7:10 9:9 10:45 11:1 13:28 14:23 15:4 16:45 17:12 19:4 21:24 22:5 24:3 72 | 9:40 10:7 11:7 12:30 13:27 14:6 15:39 16:8 18:7 19:8 20:25 21:11 23:2 73 | 3:3 7:2 9:45 10:25 11:51 12:57 13:64 14:65 15:53 16:46 17:41 18:35 19:19 20:36 21:25 22:12 74 | 0:5 2:20 3:46 4:54 5:45 6:54 7:27 8:50 9:72 10:21 11:19 12:17 13:24 14:31 15:2 17:15 18:34 19:47 20:37 21:45 22:25 75 | 2:15 3:45 4:6 5:2 6:6 7:21 8:54 9:38 10:57 11:80 12:51 13:31 14:42 16:4 17:44 18:10 20:6 21:3 22:26 76 | 1:12 2:23 3:22 7:34 8:30 9:10 10:38 11:5 12:31 13:77 14:41 15:18 16:47 17:6 21:30 22:8 23:6 77 | 0:2 2:36 3:5 6:3 7:57 8:1 9:35 10:3 11:7 12:38 13:39 14:48 15:29 16:12 19:27 20:16 21:17 78 | 0:1 1:11 2:49 4:9 6:10 7:45 9:48 10:34 11:55 12:59 13:71 14:110 15:51 16:36 17:35 18:22 19:19 22:7 79 | 1:22 2:22 6:20 7:32 9:35 10:27 11:23 12:21 13:22 14:57 19:3 24:6 80 | 1:28 2:8 6:35 7:10 13:37 14:3 16:4 18:5 21:7 22:4 81 | 1:43 6:7 7:1 12:17 13:14 17:8 19:12 20:23 21:30 22:3 82 | 1:3 6:11 7:7 11:9 12:23 13:24 14:28 15:6 16:18 17:3 18:52 19:47 20:30 21:27 22:44 83 | 8:7 10:8 11:33 12:14 13:4 14:45 16:8 17:41 18:16 19:1 21:3 22:36 84 | 9:14 10:31 11:3 12:1 13:34 14:24 15:11 16:36 17:11 19:4 21:22 22:10 24:4 85 | 6:5 9:43 10:5 11:3 12:46 13:30 14:4 15:51 16:6 19:15 20:29 21:24 24:3 86 | 9:48 10:34 11:51 12:53 13:55 14:62 15:53 16:39 17:32 18:43 19:27 20:31 21:45 22:2 24:9 87 | 8:11 9:38 10:18 11:21 12:12 13:32 14:24 17:10 18:34 19:53 20:32 21:47 22:37 88 | 3:6 5:4 10:8 11:36 12:21 13:14 14:47 16:2 17:45 18:26 21:5 22:32 23:1 89 | 0:8 3:2 6:10 8:3 9:8 10:46 11:14 13:24 14:28 15:6 16:58 17:10 18:4 19:9 21:30 22:16 90 | 6:8 9:46 10:3 11:7 12:29 13:26 14:6 15:41 16:8 18:3 19:13 20:21 21:18 91 | 0:5 3:12 9:35 10:32 11:57 12:65 13:59 14:52 15:42 16:41 17:40 18:23 19:18 20:2 92 | 5:10 6:15 9:58 10:25 11:19 12:12 13:14 14:36 15:8 17:7 18:2 93 | 4:4 5:2 8:12 9:18 10:34 11:34 12:52 13:61 14:72 15:40 16:49 17:49 18:51 19:46 20:40 21:47 22:7 94 | 0:10 11:48 12:24 13:9 14:32 18:10 21:4 95 | 0:10 2:11 6:7 7:7 9:3 10:44 11:15 13:5 14:22 96 | 9:28 10:8 12:11 13:20 14:1 19:7 97 | 4:4 5:12 9:14 10:31 11:21 12:25 13:4 22:6 24:12 98 | 10:4 11:16 12:12 15:6 16:9 17:7 19:4 99 | 1:13 2:40 3:52 4:37 5:47 6:39 7:51 8:33 9:56 10:44 11:32 12:44 13:50 14:29 15:32 16:24 17:17 100 | 1:34 2:4 5:13 6:21 7:26 8:19 9:8 12:4 13:17 14:8 15:11 16:18 17:20 21:2 23:10 101 | 2:21 3:26 4:16 5:12 6:3 9:9 10:12 11:25 12:28 13:20 14:48 15:5 16:9 19:7 102 | 1:11 2:40 3:42 4:36 5:39 6:44 7:25 8:29 9:28 10:47 11:14 13:26 14:19 21:10 103 | 2:37 3:43 5:10 6:9 7:13 8:49 9:61 10:50 11:45 12:54 13:24 104 | 2:22 3:20 5:11 7:22 8:22 9:34 10:38 11:45 12:49 13:79 14:41 105 | 0:8 2:48 3:3 7:48 8:3 9:11 10:1 13:20 14:79 22:8 106 | 1:16 2:36 3:5 6:4 7:38 8:2 9:9 13:24 14:29 107 | 1:26 2:16 6:19 7:25 8:9 9:30 10:38 11:45 12:63 13:59 14:84 15:2 24:8 108 | 1:38 2:3 6:39 7:7 8:11 10:4 11:33 12:31 13:39 14:8 16:1 109 | 1:19 2:6 6:5 7:1 8:7 9:13 10:46 11:14 12:18 13:12 17:10 19:11 20:26 21:24 22:14 110 | 1:8 8:6 9:10 10:36 11:35 12:32 13:22 14:16 15:3 17:1 18:37 19:44 20:34 21:42 22:31 24:2 111 | 9:45 10:14 11:40 12:28 13:32 14:72 15:6 16:14 17:49 18:6 19:9 21:14 22:20 112 | 4:10 5:10 9:49 10:46 11:2 13:38 14:30 15:15 16:39 17:11 21:22 22:9 24:1 113 | 6:28 7:36 8:29 9:82 10:38 11:25 12:40 13:42 14:10 15:44 16:8 18:10 19:18 20:26 21:11 22:24 23:11 114 | 0:3 3:7 5:2 6:3 7:17 8:12 9:70 10:29 11:60 12:63 13:81 14:103 15:67 16:30 17:34 18:35 19:23 20:19 21:28 22:6 115 | 0:1 1:3 8:6 9:64 10:22 11:22 12:16 13:27 14:31 15:25 17:7 18:40 19:53 20:49 21:40 22:27 23:6 116 | 7:10 8:10 9:17 10:17 11:45 12:20 13:14 14:47 15:4 16:14 17:46 18:25 21:7 22:31 117 | 4:4 9:11 10:43 11:2 12:9 13:20 14:29 15:3 16:47 17:7 21:29 22:7 118 | 4:10 9:24 10:6 11:3 12:36 13:31 15:33 16:14 18:1 19:14 20:30 21:13 119 | 5:11 9:24 10:23 11:38 12:59 13:45 14:56 15:61 16:35 17:30 18:33 19:16 20:2 120 | 3:9 8:3 9:43 10:22 11:20 12:9 13:20 14:18 15:6 16:4 17:10 18:1 19:10 22:2 121 | 7:11 8:12 9:17 10:27 11:35 12:34 13:50 14:45 15:31 16:27 17:29 18:33 19:33 20:47 21:44 22:12 122 | 1:9 4:7 5:1 6:10 10:3 11:33 12:20 13:7 14:32 17:6 19:5 123 | 9:1 10:41 11:7 13:17 14:32 124 | 1:7 5:5 9:15 10:14 12:5 13:26 14:1 15:3 125 | 9:18 10:31 11:27 12:30 19:1 126 | 1:8 10:1 11:12 12:8 17:8 127 | 1:32 2:50 3:38 4:37 5:33 6:27 7:30 8:37 9:46 10:39 11:50 12:41 13:39 14:32 15:27 16:31 17:13 128 | 1:22 2:3 5:8 6:14 7:23 8:11 9:8 12:3 13:13 14:12 15:11 16:26 17:26 24:3 129 | 1:1 2:21 3:13 4:11 5:11 11:15 12:35 13:15 14:55 20:21 130 | 9:3 10:18 11:16 13:16 14:21 24:6 131 | 3:12 7:10 9:17 10:11 11:5 12:36 13:28 20:9 21:6 132 | 1:4 9:47 10:33 11:55 12:33 13:19 14:21 16:12 20:1 133 | 1:14 7:5 9:4 10:1 12:6 13:11 14:41 21:9 134 | 8:1 13:24 14:4 21:12 22:12 135 | 8:11 9:44 10:39 11:39 12:44 13:43 14:35 136 | 10:6 11:27 12:29 13:20 14:4 19:9 137 | 4:7 9:11 10:32 11:9 22:3 138 | 2:22 4:8 6:8 9:9 10:22 11:28 12:17 13:6 139 | 5:12 6:5 9:36 10:4 11:5 12:9 13:28 14:17 23:5 140 | 0:10 7:9 9:37 13:3 14:11 19:2 21:3 141 | 4:11 5:10 6:31 7:29 8:32 9:36 10:45 11:24 12:15 13:10 14:7 22:5 142 | 6:5 7:16 8:11 9:39 10:13 11:13 12:13 13:16 14:34 15:12 20:5 21:2 143 | 4:1 6:4 8:6 9:17 14:1 15:32 144 | 4:2 8:4 9:13 14:6 15:4 24:22 145 | 7:7 8:4 9:7 146 | 1:12 8:1 9:8 17:5 24:6 147 | 1:9 5:2 6:2 15:7 16:6 148 | 8:3 17:8 23:5 149 | 1:9 12:6 14:1 150 | 1:9 16:10 20:6 151 | 1:4 10:7 12:8 17:4 152 | 3:12 6:7 12:1 15:11 16:3 17:3 18:11 153 | 6:8 11:4 154 | 1:8 5:12 10:5 19:6 155 | 7:3 8:11 11:6 12:11 156 | 1:10 11:7 13:9 19:2 21:11 22:4 157 | 5:10 13:4 158 | 2:2 7:5 9:9 14:1 159 | 2:23 3:39 4:47 5:44 6:33 7:27 8:21 9:17 10:3 11:4 16:6 20:8 21:9 23:7 160 | 1:7 2:16 3:33 5:1 6:10 7:14 8:47 9:32 10:43 11:42 12:27 13:9 18:12 20:12 21:11 23:7 161 | 0:3 2:21 3:12 7:24 8:22 11:2 12:22 13:28 14:13 15:5 24:11 162 | 0:5 2:41 3:4 7:35 8:4 12:2 13:6 14:38 17:11 21:1 163 | 1:1 2:32 5:8 6:4 7:30 14:47 22:7 164 | 1:12 2:14 6:30 7:18 11:11 12:16 13:4 14:16 19:7 165 | 1:31 2:3 6:28 7:9 11:8 13:21 14:3 17:1 166 | 1:26 2:3 5:12 6:5 12:17 13:7 14:6 17:12 18:2 19:7 20:23 21:15 22:9 23:8 24:2 167 | 1:1 11:8 12:12 13:25 14:5 15:2 17:3 18:27 19:42 20:13 21:44 22:34 168 | 0:10 2:6 5:9 10:9 11:27 12:14 13:6 14:38 16:8 17:45 18:11 20:9 22:19 169 | 5:12 9:10 10:39 11:1 12:8 13:17 14:14 15:4 16:27 17:3 21:20 22:14 170 | 4:5 7:12 9:33 11:4 12:40 13:26 14:2 15:37 16:8 17:10 18:1 19:10 20:23 21:5 22:8 23:6 171 | 9:33 10:24 11:33 12:39 13:40 14:40 15:32 16:27 17:40 18:23 19:16 20:18 21:28 22:5 172 | 5:7 9:46 10:22 11:14 12:11 13:27 14:12 15:9 17:3 18:45 19:34 20:24 21:30 22:21 23:7 173 | 10:4 11:33 12:8 13:12 14:33 16:7 17:40 18:4 21:4 22:25 174 | 9:5 10:23 11:2 13:27 14:16 15:3 16:42 17:9 21:19 22:6 175 | 0:3 9:29 10:8 11:6 12:27 13:13 14:1 15:36 16:15 18:1 19:15 20:30 21:11 22:7 176 | 9:33 10:22 11:45 12:50 13:26 14:43 15:37 16:32 17:32 18:23 19:16 20:6 177 | 9:30 10:19 11:14 12:6 13:23 14:30 19:2 22:1 178 | 10:5 12:11 20:5 23:9 179 | 9:3 10:10 12:9 16:16 21:2 180 | 0:3 10:10 181 | 0:8 3:8 12:2 13:3 18:2 19:4 182 | 16:12 183 | 9:7 13:9 18:2 184 | 2:5 7:2 22:6 24:9 185 | 8:8 12:5 186 | 0:9 1:11 3:5 6:3 12:12 14:7 17:9 21:9 187 | 3:50 4:37 7:11 10:1 16:7 188 | 3:7 4:93 5:8 10:24 11:32 189 | 4:80 5:73 6:48 7:32 8:19 9:6 10:4 11:71 17:10 190 | 4:31 5:67 6:19 7:41 8:56 9:64 10:67 11:95 12:59 13:41 14:36 15:23 16:28 17:7 191 | 4:2 5:88 6:10 10:13 11:103 12:33 13:29 14:45 15:73 16:80 17:50 21:8 23:10 192 | 5:44 6:66 9:7 10:26 11:55 24:4 193 | 2:10 6:78 7:25 8:1 9:7 10:70 11:17 14:4 16:11 21:8 23:3 24:7 194 | 2:4 5:7 6:15 7:95 8:38 9:67 10:54 11:5 21:12 195 | 7:21 8:64 9:36 12:1 14:28 15:6 22:1 196 | 1:10 4:28 5:96 6:96 7:84 8:79 9:68 10:74 11:85 12:106 13:89 14:76 15:79 16:91 17:64 18:67 19:59 20:16 21:8 22:12 24:1 197 | 4:48 5:4 7:2 8:17 9:39 10:46 11:33 12:24 15:3 16:38 17:25 18:26 19:42 20:34 198 | 4:6 5:22 6:39 7:46 8:19 11:7 13:9 14:57 15:83 16:42 17:86 20:16 23:11 199 | 4:12 10:6 13:70 14:34 16:52 17:55 200 | 3:10 6:1 12:46 13:26 14:12 15:65 16:38 24:4 201 | 2:5 8:7 12:87 13:81 14:86 15:58 16:68 17:46 23:12 202 | 7:8 9:11 12:12 13:3 16:8 17:73 22:10 23:3 24:1 203 | 2:7 16:42 17:13 20:8 22:7 204 | 10:9 11:23 12:76 13:74 14:105 15:95 16:101 17:112 18:10 21:12 205 | 5:4 9:6 12:3 13:12 14:57 15:72 16:54 17:6 19:4 206 | 0:8 1:9 2:3 4:7 12:40 13:89 14:19 15:3 16:4 22:10 207 | 0:5 1:2 6:9 9:16 12:17 13:74 14:70 15:43 16:5 20:4 22:3 208 | 12:67 13:8 15:14 16:55 17:19 209 | 1:9 5:12 10:3 12:81 16:1 17:12 20:6 23:1 210 | 2:12 9:59 10:75 11:72 12:83 13:56 14:52 15:43 16:31 17:5 211 | 0:12 3:11 9:5 10:25 11:35 12:85 13:22 14:25 15:25 16:41 17:86 18:29 19:10 212 | 11:4 12:54 13:7 18:35 19:2 213 | 11:24 12:39 14:3 17:40 18:7 214 | 1:1 10:5 11:15 12:17 24:9 215 | 16:5 19:9 216 | 7:5 8:3 10:7 14:2 16:10 217 | 8:2 218 | 4:8 6:4 7:3 20:9 22:11 219 | 5:3 8:10 11:1 19:3 220 | 6:2 7:12 17:1 221 | 11:12 13:2 15:12 18:3 24:8 222 | 7:9 15:6 16:10 223 | 3:10 5:4 21:7 224 | 0:9 4:1 15:9 19:13 20:2 21:8 225 | 5:11 6:23 7:7 19:9 226 | 21:3 227 | 228 | 3:10 4:9 9:8 229 | 0:4 4:2 11:3 12:9 13:12 16:17 230 | 2:7 4:6 13:8 20:10 231 | 0:9 8:6 12:6 14:4 18:6 232 | 19:4 23:10 233 | 15:3 16:8 234 | 4:10 8:8 16:10 17:6 18:4 235 | 2:8 10:4 11:11 17:8 19:6 236 | 9:6 11:1 14:11 237 | 2:12 5:2 11:2 20:9 238 | 20:11 21:8 239 | 7:12 11:4 21:2 240 | 1:1 11:7 16:5 241 | 1:11 2:12 3:12 4:9 6:11 10:4 13:3 22:8 242 | 8:3 15:10 20:1 24:12 243 | 0:9 2:3 5:11 24:9 244 | 14:5 15:10 24:5 245 | 4:9 19:12 246 | 4:8 5:9 9:11 12:4 16:7 247 | 15:9 16:6 19:8 20:5 22:9 23:1 24:5 248 | 2:9 3:8 5:2 9:10 12:2 16:7 21:7 249 | 4:12 5:10 13:6 21:1 250 | 0:8 1:11 3:1 5:7 18:11 21:5 23:6 251 | 4:7 5:9 11:2 13:7 23:6 24:2 252 | 9:5 20:10 253 | 9:4 14:27 17:5 23:12 254 | 20:3 21:4 255 | 6:10 15:9 256 | 16:12 18:3 23:6 257 | 0:9 7:4 19:1 258 | 24:11 259 | 4:3 8:6 10:8 23:1 260 | 4:8 17:8 18:9 22:10 261 | 0:3 12:3 18:8 21:3 262 | 3:8 7:4 12:11 13:2 18:10 21:6 263 | 6:7 17:7 264 | 2:6 4:14 5:10 18:7 19:15 24:3 265 | 5:7 7:3 8:10 13:7 15:2 16:5 17:5 20:9 22:5 266 | 5:3 13:10 14:3 17:5 24:9 267 | 1:4 20:10 23:1 268 | 0:1 6:8 9:12 11:1 15:3 269 | 0:2 2:9 17:3 19:9 270 | 2:10 13:12 20:9 271 | 10:3 11:6 18:5 20:5 23:5 272 | 0:1 7:4 9:9 20:10 273 | 1:4 2:1 5:1 18:3 274 | 6:1 8:8 14:7 18:6 19:11 22:4 275 | 8:7 10:12 276 | 2:10 3:34 4:32 5:6 11:6 13:5 17:9 18:12 20:5 277 | 3:14 4:85 6:8 9:11 10:18 11:35 12:1 20:10 22:11 278 | 4:81 5:76 6:54 7:34 8:24 9:16 10:5 11:83 279 | 3:8 4:22 5:54 6:10 7:29 8:55 9:64 10:63 11:92 12:71 13:48 14:32 15:23 16:18 17:1 19:19 21:2 22:12 280 | 0:3 5:71 6:9 7:3 10:12 11:98 12:27 13:39 14:43 15:56 16:60 17:37 281 | 5:48 6:61 9:5 10:27 11:67 16:11 282 | 0:9 2:9 4:2 6:75 7:22 10:72 11:12 283 | 3:9 5:5 6:23 7:99 8:31 9:51 10:49 23:2 284 | 2:10 7:31 8:63 9:36 14:32 15:10 19:6 285 | 4:42 5:106 6:74 7:101 8:73 9:63 10:93 11:87 12:94 13:90 14:86 15:88 16:87 17:67 18:65 19:45 20:22 21:4 286 | 2:12 4:55 5:6 7:2 8:23 9:22 10:32 11:41 12:24 15:6 16:31 17:24 18:24 19:36 20:46 287 | 0:11 4:4 5:27 6:36 7:43 8:20 13:4 14:54 15:61 16:61 17:85 23:12 288 | 10:2 13:63 14:30 16:45 17:42 18:1 289 | 5:6 12:44 13:28 14:7 15:52 16:50 20:8 24:5 290 | 1:5 7:6 12:73 13:78 14:92 15:53 16:73 17:60 291 | 9:12 12:14 13:3 15:1 16:9 17:60 21:7 292 | 2:9 3:2 7:7 16:34 17:5 21:12 293 | 3:7 4:8 9:9 11:26 12:96 13:82 14:77 15:96 16:95 17:103 18:1 20:4 23:8 294 | 1:1 3:4 9:12 13:13 14:58 15:85 16:55 17:18 18:15 295 | 2:3 9:7 12:30 13:68 14:16 17:8 18:1 21:2 296 | 1:20 5:1 12:15 13:69 14:54 15:49 16:25 20:1 21:4 23:1 297 | 4:7 12:71 13:14 15:15 16:61 17:41 298 | 10:10 11:4 12:80 13:2 16:3 17:12 19:12 22:12 299 | 1:12 7:4 9:73 10:75 11:79 12:102 13:68 14:52 15:43 16:28 17:2 20:1 300 | 6:11 9:14 10:21 11:24 12:75 13:20 14:39 15:29 16:30 17:79 18:42 23:1 301 | 10:8 11:5 12:65 17:1 18:46 302 | 11:16 12:39 17:31 18:10 23:1 24:11 303 | 11:21 12:25 14:3 17:8 18:5 304 | 4:1 5:1 9:5 12:4 18:3 23:4 24:10 305 | 4:8 11:13 12:5 17:5 306 | 3:8 11:9 15:7 17:6 23:8 307 | 2:3 9:6 18:3 21:4 308 | 2:17 3:54 4:54 5:46 6:32 7:21 8:28 9:25 10:6 20:3 309 | 2:16 3:50 6:6 7:23 8:41 9:23 10:25 11:32 12:23 13:7 310 | 1:4 2:24 3:25 6:4 7:32 8:32 11:12 12:21 13:29 14:14 16:10 18:5 19:6 311 | 2:57 3:2 4:3 7:36 8:3 9:12 13:9 14:24 312 | 1:3 2:34 6:10 7:31 14:27 313 | 1:16 2:17 4:1 5:3 6:17 7:28 13:3 14:24 15:11 20:8 23:3 314 | 1:36 2:2 3:1 6:25 7:11 13:19 14:4 17:1 18:5 19:10 20:11 315 | 0:11 1:27 6:4 7:1 10:6 12:13 13:13 16:4 19:7 20:28 21:19 22:3 316 | 0:7 1:5 3:9 11:7 12:7 13:17 14:10 17:3 18:30 19:41 20:27 21:37 22:31 24:9 317 | 10:9 11:32 12:16 13:5 14:34 16:11 17:46 18:20 21:4 22:20 318 | 0:10 9:11 10:23 11:3 13:29 14:19 15:9 16:42 17:14 19:8 20:4 21:23 22:3 24:7 319 | 9:25 11:11 12:31 13:19 14:9 15:43 16:8 19:6 20:20 21:14 320 | 2:14 9:34 10:25 11:34 12:45 13:41 14:47 15:42 16:34 17:31 18:40 19:22 20:14 21:24 22:2 321 | 5:7 9:38 10:23 11:18 12:19 13:17 14:18 15:1 17:3 18:30 19:35 20:33 21:21 22:27 322 | 10:9 11:29 12:14 13:16 14:34 16:3 17:37 18:16 21:3 22:19 23:2 323 | 9:9 10:27 11:4 13:38 14:17 15:10 16:38 17:3 21:18 22:16 324 | 6:1 7:12 9:28 10:1 11:9 12:27 13:12 14:4 15:71 16:11 18:1 19:7 20:24 21:13 325 | 5:11 8:2 9:36 10:21 11:57 12:42 13:44 14:44 15:35 16:32 17:20 18:23 19:24 20:1 22:11 326 | 6:6 8:5 9:51 10:20 11:10 12:12 13:15 14:23 15:7 18:6 327 | 10:6 12:12 14:5 19:12 328 | 0:3 15:3 16:4 19:11 329 | 3:17 10:12 19:11 23:6 330 | 4:2 5:6 14:11 18:7 20:7 22:4 331 | 8:1 16:7 332 | 6:9 333 | 7:4 10:3 11:7 334 | 2:12 335 | 5:5 6:8 13:1 19:7 336 | 17:1 19:22 337 | 6:5 9:5 11:11 16:4 18:10 24:6 338 | 3:10 17:12 20:12 21:12 339 | 2:1 6:8 13:6 340 | 5:1 14:10 17:10 19:3 24:9 341 | 23:1 342 | 1:12 2:8 7:1 14:6 16:8 21:2 343 | 5:5 9:6 16:7 344 | 0:10 4:8 5:4 10:10 13:10 21:8 345 | 0:4 2:10 4:11 13:3 346 | 2:3 10:11 11:1 15:5 16:5 21:10 347 | 4:10 6:8 16:4 23:8 348 | 0:12 9:6 13:5 24:2 349 | 1:10 2:2 3:4 18:5 21:7 350 | 10:7 15:8 20:17 351 | 2:1 4:9 5:10 9:5 19:8 24:6 352 | 4:7 11:4 12:6 16:4 353 | 17:6 23:7 354 | 1:8 14:2 19:1 355 | 1:11 2:9 3:3 7:8 14:5 16:5 17:4 18:5 19:10 24:8 356 | 2:11 3:3 4:7 5:3 9:9 357 | 5:8 23:6 358 | 2:10 16:11 359 | 0:4 3:5 8:7 360 | 1:5 9:1 10:9 11:12 20:7 361 | 20:7 362 | 9:2 18:4 19:17 363 | 2:11 10:2 364 | 5:10 8:11 365 | 3:12 7:6 9:7 15:5 21:7 366 | 2:4 11:23 18:4 20:5 367 | 12:12 18:3 368 | 4:12 8:1 10:8 18:2 21:11 369 | 0:8 6:3 11:11 15:11 16:7 21:4 370 | 1:6 3:14 4:12 5:12 7:9 14:4 21:10 22:1 371 | 8:6 9:5 12:1 13:2 18:12 20:6 21:9 372 | 1:4 4:10 11:8 18:2 21:12 373 | 0:7 17:1 18:5 374 | 3:9 5:12 20:5 375 | 10:12 12:11 17:4 376 | 8:6 13:12 377 | 0:1 378 | 1:12 6:6 10:1 12:12 16:6 379 | 3:4 4:1 5:2 10:8 13:7 17:10 380 | 0:9 2:8 23:3 381 | 5:6 14:11 19:8 20:11 22:6 24:11 382 | 2:7 20:1 21:11 383 | 11:5 24:2 384 | 0:11 6:5 9:6 17:9 23:12 24:7 385 | 386 | 2:2 5:7 17:11 18:6 21:2 24:5 387 | 4:4 7:6 9:2 10:5 14:9 21:11 388 | 1:10 2:13 4:6 23:6 389 | 2:2 5:11 15:7 17:9 18:8 20:8 22:10 390 | 14:5 15:5 22:7 24:5 391 | 0:1 6:3 7:6 8:12 15:3 392 | 3:16 4:3 11:5 393 | 2:2 12:9 13:5 21:11 24:6 394 | 11:2 12:7 395 | 1:11 5:2 10:4 396 | 4:9 10:11 397 | 3:56 4:41 5:6 7:10 11:4 20:14 398 | 0:8 3:9 4:72 7:6 9:11 10:18 11:45 13:3 17:10 24:7 399 | 4:82 5:74 6:47 7:50 8:17 9:22 10:9 11:81 19:11 24:11 400 | 3:4 4:29 5:49 6:14 7:42 8:58 9:93 10:97 11:132 12:61 13:48 14:40 15:26 16:16 17:2 20:1 21:1 22:12 401 | 4:4 5:81 6:9 10:6 11:97 12:24 13:35 14:68 15:66 16:81 17:51 22:1 402 | 3:6 5:51 6:80 10:31 11:75 13:4 17:4 20:13 403 | 2:7 3:5 6:74 7:43 9:10 10:82 11:16 17:19 21:3 404 | 5:1 6:26 7:110 8:43 9:64 10:51 13:9 15:11 20:5 23:4 405 | 3:5 5:7 7:36 8:77 9:51 11:3 12:12 13:2 14:32 15:13 18:11 406 | 4:28 5:99 6:85 7:93 8:86 9:90 10:94 11:111 12:103 13:86 14:85 15:100 16:111 17:96 18:71 19:61 20:10 407 | 4:80 5:12 7:2 8:22 9:29 10:53 11:39 12:21 15:6 16:42 17:31 18:33 19:36 20:46 24:8 408 | 4:2 5:31 6:33 7:39 8:21 9:1 11:1 12:9 13:3 14:44 15:73 16:59 17:101 409 | 5:6 8:6 12:2 13:79 14:47 16:57 17:43 20:2 410 | 0:2 5:6 12:58 13:48 14:7 15:69 16:42 21:6 411 | 5:9 8:9 9:3 12:99 13:77 14:101 15:81 16:86 17:56 23:5 412 | 2:5 12:19 13:2 16:14 17:70 22:7 413 | 0:9 10:2 11:2 16:43 17:4 414 | 3:6 5:9 8:3 11:25 12:87 13:111 14:103 15:124 16:119 17:135 18:1 24:9 415 | 0:6 11:9 12:4 13:14 14:68 15:79 16:48 17:20 23:5 416 | 12:20 13:84 14:21 20:4 24:1 417 | 12:16 13:65 14:67 15:48 16:6 19:7 20:6 418 | 0:8 1:10 4:9 5:7 8:10 12:73 13:7 15:15 16:65 17:19 22:6 419 | 4:11 5:5 8:11 12:90 16:3 17:12 420 | 6:5 9:81 10:73 11:110 12:128 13:75 14:69 15:53 16:35 17:9 20:3 421 | 3:4 6:1 9:13 10:24 11:23 12:77 13:26 14:28 15:35 16:53 17:69 18:47 23:4 24:10 422 | 4:2 11:7 12:57 14:5 15:1 18:62 423 | 11:17 12:37 16:8 17:34 18:6 19:9 424 | 11:18 12:23 13:7 15:11 22:5 425 | 0:6 3:5 5:6 8:9 9:2 426 | 4:12 19:10 427 | 11:3 24:10 428 | 6:11 11:2 18:9 20:9 429 | 1:7 3:9 4:4 11:20 14:12 19:5 430 | 16:1 18:1 23:9 431 | 1:10 16:10 20:7 432 | 5:9 6:10 9:12 11:11 433 | 5:4 12:7 17:11 20:16 23:3 24:11 434 | 3:10 19:7 435 | 0:11 2:2 12:3 13:3 21:3 436 | 7:11 10:12 15:11 18:6 22:1 437 | 1:12 6:11 438 | 5:16 13:17 18:8 24:7 439 | 5:4 10:7 12:10 13:1 15:11 18:7 20:3 440 | 1:12 2:10 7:12 11:11 18:4 441 | 6:12 8:9 21:5 442 | 4:2 5:12 6:1 11:5 14:2 18:5 443 | 8:1 444 | 23:3 445 | 1:2 5:5 11:10 15:8 22:7 23:12 446 | 5:3 6:4 8:9 12:9 16:9 21:5 447 | 5:2 11:12 448 | 5:12 12:15 13:10 449 | 0:6 11:6 16:5 20:12 450 | 1:12 10:8 15:2 21:11 451 | 4:7 7:4 19:10 24:10 452 | 2:14 453 | 2:10 6:4 8:1 13:6 454 | 10:8 23:9 455 | 3:7 10:17 456 | 0:7 4:4 11:5 20:5 457 | 12:7 13:8 458 | 4:12 15:9 22:12 459 | 2:11 17:10 460 | 5:12 9:2 13:7 461 | 8:1 16:6 17:1 21:2 462 | 4:11 19:11 22:5 23:11 463 | 1:3 2:5 6:7 8:5 14:4 24:9 464 | 4:10 465 | 7:7 12:7 19:7 466 | 14:15 18:6 20:1 23:2 24:1 467 | 2:8 7:6 9:10 13:8 24:3 468 | 3:8 5:11 6:11 469 | 0:6 2:8 6:6 7:5 16:6 470 | 5:11 471 | 8:7 472 | 2:5 6:4 473 | 3:1 9:11 10:3 17:5 24:7 474 | 12:18 14:21 16:3 17:1 19:2 21:10 22:4 475 | 8:24 9:5 10:14 20:11 476 | 6:1 8:8 9:11 11:6 20:6 477 | 4:4 5:12 8:4 9:10 17:1 478 | 5:6 7:5 11:21 16:2 479 | 0:8 1:4 4:4 480 | 1:11 4:10 14:9 18:3 481 | 4:7 11:11 12:10 482 | 2:8 4:12 14:7 23:16 483 | 1:11 2:8 3:12 4:4 12:6 21:2 484 | 8:18 485 | 12:9 16:4 20:3 486 | 7:12 11:12 16:5 23:3 487 | 7:8 20:11 23:10 488 | 0:4 8:3 17:6 20:9 489 | 3:4 20:4 21:10 24:8 490 | 2:6 6:5 7:12 16:6 491 | 16:4 18:10 492 | 2:12 7:11 9:5 14:11 19:12 20:10 493 | 21:10 494 | 0:2 2:1 7:8 13:1 495 | 8:2 12:1 16:9 17:9 24:10 496 | 497 | 6:10 18:6 24:5 498 | 5:7 11:8 24:8 499 | 4:4 10:11 11:5 17:11 20:11 500 | 0:7 9:5 501 | -------------------------------------------------------------------------------- /Example_Dataset/Tdocs/Tdoc_4.txt: -------------------------------------------------------------------------------- 1 | 12:14 14:4 20:3 2 | 7:9 8:13 11:12 18:14 3 | 2:10 23:20 4 | 4:5 10:8 11:6 20:3 5 | 6 | 4:12 15:10 18:12 23:12 7 | 0:13 2:2 8:10 10:6 18:7 8 | 0:12 1:14 2:11 6:1 7:16 16:12 19:9 9 | 17:12 19:6 10 | 16:5 18:12 11 | 13:14 14:11 12 | 2:13 15:3 13 | 2:5 14 | 4:9 5:9 20:5 22:3 23:14 24:10 15 | 0:13 7:8 18:2 19:20 16 | 3:1 13:11 16:1 17 | 1:8 2:1 3:9 5:8 7:1 8:5 9:11 16:11 17:12 18:12 18 | 0:4 2:22 3:53 4:27 5:45 6:46 7:34 8:35 9:22 10:2 13:13 17:1 21:12 19 | 2:11 3:44 4:4 5:2 6:7 7:18 8:37 9:31 10:36 11:42 12:24 13:8 20 | 2:18 3:22 7:22 8:25 11:3 12:14 13:47 14:27 19:7 21 | 2:35 3:4 4:8 7:43 8:6 13:2 14:47 16:14 22 | 1:11 2:33 5:6 6:5 7:33 13:9 14:42 23 | 1:21 2:27 6:26 7:28 13:16 14:20 24 | 1:21 2:17 5:8 6:33 7:20 13:21 14:4 18:7 19:4 20:16 21:7 25 | 1:33 5:7 6:10 12:16 13:11 17:3 19:10 20:18 21:23 22:2 26 | 1:4 11:9 12:15 13:22 14:14 17:3 18:45 19:38 20:20 21:27 22:29 27 | 10:8 11:33 12:20 13:14 14:41 16:5 17:45 18:17 21:2 22:25 28 | 4:3 9:6 10:37 11:1 12:3 13:37 14:33 15:5 16:50 17:8 19:13 21:20 22:3 29 | 2:6 9:41 10:3 11:6 12:39 13:22 14:3 15:45 16:11 18:3 19:15 20:16 21:12 23:7 30 | 8:3 9:40 10:22 11:44 12:51 13:64 14:52 15:31 16:37 17:32 18:40 19:20 20:22 21:18 22:4 31 | 9:41 10:27 11:19 12:19 13:17 14:29 17:14 18:37 19:46 20:32 21:35 22:31 23:3 32 | 2:1 3:3 8:1 9:10 10:11 11:43 12:10 13:24 14:33 16:9 17:39 18:16 21:2 22:40 33 | 0:5 1:2 2:29 3:62 4:49 5:41 6:32 7:32 8:41 9:36 10:39 11:3 13:32 14:18 15:8 16:42 17:2 18:12 21:37 22:18 34 | 2:8 3:49 6:14 7:26 8:63 9:67 10:55 11:55 12:80 13:38 14:3 15:30 16:11 19:15 20:28 21:14 35 | 2:24 3:22 7:33 8:21 9:42 10:16 11:44 12:64 13:84 14:85 15:33 16:37 17:46 18:30 19:19 20:8 24:6 36 | 2:39 3:4 7:44 8:8 9:43 10:21 11:19 12:9 13:31 14:70 15:5 16:1 18:1 19:1 37 | 1:13 2:33 3:10 6:5 7:50 9:10 10:28 11:37 12:56 13:41 14:86 15:36 16:29 17:37 18:37 19:41 20:47 21:43 22:7 38 | 1:20 2:30 4:8 6:25 7:23 10:33 11:40 12:35 13:7 14:71 39 | 1:37 2:5 4:8 6:34 7:11 9:2 10:30 11:25 13:48 14:26 40 | 1:37 6:12 9:20 10:14 12:19 13:40 19:16 20:30 21:27 22:10 41 | 1:5 3:5 5:14 6:2 9:26 10:29 11:46 12:28 13:27 14:13 17:4 18:39 19:39 20:33 21:39 22:35 42 | 10:13 11:50 12:29 13:6 14:39 16:11 17:38 18:15 21:4 22:30 24:9 43 | 1:16 2:36 3:45 4:43 5:43 6:32 7:35 8:39 9:54 10:80 11:43 12:48 13:76 14:50 15:33 16:77 17:15 19:10 21:28 22:7 44 | 1:27 2:11 4:1 5:8 6:12 7:20 8:17 9:53 10:5 11:6 12:36 13:49 14:18 15:53 16:25 17:22 19:15 20:23 21:11 45 | 1:11 2:11 3:8 4:20 5:7 6:9 9:43 10:27 11:70 12:89 13:84 14:97 15:40 16:34 17:34 18:35 19:22 20:23 21:22 22:4 24:7 46 | 5:21 9:45 10:52 11:38 12:13 13:51 14:56 18:45 19:52 20:31 21:31 22:35 47 | 5:6 7:8 9:21 10:32 11:34 12:50 13:29 14:40 16:18 17:51 18:17 20:10 21:5 22:33 48 | 4:1 9:50 10:74 11:42 12:28 13:80 14:35 15:7 16:44 17:12 21:30 22:4 49 | 2:3 6:12 9:48 10:7 11:7 12:35 13:28 14:39 15:43 16:13 18:2 19:12 20:41 21:17 50 | 9:39 10:15 11:44 12:54 13:92 14:62 15:48 16:53 17:28 18:32 19:13 24:14 51 | 1:2 7:5 8:22 9:80 10:62 11:54 12:71 13:61 14:73 15:3 16:4 18:3 52 | 2:8 9:18 10:42 11:75 12:93 13:57 14:58 15:35 16:34 17:48 18:37 19:53 20:37 21:42 22:9 53 | 1:12 2:11 9:11 10:41 11:48 12:36 13:6 14:40 54 | 7:9 9:10 10:82 11:52 12:18 13:18 14:19 15:12 16:3 55 | 3:3 6:5 9:48 10:17 12:17 13:59 14:7 56 | 3:12 4:13 9:54 10:30 11:33 12:20 13:1 14:6 20:8 21:13 23:6 57 | 1:11 2:5 3:2 6:31 7:30 8:30 9:47 10:33 11:31 12:24 13:24 14:1 58 | 0:7 1:14 2:42 3:61 4:35 5:28 6:49 7:40 8:51 9:97 10:68 11:34 12:48 13:62 14:68 15:40 16:18 17:9 19:14 20:3 21:12 59 | 1:28 2:3 4:11 5:4 6:14 7:20 8:22 9:44 12:1 13:12 14:21 15:33 16:10 17:15 60 | 1:1 2:17 3:12 4:16 5:13 6:1 8:6 9:26 10:1 11:25 12:41 13:19 14:67 15:11 19:4 21:6 61 | 10:38 11:10 13:33 14:26 15:20 62 | 5:4 9:26 10:16 11:10 12:35 13:15 17:3 20:2 63 | 9:35 10:50 11:46 12:35 13:34 14:19 15:3 19:2 21:7 64 | 4:2 5:10 6:11 9:10 10:10 14:23 65 | 1:8 4:11 7:9 9:2 12:1 13:14 14:3 66 | 2:7 8:20 9:38 10:37 11:34 12:52 13:58 14:55 15:5 23:4 24:12 67 | 4:7 10:3 11:20 12:34 13:17 14:4 15:5 18:12 68 | 0:3 5:1 9:14 10:34 11:6 16:4 17:7 69 | 0:4 1:13 4:12 9:13 10:35 11:31 12:11 13:7 24:7 70 | 0:11 7:1 9:35 10:1 12:9 13:26 14:10 22:1 24:2 71 | 2:9 4:9 6:8 9:39 13:1 14:6 24:13 72 | 0:2 1:14 2:12 5:1 6:31 7:39 8:38 9:50 10:32 11:29 12:28 13:18 14:3 73 | 6:4 7:6 8:18 9:33 10:14 11:9 12:18 13:16 14:38 15:23 19:12 74 | 4:9 9:33 10:2 12:2 13:30 15:24 17:7 21:10 75 | 4:13 8:12 9:15 14:19 15:3 23:10 76 | 1:10 5:7 7:7 12:11 13:5 77 | 4:13 10:14 15:12 18:9 19:8 78 | 16:10 19:10 22:1 23:5 79 | 4:19 15:9 80 | 3:3 4:6 7:13 13:8 22:6 81 | 18:3 82 | 7:10 11:12 13:8 83 | 84 | 6:2 11:6 15:10 22:10 85 | 4:10 5:19 14:5 15:12 23:2 86 | 10:3 18:6 24:1 87 | 6:14 14:11 19:6 88 | 3:14 7:9 10:2 17:18 89 | 2:17 5:12 14:8 19:11 20:11 23:9 90 | 14:5 17:14 91 | 4:11 6:13 92 | 7:4 13:4 19:6 93 | 15:6 16:3 17:11 19:5 94 | 6:2 12:1 95 | 21:1 96 | 4:13 10:6 97 | 5:15 19:3 23:6 98 | 0:14 5:2 6:6 17:5 20:12 99 | 1:6 22:7 100 | 101 | 0:4 2:3 3:1 7:11 8:1 9:11 15:11 22:14 24:4 102 | 2:19 3:46 4:40 5:37 6:29 7:16 8:32 9:31 10:3 18:1 19:20 103 | 2:15 3:29 5:5 6:4 7:19 8:44 9:27 10:39 11:45 12:24 13:7 16:13 20:14 104 | 2:31 3:21 7:23 8:26 11:3 12:18 13:37 14:16 18:7 23:1 105 | 1:5 2:40 3:3 6:6 7:32 8:6 13:17 14:52 106 | 1:4 2:59 6:5 7:38 11:13 14:27 16:5 17:4 20:2 24:3 107 | 1:20 2:14 6:26 7:26 13:3 14:22 18:14 24:13 108 | 1:27 2:2 5:5 6:27 7:7 8:9 13:24 14:4 16:12 109 | 0:2 1:30 2:14 6:8 7:1 12:19 13:9 14:16 19:16 20:27 21:16 22:6 24:13 110 | 1:3 10:3 11:14 12:12 13:21 14:10 18:51 19:41 20:32 21:26 22:36 24:9 111 | 4:10 5:7 10:11 11:22 12:30 13:5 14:35 16:12 17:38 18:23 21:7 22:26 112 | 9:2 10:24 11:1 13:44 14:21 15:7 16:39 17:6 18:13 21:23 22:17 113 | 3:13 9:38 10:2 11:5 12:30 13:22 15:35 16:9 19:8 20:27 21:12 114 | 9:28 10:19 11:51 12:29 13:50 14:56 15:34 16:37 17:34 18:38 19:31 20:26 21:21 22:1 115 | 9:27 10:33 11:22 12:15 13:21 14:35 17:3 18:34 19:50 20:25 21:32 22:22 23:7 116 | 2:4 7:11 10:8 11:20 12:11 13:16 14:27 16:9 17:41 18:11 20:5 21:5 22:19 117 | 9:22 10:38 11:1 13:40 14:26 15:13 16:28 17:21 21:27 22:5 118 | 0:10 5:14 7:5 9:36 10:3 11:4 12:28 13:15 14:4 15:35 16:5 19:14 20:28 21:23 119 | 6:6 9:42 10:33 11:30 12:49 13:45 14:50 15:46 16:50 17:26 18:27 19:19 24:8 120 | 0:9 9:27 10:37 11:8 12:11 13:16 14:7 15:1 121 | 2:11 5:14 24:6 122 | 6:4 10:6 17:11 123 | 6:1 14:5 15:14 20:9 24:2 124 | 2:2 4:4 10:14 11:5 17:6 19:2 125 | 11:21 23:5 126 | 2:20 5:4 8:2 19:13 127 | 0:1 20:11 24:7 128 | 7:4 10:5 129 | 130 | 1:10 2:13 10:14 18:6 131 | 10:10 11:9 16:3 18:5 24:14 132 | 7:6 8:5 21:6 133 | 4:13 6:6 12:8 22:10 24:4 134 | 5:11 11:2 23:5 24:3 135 | 0:3 2:8 3:1 4:13 5:5 10:8 11:7 136 | 8:10 17:22 22:9 137 | 5:10 7:2 15:11 138 | 0:8 4:14 11:8 16:14 139 | 3:10 7:19 9:1 21:12 140 | 4:14 5:4 7:4 141 | 1:9 3:11 14:9 18:9 21:5 24:7 142 | 2:16 5:1 6:3 8:5 9:17 18:14 143 | 1:14 2:32 3:50 4:46 5:43 6:38 7:32 8:37 9:22 10:2 21:1 24:12 144 | 2:16 3:37 5:2 6:5 7:14 8:36 9:32 10:41 11:40 12:50 13:7 20:3 21:14 145 | 2:27 3:33 7:22 8:29 10:14 12:14 13:43 14:21 146 | 2:39 3:4 6:11 7:38 8:8 13:8 14:37 19:11 147 | 1:5 2:46 6:10 7:41 14:41 16:14 148 | 0:11 1:23 2:30 6:18 7:19 13:4 14:39 15:14 19:7 149 | 1:40 2:3 5:5 6:40 7:9 13:28 14:4 150 | 1:27 6:11 7:1 8:2 12:12 13:17 19:8 20:36 21:23 22:6 151 | 1:3 3:13 6:1 11:9 12:14 13:40 14:12 17:7 18:42 19:49 20:25 21:39 22:34 24:10 152 | 2:11 3:17 10:12 11:44 12:14 13:15 14:39 16:15 17:34 18:17 21:18 22:37 153 | 1:1 9:8 10:32 11:6 13:42 14:32 15:6 16:30 17:26 18:9 21:29 22:8 154 | 4:13 9:32 10:3 11:1 12:46 13:35 14:1 15:48 16:13 19:23 20:29 21:9 23:13 155 | 9:48 10:24 11:48 12:43 13:49 14:51 15:61 16:37 17:33 18:22 19:23 20:19 21:23 22:4 156 | 2:4 9:37 10:26 11:24 12:17 13:28 14:22 15:1 17:16 18:47 19:37 20:31 21:31 22:45 157 | 0:10 10:10 11:40 12:15 13:28 14:25 16:5 17:42 18:20 21:5 22:35 158 | 9:17 10:18 11:1 13:30 14:20 15:9 16:60 17:4 21:17 22:12 23:7 159 | 6:12 8:6 9:46 10:1 11:5 12:27 13:25 14:26 15:60 16:12 19:13 20:28 21:11 160 | 0:3 8:3 9:42 10:33 11:51 12:48 13:44 14:59 15:53 16:30 17:33 18:46 19:21 20:1 161 | 3:1 8:2 9:21 10:24 11:15 12:9 13:20 14:32 15:3 16:4 17:4 18:2 19:7 20:10 162 | 4:8 9:15 10:39 11:35 12:40 13:53 14:55 15:36 16:35 17:34 18:44 19:36 20:38 21:29 22:4 24:8 163 | 2:9 10:2 11:48 12:24 13:8 14:44 164 | 9:10 10:38 11:17 13:10 14:21 165 | 7:11 9:16 10:14 12:6 13:49 166 | 7:10 8:10 9:18 10:38 11:41 12:22 13:13 19:1 23:11 167 | 1:10 2:5 11:14 12:1 168 | 1:17 2:42 3:43 4:52 5:30 6:32 7:56 8:43 9:45 10:48 11:40 12:34 13:32 14:39 15:39 16:14 17:10 18:3 24:3 169 | 1:22 2:7 3:12 4:2 5:16 6:14 7:26 8:18 9:26 12:7 13:11 14:11 15:17 16:14 17:14 22:2 170 | 1:3 2:38 3:72 4:60 5:38 6:35 7:30 8:26 9:25 10:5 11:20 12:39 13:20 14:51 171 | 2:8 3:31 5:2 6:8 7:25 8:32 9:32 10:62 11:46 12:23 13:33 14:28 24:13 172 | 2:23 3:24 7:25 8:24 9:21 10:31 11:4 12:45 13:54 14:12 173 | 2:39 3:3 4:2 6:8 7:37 8:4 9:42 10:42 11:54 12:41 13:42 14:61 18:12 24:11 174 | 1:11 2:36 3:4 5:8 6:7 7:38 9:5 10:2 12:5 13:7 14:62 23:6 175 | 1:19 2:17 6:22 7:23 12:1 13:31 14:25 176 | 1:27 2:4 6:31 7:4 8:31 9:36 10:33 11:39 12:51 13:57 14:42 23:6 177 | 1:20 6:8 10:5 11:25 12:36 13:37 14:12 19:9 20:14 21:21 22:6 178 | 1:1 9:15 10:25 11:21 12:13 13:20 14:17 17:6 18:25 19:31 20:32 21:29 22:26 179 | 2:9 8:14 9:15 10:38 11:52 12:36 13:5 14:40 16:15 17:38 18:24 19:8 20:8 21:2 22:30 180 | 7:12 9:30 10:37 11:5 12:8 13:46 14:20 15:5 16:43 17:9 21:16 22:11 181 | 8:5 9:64 10:6 11:7 12:28 13:30 14:9 15:37 16:16 18:1 19:8 20:22 21:14 22:6 182 | 0:6 2:1 6:24 7:30 8:23 9:89 10:32 11:53 12:75 13:78 14:68 15:63 16:35 17:38 18:24 19:23 20:33 21:22 22:4 183 | 6:5 7:14 8:12 9:66 10:32 11:26 12:30 13:44 14:65 15:20 17:14 18:39 19:41 20:32 21:39 22:20 184 | 8:5 9:20 10:12 11:27 12:23 13:22 14:32 15:36 16:8 17:43 18:11 21:5 22:34 185 | 3:1 4:6 8:5 9:17 10:24 11:6 12:7 13:26 14:37 15:11 16:42 17:10 18:27 21:16 22:7 186 | 6:20 8:3 9:31 10:6 11:5 12:29 13:25 14:5 15:34 16:18 19:11 20:32 21:17 187 | 7:7 9:38 10:22 11:45 12:41 13:50 14:46 15:42 16:32 17:26 18:29 19:21 20:1 188 | 5:8 8:2 9:47 10:26 11:25 12:8 13:24 14:22 15:4 16:16 17:2 18:1 19:1 20:13 189 | 2:2 5:3 9:11 10:28 11:31 12:50 13:52 14:55 15:54 16:45 17:34 18:43 19:25 20:39 21:55 22:11 190 | 8:12 10:11 11:31 12:32 13:4 14:40 191 | 0:4 9:4 10:23 11:9 13:15 14:41 17:4 21:11 24:7 192 | 2:10 9:23 10:17 12:5 13:29 193 | 8:1 9:19 10:19 11:15 12:11 20:10 194 | 2:8 11:19 12:6 15:4 20:11 195 | 1:8 2:26 3:39 4:43 5:33 6:38 7:33 8:28 9:36 10:32 11:37 12:30 13:46 14:40 15:27 16:18 17:9 24:6 196 | 1:25 2:43 4:1 5:10 6:16 7:24 8:11 9:13 10:10 12:5 13:10 14:13 15:5 16:15 17:16 197 | 0:5 1:2 2:15 3:18 4:21 5:11 10:2 11:24 12:27 13:20 14:45 18:2 21:6 23:6 198 | 2:11 3:14 5:3 9:13 10:24 11:20 13:24 14:21 20:13 21:1 199 | 9:25 10:12 11:6 12:26 13:18 16:10 19:1 200 | 0:5 9:44 10:30 11:33 12:30 13:32 14:20 16:4 18:14 201 | 0:10 3:11 8:10 9:13 13:2 14:31 18:2 20:12 202 | 4:5 12:1 13:14 14:8 24:13 203 | 8:6 9:39 10:30 11:33 12:39 13:62 14:39 17:11 204 | 1:12 10:7 11:28 12:27 13:27 14:5 22:9 24:7 205 | 1:13 2:5 9:13 10:47 11:7 13:7 15:10 206 | 8:7 9:9 10:32 11:27 12:18 13:1 14:8 15:11 207 | 9:21 10:5 12:3 13:22 14:4 20:14 21:1 208 | 8:9 9:44 13:1 14:4 209 | 6:35 7:40 8:29 9:40 10:31 11:18 12:22 13:9 14:3 210 | 4:13 5:1 6:2 7:6 8:9 9:28 10:6 11:17 12:19 13:13 14:38 15:5 211 | 7:19 8:2 9:37 10:11 11:13 15:30 20:2 21:4 212 | 8:6 9:17 14:17 15:3 17:13 213 | 4:2 8:10 12:7 21:14 214 | 10:8 16:12 215 | 10:14 14:4 21:1 23:6 216 | 4:13 17:15 20:13 24:11 217 | 9:8 24:3 218 | 7:9 16:6 18:13 219 | 0:3 12:10 15:9 16:11 24:16 220 | 2:11 6:4 8:1 18:9 221 | 3:12 8:9 17:7 19:2 21:9 23:11 222 | 0:9 4:12 5:10 8:2 17:12 18:6 19:11 22:3 223 | 4:4 11:6 224 | 8:4 10:2 14:6 21:4 225 | 2:9 22:8 226 | 2:12 17:8 227 | 11:12 228 | 4:7 23:10 229 | 5:10 6:1 8:8 11:7 12:10 230 | 2:13 4:14 11:5 14:3 15:23 231 | 1:6 2:14 4:11 10:14 16:13 232 | 1:1 3:6 7:2 233 | 6:12 15:2 18:9 234 | 3:16 10:2 16:1 23:14 24:8 235 | 13:11 14:12 236 | 0:6 4:14 11:8 20:9 21:5 22:11 237 | 238 | 13:10 18:10 20:11 239 | 0:8 5:7 10:4 12:7 22:12 240 | 2:7 20:3 241 | 17:10 20:5 22:5 242 | 2:3 4:10 17:9 21:5 24:14 243 | 2:1 5:13 15:6 21:1 22:14 24:4 244 | 1:10 3:4 4:2 24:13 245 | 14:13 246 | 1:9 16:5 23:7 247 | 1:11 15:1 248 | 6:1 12:9 16:6 23:14 249 | 21:1 250 | 16:13 22:12 251 | 9:9 21:9 252 | 0:8 11:6 18:4 21:9 253 | 5:8 23:1 254 | 3:10 7:5 22:9 23:10 255 | 6:1 9:6 15:11 18:11 256 | 2:10 8:8 16:14 22:18 257 | 7:10 20:14 22:11 258 | 13:2 18:4 24:6 259 | 2:11 11:13 13:12 17:10 18:7 19:12 260 | 261 | 262 | 263 | 0:13 1:10 5:5 264 | 4:11 10:10 18:5 21:14 265 | 5:13 6:4 12:7 16:13 17:20 266 | 1:2 13:4 267 | 12:4 14:1 22:10 268 | 7:3 11:8 17:10 18:9 269 | 10:8 12:6 22:14 270 | 0:12 6:10 8:14 271 | 16:4 272 | 1:2 2:9 10:8 273 | 0:9 10:14 21:9 274 | 13:5 275 | 2:2 9:6 15:15 276 | 2:26 3:56 4:44 5:36 6:29 7:24 8:37 9:30 10:3 277 | 2:15 3:47 6:6 7:24 8:42 9:27 10:41 11:39 12:33 13:15 15:11 21:7 278 | 2:26 3:20 7:30 8:26 11:2 12:15 13:52 14:20 19:6 279 | 2:47 3:6 4:8 7:49 8:8 10:9 13:4 14:44 19:2 24:10 280 | 1:12 2:40 6:8 7:50 8:2 14:41 21:4 22:14 281 | 1:20 2:28 6:32 7:15 13:1 14:32 21:6 282 | 1:46 6:44 7:15 10:4 13:27 14:8 16:14 283 | 1:27 6:9 7:2 12:21 13:11 18:10 19:8 20:38 21:16 22:1 23:12 284 | 1:3 11:20 12:24 13:23 14:17 17:12 18:31 19:44 20:39 21:39 22:35 285 | 6:11 10:9 11:39 12:15 13:8 14:48 16:6 17:37 18:14 21:5 22:24 24:6 286 | 9:10 10:33 11:11 13:22 14:18 15:9 16:51 17:9 21:15 22:13 287 | 6:7 9:34 10:6 11:1 12:29 13:21 14:8 15:40 16:5 17:12 18:2 19:5 20:28 21:10 24:2 288 | 2:1 4:14 9:52 10:14 11:52 12:53 13:52 14:53 15:50 16:57 17:29 18:35 19:24 20:37 21:28 22:1 23:4 289 | 2:14 9:38 10:22 11:18 12:17 13:22 14:19 17:3 18:30 19:44 20:40 21:27 22:38 290 | 2:11 4:12 10:11 11:38 12:17 13:13 14:42 16:8 17:52 18:14 21:5 22:31 291 | 9:3 10:51 11:2 13:18 14:26 15:8 16:54 17:9 18:7 21:16 22:9 292 | 0:1 9:22 10:6 11:7 12:23 13:25 14:5 15:41 16:19 19:14 20:33 21:13 293 | 4:10 9:29 10:26 11:39 12:58 13:57 14:44 15:46 16:47 17:41 18:37 19:22 294 | 9:43 10:28 11:20 12:12 13:22 14:22 15:3 16:17 17:3 18:1 19:2 295 | 5:9 9:8 10:29 11:56 12:48 13:50 14:52 15:44 16:38 17:40 18:48 19:42 20:33 21:30 22:9 296 | 0:7 3:8 4:4 9:9 10:2 11:33 12:28 13:5 14:43 15:2 20:8 297 | 4:1 9:8 10:46 11:15 13:20 14:33 21:4 22:28 298 | 3:7 7:14 9:25 10:17 12:5 13:23 14:4 17:2 21:6 299 | 9:30 10:20 11:30 12:13 14:8 17:11 18:5 19:12 300 | 4:11 5:8 11:14 12:8 16:1 17:12 21:7 301 | 1:19 2:57 3:38 4:40 5:43 6:30 7:36 8:43 9:44 10:43 11:28 12:37 13:36 14:37 15:22 16:17 17:9 21:9 302 | 1:30 2:4 4:1 5:10 6:20 7:21 8:33 9:5 12:2 13:14 14:17 15:12 16:13 17:26 24:1 303 | 0:12 2:18 3:23 4:18 5:11 6:8 10:8 11:22 12:45 13:23 14:45 16:5 17:14 304 | 10:30 11:13 13:27 14:21 17:2 18:11 19:1 305 | 2:6 6:11 9:25 10:26 11:2 12:33 13:17 306 | 2:8 4:5 6:6 9:42 10:33 11:37 12:23 13:29 14:20 307 | 1:2 3:7 9:13 10:2 13:4 14:24 16:12 24:1 308 | 7:3 12:1 13:20 14:2 20:14 309 | 2:1 8:6 9:45 10:32 11:38 12:57 13:67 14:45 15:1 17:10 20:8 22:2 310 | 0:3 2:5 10:5 11:19 12:29 13:26 14:4 16:1 20:13 311 | 2:2 3:1 5:13 9:32 10:45 11:6 14:6 21:14 23:14 24:15 312 | 2:25 3:52 4:54 5:37 6:32 7:27 8:26 9:48 10:48 11:32 12:19 14:4 16:12 23:6 313 | 2:9 3:39 5:1 6:2 7:17 8:49 9:58 10:36 11:46 12:44 13:43 14:11 24:13 314 | 0:4 2:44 3:19 6:5 7:25 8:32 9:41 11:1 12:17 13:39 14:28 315 | 2:49 3:6 4:11 6:47 7:74 8:40 9:52 10:26 11:17 12:30 13:25 14:51 316 | 1:5 2:40 5:14 6:9 7:42 8:16 9:39 10:6 11:5 12:11 13:18 14:68 15:11 16:8 20:13 24:12 317 | 1:26 2:35 4:12 6:21 7:20 8:3 9:25 13:4 14:21 15:21 20:2 23:4 318 | 1:27 2:6 5:10 6:48 7:6 8:2 9:23 13:28 14:25 15:3 319 | 1:32 4:8 6:18 11:11 12:14 13:10 19:6 20:19 21:22 22:4 320 | 1:6 11:6 12:16 13:33 14:19 15:8 17:9 18:38 19:47 20:32 21:32 22:29 321 | 10:7 11:34 12:21 13:8 14:48 16:7 17:55 18:10 21:5 22:32 24:11 322 | 7:8 9:9 10:52 11:3 13:25 14:21 15:5 16:48 17:9 21:28 22:8 323 | 9:31 10:2 11:7 12:29 13:26 14:3 15:57 16:14 18:1 19:17 20:27 21:18 324 | 9:35 10:18 11:43 12:52 13:46 14:68 15:53 16:38 17:34 18:46 19:15 20:29 21:21 22:2 325 | 1:4 3:9 4:6 9:33 10:32 11:14 12:17 13:40 14:23 17:6 18:40 19:37 20:31 21:42 22:44 326 | 3:13 10:8 11:33 12:20 13:14 14:41 16:4 17:42 18:13 21:4 22:27 24:3 327 | 0:14 9:6 10:46 11:3 13:44 14:20 15:9 16:48 17:8 21:31 22:8 328 | 5:19 9:31 10:1 11:8 12:26 13:27 14:3 15:43 16:14 18:3 19:11 20:27 21:12 329 | 6:14 9:37 10:26 11:56 12:42 13:52 14:45 15:46 16:40 17:29 18:40 19:22 23:9 330 | 8:4 9:54 10:35 11:22 12:8 13:13 14:29 15:4 16:4 17:12 18:1 331 | 3:14 9:14 10:36 11:37 12:59 13:62 14:53 15:41 16:38 17:36 18:34 19:35 20:42 21:54 22:8 23:12 332 | 5:1 10:3 11:47 12:34 13:7 14:39 17:5 18:10 23:14 333 | 2:5 9:1 10:48 11:8 13:15 14:30 16:2 19:3 334 | 5:5 9:26 10:13 12:6 13:37 14:2 23:10 335 | 4:21 5:12 7:2 9:18 10:26 11:19 12:24 15:9 23:14 336 | 1:21 2:9 3:7 11:10 12:10 18:1 337 | 1:17 2:57 3:39 4:45 5:45 6:39 7:32 8:36 9:64 10:41 11:35 12:38 13:37 14:51 15:33 16:17 17:7 18:13 338 | 1:26 2:3 4:1 5:31 6:16 7:19 8:15 9:13 11:14 12:3 13:19 14:14 15:8 16:13 17:16 18:10 339 | 1:3 2:11 3:24 4:10 5:6 6:1 9:11 10:13 11:21 12:38 13:22 14:49 22:13 340 | 4:14 9:1 10:41 11:13 13:34 14:34 21:1 341 | 9:20 10:11 11:5 12:36 13:18 24:1 342 | 9:38 10:39 11:46 12:26 13:35 14:24 15:3 16:8 343 | 0:13 3:14 9:7 10:1 13:4 14:36 15:1 17:4 344 | 7:2 8:8 13:25 14:5 345 | 2:12 8:13 9:48 10:43 11:57 12:54 13:54 14:41 346 | 3:39 4:27 10:3 11:24 12:42 13:10 14:4 21:10 23:10 347 | 3:15 4:63 9:17 10:64 11:49 348 | 4:66 5:63 6:54 7:38 8:21 9:14 10:44 11:105 12:26 22:11 23:2 349 | 4:37 5:53 6:18 7:31 8:52 9:129 10:67 11:90 12:66 13:68 14:40 15:37 16:16 17:3 18:6 20:7 24:10 350 | 4:1 5:100 6:13 9:39 10:7 11:104 12:27 13:44 14:58 15:70 16:90 17:42 23:10 351 | 5:32 6:100 7:37 8:30 9:59 10:46 11:77 12:19 13:35 14:3 352 | 3:11 6:98 7:32 8:8 9:34 10:88 11:33 12:21 13:23 14:32 15:16 353 | 2:6 6:21 7:92 8:36 9:99 10:56 11:9 12:24 14:2 15:26 24:10 354 | 3:11 5:10 7:27 8:84 9:67 14:49 15:21 355 | 4:47 5:79 6:81 7:92 8:99 9:70 10:85 11:74 12:105 13:101 14:87 15:90 16:101 17:87 18:66 19:36 20:29 356 | 0:9 4:65 5:10 8:22 9:35 10:44 11:32 12:11 15:12 16:29 17:37 18:14 19:24 20:40 22:12 357 | 0:2 4:3 5:30 6:31 7:33 8:33 9:1 13:15 14:42 15:72 16:41 17:104 358 | 10:11 12:1 13:72 14:30 16:41 17:35 18:8 22:2 359 | 1:14 12:66 13:35 14:13 15:69 16:42 360 | 12:96 13:72 14:101 15:76 16:75 17:41 361 | 1:14 5:5 7:8 12:24 16:9 17:76 362 | 3:2 8:6 12:5 13:11 15:1 16:59 17:10 20:14 363 | 3:5 11:32 12:85 13:74 14:96 15:91 16:106 17:121 18:1 24:3 364 | 12:2 13:11 14:45 15:82 16:55 17:15 18:7 20:9 365 | 3:1 9:14 12:33 13:73 14:21 19:13 22:2 24:14 366 | 3:3 5:2 8:2 10:13 12:12 13:78 14:68 15:34 16:7 367 | 5:7 7:4 9:9 12:69 13:4 15:25 16:58 17:16 18:6 19:11 20:4 368 | 0:8 3:1 6:13 9:7 10:14 12:100 16:8 17:10 369 | 9:65 10:81 11:63 12:110 13:52 14:50 15:43 16:32 17:7 370 | 4:3 9:8 10:27 11:18 12:78 13:20 14:22 15:29 16:39 17:63 18:23 19:10 371 | 1:4 11:4 12:78 15:12 17:3 18:40 372 | 1:14 4:4 10:2 11:10 12:37 16:4 17:33 18:12 23:2 373 | 0:1 1:5 11:20 12:26 23:4 374 | 8:6 19:8 22:8 24:8 375 | 0:10 1:11 2:5 4:7 6:3 14:8 15:14 18:7 376 | 2:10 8:5 12:3 16:12 377 | 0:21 1:10 5:11 7:3 19:7 21:12 23:9 378 | 3:6 6:6 10:3 18:7 24:13 379 | 7:4 20:3 21:15 22:5 380 | 3:10 9:4 381 | 4:14 5:12 10:11 17:14 20:10 382 | 2:7 23:6 383 | 5:13 24:13 384 | 6:8 8:13 385 | 8:14 18:4 386 | 2:14 9:8 16:8 387 | 0:14 8:4 12:9 388 | 21:4 389 | 4:6 10:7 390 | 0:10 3:12 4:14 7:5 8:14 9:6 14:6 391 | 5:11 7:13 9:13 15:6 19:2 23:14 392 | 5:11 10:1 18:14 393 | 0:13 1:4 4:11 17:11 18:7 394 | 6:2 10:5 12:4 14:3 23:12 395 | 17:12 19:22 396 | 5:8 8:17 10:9 12:14 14:7 18:10 20:6 397 | 5:2 12:1 398 | 14:13 18:4 23:1 399 | 0:9 10:2 11:12 13:6 19:11 20:12 400 | 1:3 9:2 11:11 18:7 21:14 22:6 401 | 7:12 18:1 402 | 7:4 8:19 15:11 403 | 12:4 21:18 404 | 3:12 11:3 14:2 405 | 12:6 14:13 18:19 20:1 406 | 2:4 6:8 16:12 407 | 8:14 10:12 12:13 408 | 0:7 10:11 15:8 16:3 409 | 9:1 410 | 4:11 23:1 411 | 13:7 16:12 18:2 20:11 412 | 21:1 413 | 2:12 3:4 8:14 13:8 414 | 9:2 11:11 13:13 23:11 415 | 1:11 13:4 22:26 416 | 6:14 18:9 20:4 417 | 0:13 1:9 4:9 8:7 9:1 11:11 12:6 418 | 1:6 20:13 419 | 2:3 4:4 6:2 21:4 23:10 420 | 1:3 8:4 23:14 421 | 1:13 15:2 24:18 422 | 423 | 2:4 12:4 15:8 424 | 0:1 22:5 425 | 19:7 21:14 426 | 4:4 5:7 6:6 11:14 24:7 427 | 6:12 17:8 428 | 8:14 10:2 12:7 15:14 24:6 429 | 430 | 1:12 2:14 8:5 16:7 20:2 22:2 431 | 3:13 9:13 432 | 21:5 22:9 433 | 7:14 10:14 15:13 434 | 0:6 2:3 3:3 9:9 17:10 22:12 24:13 435 | 2:36 3:36 4:50 5:43 6:37 7:24 8:34 9:34 10:1 11:8 436 | 2:20 3:47 5:1 6:10 7:17 8:49 9:32 10:42 11:48 12:36 13:6 437 | 1:8 2:27 3:29 5:9 6:1 7:27 8:18 12:22 13:62 14:26 19:10 22:3 438 | 2:56 3:46 4:30 7:39 8:16 10:1 13:10 14:38 439 | 1:2 2:33 3:11 4:82 6:12 7:33 10:18 11:32 14:35 15:11 17:9 440 | 1:21 2:14 4:62 5:60 6:75 7:47 8:20 9:4 10:4 11:81 13:3 14:24 441 | 1:38 2:2 4:27 5:59 6:56 7:43 8:43 9:66 10:83 11:91 12:47 13:67 14:31 15:41 16:27 17:5 21:9 442 | 1:27 5:78 6:17 9:10 10:18 11:89 12:41 13:49 14:48 15:58 16:65 17:42 18:12 19:19 20:34 21:24 22:6 443 | 1:4 5:43 6:55 10:18 11:83 12:14 13:21 14:14 17:4 18:37 19:45 20:25 21:41 22:17 444 | 6:67 7:26 9:7 10:89 11:41 12:15 13:3 14:61 16:7 17:41 18:25 21:13 22:38 445 | 4:2 6:16 7:61 8:30 9:71 10:75 11:1 13:32 14:27 15:7 16:47 17:9 21:23 22:6 446 | 1:1 4:9 7:20 8:64 9:85 10:2 11:4 12:28 13:31 14:34 15:61 16:12 18:1 19:8 20:30 21:19 447 | 1:12 4:30 5:80 6:92 7:70 8:75 9:100 10:93 11:124 12:147 13:151 14:130 15:122 16:111 17:97 18:83 19:72 20:41 21:19 22:7 448 | 4:50 5:21 7:2 8:23 9:79 10:67 11:65 12:22 13:26 14:24 15:10 16:30 17:37 18:53 19:74 20:83 21:41 22:31 449 | 0:11 1:14 4:3 5:28 6:31 7:40 8:22 9:2 10:13 11:54 12:13 13:23 14:85 15:66 16:49 17:143 18:39 21:8 22:43 24:3 450 | 5:9 9:11 10:29 12:9 13:99 14:53 15:7 16:91 17:57 18:13 21:31 22:19 451 | 1:3 4:8 9:33 10:3 11:17 12:76 13:52 14:23 15:104 16:45 18:3 19:10 20:26 21:12 24:4 452 | 4:9 9:37 10:21 11:45 12:148 13:113 14:139 15:108 16:96 17:94 18:36 19:13 453 | 5:9 9:47 10:23 11:18 12:21 13:22 14:21 15:3 16:16 17:59 18:1 22:8 454 | 5:8 9:16 10:28 11:48 12:44 13:54 14:42 15:54 16:84 17:43 18:44 19:47 20:28 21:45 22:14 23:4 24:2 455 | 0:14 10:4 11:56 12:99 13:99 14:129 15:105 16:94 17:111 18:1 20:9 456 | 9:19 10:31 11:18 13:20 14:79 15:76 16:43 17:12 19:7 457 | 5:3 8:4 9:30 10:16 11:9 12:39 13:92 14:42 21:11 458 | 9:32 10:42 11:33 12:41 13:67 14:46 15:36 16:4 19:9 24:1 459 | 4:1 11:13 12:56 13:3 15:16 16:51 17:15 21:1 460 | 0:2 1:13 2:43 3:37 4:52 5:35 6:35 7:41 8:34 9:37 10:42 11:44 12:122 13:40 14:36 15:28 16:29 17:14 18:12 24:6 461 | 0:9 1:22 2:5 5:9 6:15 7:24 8:19 9:74 10:68 11:51 12:93 13:74 14:50 15:49 16:42 17:22 462 | 1:3 2:16 3:19 4:8 5:9 7:2 8:1 9:7 10:15 11:51 12:115 13:46 14:77 15:26 16:39 17:72 18:25 20:13 463 | 9:1 10:20 11:17 12:55 13:28 14:33 17:3 18:35 20:12 464 | 0:14 2:5 9:35 10:10 11:22 12:69 13:19 17:22 18:8 19:2 23:11 465 | 6:4 9:34 10:40 11:63 12:54 13:36 14:28 466 | 9:6 10:1 13:4 14:37 19:11 467 | 2:6 3:14 10:8 12:6 13:24 14:10 468 | 7:9 8:11 9:44 10:45 11:56 12:42 13:48 14:55 18:8 469 | 10:8 11:22 12:37 13:21 14:6 470 | 0:2 1:7 9:23 10:39 11:29 13:9 14:6 22:8 471 | 9:16 10:29 11:36 12:21 13:2 17:1 472 | 9:26 10:2 12:8 13:29 14:8 20:8 21:8 473 | 1:2 9:34 10:1 13:1 14:3 17:3 19:5 474 | 4:9 6:30 7:45 8:35 9:52 10:25 11:34 12:18 13:12 14:2 15:8 475 | 4:13 5:1 6:5 7:11 8:19 9:34 10:8 11:11 12:15 13:17 14:25 15:21 476 | 8:5 9:26 14:7 15:28 19:8 477 | 3:14 8:4 9:19 12:9 14:13 15:6 478 | 7:5 18:12 24:10 479 | 5:2 6:2 480 | 20:11 481 | 0:7 9:12 15:2 17:13 18:8 482 | 2:3 10:6 22:11 483 | 2:2 4:13 20:5 484 | 19:13 22:6 485 | 2:6 9:3 11:6 19:10 24:8 486 | 4:6 15:9 18:3 487 | 3:16 12:5 14:13 19:1 488 | 7:8 15:19 22:6 489 | 490 | 10:3 491 | 9:9 14:14 18:9 492 | 6:4 12:12 23:10 493 | 0:5 5:14 19:13 494 | 8:4 495 | 9:11 18:7 496 | 6:8 15:11 16:2 17:6 21:6 497 | 9:9 19:3 498 | 5:13 10:6 13:4 23:11 499 | 1:11 9:8 10:13 14:3 23:6 500 | 5:9 6:19 20:11 501 | -------------------------------------------------------------------------------- /Example_Dataset/Tdocs/Tdoc_5.txt: -------------------------------------------------------------------------------- 1 | 2:5 2 | 0:8 6:14 9:8 11:5 15:3 16:7 3 | 4 | 6:15 14:7 5 | 13:11 18:10 23:3 24:1 6 | 17:2 7 | 9:3 21:14 8 | 8:17 9 | 10 | 10:9 11:11 20:15 11 | 6:10 13:11 23:7 12 | 9:13 12:5 13 | 14:1 17:12 14 | 1:5 4:9 15 | 3:1 13:12 21:11 22:12 16 | 17 | 0:17 3:2 9:17 12:14 17:3 21:17 18 | 2:20 3:99 4:67 5:39 6:33 7:34 8:37 9:32 10:4 14:5 19 | 2:23 3:54 4:90 5:2 6:6 7:16 8:42 9:25 10:59 11:73 12:37 13:12 15:4 20 | 1:7 2:34 3:18 4:93 5:70 6:58 7:74 8:33 9:4 10:5 11:104 12:18 13:37 14:20 16:6 19:3 21 | 2:41 3:7 4:28 5:83 6:16 7:80 8:61 9:90 10:96 11:113 12:56 13:56 14:68 15:23 16:17 17:4 24:8 22 | 0:17 1:8 2:37 4:7 5:91 6:16 7:35 10:6 11:107 12:35 13:40 14:85 15:68 16:77 17:31 24:14 23 | 0:14 1:27 2:27 5:39 6:88 7:21 10:26 11:106 13:5 14:24 21:9 24 | 1:36 2:5 6:114 7:25 10:75 11:30 13:27 14:5 20:7 21:9 25 | 1:36 4:13 6:40 7:91 8:37 9:73 10:53 12:14 13:15 17:8 19:7 20:31 21:28 22:3 26 | 1:1 7:24 8:83 9:41 11:22 12:15 13:21 14:48 15:20 17:4 18:44 19:42 20:28 21:28 22:33 27 | 2:1 4:34 5:87 6:101 7:85 8:82 9:84 10:81 11:98 12:110 13:92 14:141 15:94 16:96 17:143 18:76 19:71 20:10 21:1 22:28 28 | 1:6 2:18 3:36 4:101 5:51 6:37 7:19 8:52 9:67 10:78 11:48 12:19 13:21 14:20 15:13 16:76 17:29 18:19 19:33 20:63 21:17 22:7 29 | 2:13 3:35 4:4 5:44 6:44 7:56 8:76 9:77 10:42 11:43 12:66 13:20 14:55 15:126 16:74 17:98 18:1 19:28 20:19 21:19 30 | 1:21 2:21 3:23 4:16 7:30 8:19 9:26 10:29 11:47 12:74 13:160 14:95 15:35 16:78 17:74 18:38 19:24 20:24 21:22 22:2 31 | 2:34 3:2 5:4 7:30 8:3 9:37 10:26 11:17 12:66 13:54 14:81 15:68 16:59 17:2 18:36 19:36 20:32 21:42 22:27 32 | 1:11 2:41 3:11 6:6 7:32 10:5 11:30 12:98 13:94 14:184 15:70 16:79 17:83 18:20 20:13 21:4 22:33 33 | 1:23 2:18 5:9 6:19 7:16 9:12 10:27 12:31 13:35 14:49 15:9 16:52 17:79 19:3 21:19 22:12 34 | 1:35 2:2 5:15 6:36 7:11 8:9 9:29 10:6 11:3 12:31 13:51 14:12 15:42 16:73 17:6 18:3 19:15 20:25 21:9 35 | 1:35 6:8 7:1 9:43 10:17 11:62 12:130 13:148 14:132 15:157 16:131 17:140 18:31 19:33 20:32 21:26 22:8 36 | 1:1 3:15 9:47 10:34 11:26 12:20 13:60 14:110 15:102 16:54 17:26 18:36 19:30 20:23 21:27 22:42 24:5 37 | 10:1 11:36 12:44 13:95 14:76 15:17 16:6 17:34 18:13 21:3 22:25 38 | 4:15 7:12 9:7 10:34 12:24 13:109 14:91 15:49 16:47 17:4 20:6 21:25 22:8 39 | 0:17 1:3 7:1 9:30 10:3 11:5 12:89 13:40 14:6 15:58 16:78 17:16 18:1 19:14 20:25 21:19 40 | 9:33 10:23 11:38 12:124 13:51 14:46 15:48 16:28 17:56 18:33 19:18 20:18 21:19 22:2 41 | 1:9 4:17 5:7 9:136 10:113 11:74 12:106 13:68 14:77 15:39 16:27 17:4 18:28 19:45 20:29 21:47 22:22 42 | 0:10 8:1 9:16 10:43 11:66 12:90 13:47 14:57 15:34 16:50 17:125 18:39 21:2 22:30 43 | 3:13 6:5 9:6 10:33 11:8 12:70 13:33 14:15 15:11 16:31 17:9 18:53 20:11 21:23 22:5 44 | 4:5 9:27 10:5 11:16 12:93 13:21 14:2 15:42 16:8 17:30 18:20 19:13 20:26 21:12 22:4 45 | 9:45 10:24 11:68 12:57 13:51 14:58 15:38 16:30 17:38 18:38 19:5 23:4 46 | 5:30 6:3 8:3 9:48 10:21 11:15 12:6 13:17 14:21 15:6 16:3 18:2 19:12 20:11 47 | 1:16 3:15 4:7 9:10 10:25 11:41 12:53 13:52 14:60 15:40 16:38 17:29 18:48 19:36 20:42 21:50 22:8 48 | 6:4 10:6 11:25 12:30 13:7 14:38 23:12 49 | 9:4 10:39 11:15 13:15 14:22 15:16 16:5 17:7 24:11 50 | 9:32 10:17 11:4 12:9 13:24 18:3 51 | 1:4 4:6 8:11 9:16 10:27 11:27 12:20 14:1 15:10 17:27 24:2 52 | 9:10 11:7 12:4 18:10 53 | 1:13 2:36 3:33 4:36 5:31 6:25 7:40 8:35 9:44 10:34 11:39 12:31 13:36 14:26 15:29 16:16 17:11 54 | 1:25 2:2 4:1 5:23 6:10 7:9 8:20 9:14 12:2 13:11 14:13 15:4 16:11 17:21 55 | 1:2 2:12 3:16 4:14 5:9 6:1 8:10 10:10 11:20 12:38 13:19 14:60 56 | 10:28 11:5 13:16 14:30 15:9 17:7 19:16 57 | 1:3 8:13 9:24 10:12 11:1 12:31 13:13 14:7 18:16 58 | 0:11 9:24 10:34 11:45 12:29 13:30 14:21 20:11 21:16 59 | 9:4 10:1 13:2 14:28 20:4 22:6 60 | 9:11 12:3 13:30 14:5 61 | 0:1 8:8 9:34 10:45 11:41 12:45 13:46 14:57 19:14 62 | 6:14 10:5 11:26 12:38 13:21 14:4 17:4 22:3 63 | 1:3 9:18 10:37 11:32 16:33 19:14 64 | 9:5 10:50 11:29 12:15 65 | 1:9 9:27 10:12 12:6 13:26 14:11 66 | 9:24 13:1 14:6 18:15 21:8 67 | 4:23 6:34 7:34 8:19 9:43 10:19 11:23 12:26 13:13 14:4 22:5 68 | 3:16 6:5 7:11 8:10 9:35 10:8 11:13 12:7 13:24 14:32 15:15 69 | 4:6 8:1 9:29 14:3 15:15 20:12 70 | 8:6 9:27 14:16 15:1 16:1 18:9 20:3 22:14 23:7 71 | 13:6 23:16 72 | 4:14 8:17 73 | 3:4 10:11 23:13 74 | 3:8 7:3 13:7 15:10 75 | 8:11 76 | 0:17 4:4 6:10 8:6 9:13 24:17 77 | 0:6 1:8 3:1 20:2 78 | 79 | 9:17 12:14 80 | 0:10 12:2 14:16 16:17 17:2 18:16 81 | 8:8 15:13 16:7 18:17 19:11 82 | 4:1 12:14 14:15 83 | 13:5 17:4 84 | 8:16 19:4 23:2 85 | 0:1 3:10 7:5 8:15 16:17 86 | 7:1 11:5 16:15 19:15 87 | 18:10 88 | 7:14 12:2 15:6 20:17 24:17 89 | 9:15 14:12 18:14 19:10 90 | 7:9 18:7 23:9 91 | 0:4 3:4 9:4 92 | 22:15 24:5 93 | 1:4 7:11 14:13 15:12 94 | 15:8 95 | 4:8 6:5 19:10 96 | 8:7 9:11 12:1 15:5 23:1 97 | 7:6 9:16 14:15 23:14 98 | 9:32 99 | 10:10 11:16 23:13 100 | 7:2 9:7 101 | 0:9 4:15 11:15 102 | 13:18 17:6 103 | 2:13 20:10 104 | 13:7 20:9 105 | 10:11 16:1 18:7 19:14 106 | 13:11 107 | 0:7 1:8 3:9 4:3 9:8 13:5 23:12 108 | 18:2 23:6 109 | 1:10 4:3 110 | 19:3 111 | 2:8 11:13 15:3 21:12 112 | 13:12 15:4 17:1 113 | 5:1 7:14 12:15 13:9 18:3 19:14 114 | 6:8 11:6 15:11 16:14 18:14 22:8 115 | 23:13 116 | 15:10 17:11 117 | 6:14 12:6 19:3 118 | 5:14 119 | 7:7 24:8 120 | 4:7 121 | 2:24 4:6 8:15 18:6 122 | 9:13 123 | 1:9 2:3 3:1 6:31 7:15 8:1 9:6 10:6 11:5 14:6 17:12 124 | 2:26 3:42 4:39 5:54 6:35 7:23 8:34 9:31 10:13 16:2 19:30 23:11 125 | 2:17 3:33 5:4 6:7 7:14 8:43 9:28 10:47 11:44 12:16 13:9 21:6 126 | 2:32 3:18 7:36 8:26 12:28 13:33 14:23 18:8 127 | 2:38 3:6 7:44 8:4 13:6 14:39 20:13 23:26 128 | 1:7 2:38 6:5 7:36 13:3 14:37 15:2 18:9 129 | 1:18 2:19 6:14 7:26 8:12 11:16 13:6 14:49 19:8 130 | 1:48 2:1 3:10 6:36 7:10 11:13 13:22 14:4 17:4 19:5 131 | 1:38 6:9 7:19 12:17 13:10 19:8 20:20 21:27 22:2 23:14 132 | 1:3 11:5 12:32 13:16 14:17 17:3 18:31 19:27 20:24 21:31 22:29 133 | 10:12 11:36 12:14 13:5 14:40 15:2 16:10 17:36 18:12 19:4 21:1 22:33 134 | 9:8 10:34 11:1 13:30 14:13 15:8 16:45 17:5 19:13 21:30 22:7 23:11 135 | 5:17 9:37 10:9 11:4 12:24 13:25 14:13 15:29 16:13 18:1 19:12 20:21 21:6 136 | 2:6 6:8 9:36 10:23 11:48 12:41 13:52 14:58 15:62 16:29 17:40 18:30 19:16 20:22 21:16 22:1 23:15 137 | 6:6 9:50 10:24 11:19 12:20 13:16 14:33 15:8 17:2 18:34 19:40 20:32 21:32 22:32 24:3 138 | 10:9 11:34 12:22 13:17 14:37 16:7 17:43 18:14 21:4 22:26 139 | 9:6 10:37 11:3 13:20 14:30 15:7 16:41 17:9 21:17 22:11 140 | 1:27 9:34 10:4 11:4 12:27 13:23 14:5 15:38 16:8 18:2 19:11 20:19 21:20 141 | 9:37 10:27 11:48 12:49 13:41 14:38 15:39 16:36 17:27 18:30 19:21 20:3 22:13 142 | 9:39 10:31 11:24 12:6 13:23 14:34 15:2 21:7 143 | 2:4 20:9 144 | 145 | 11:25 146 | 19:6 20:7 147 | 6:5 7:9 13:8 18:4 23:1 148 | 4:2 15:15 16:7 149 | 2:9 150 | 13:9 22:12 151 | 16:3 152 | 3:9 4:15 13:5 17:4 18:17 19:12 24:7 153 | 2:6 3:11 22:2 154 | 3:4 155 | 0:5 3:1 18:14 23:11 156 | 7:14 8:13 12:7 14:14 22:9 157 | 2:2 14:4 15:5 23:1 158 | 13:13 19:14 24:16 159 | 15:17 17:2 22:6 160 | 2:8 19:15 20:9 161 | 12:28 14:1 20:10 23:16 162 | 20:1 23:12 163 | 1:17 11:12 16:6 20:3 164 | 3:12 5:11 6:12 9:15 165 | 3:13 9:4 15:11 166 | 6:5 8:16 167 | 8:8 11:17 168 | 2:10 8:5 16:15 20:11 169 | 0:17 6:16 20:5 170 | 4:5 10:15 15:11 16:13 18:13 171 | 4:14 12:6 19:10 172 | 0:14 3:2 5:1 7:5 8:5 12:14 173 | 4:9 10:3 11:11 12:18 20:17 174 | 2:9 8:12 9:9 22:1 175 | 20:11 22:10 176 | 177 | 7:6 10:1 11:17 17:6 178 | 16:17 179 | 2:6 180 | 7:15 8:8 12:9 14:4 21:1 181 | 16:1 182 | 10:17 183 | 10:14 20:5 23:5 184 | 3:3 185 | 0:6 186 | 2:17 3:8 5:17 9:22 14:7 15:3 19:3 187 | 10:6 11:1 19:8 188 | 10:1 189 | 3:12 15:15 190 | 23:5 191 | 6:16 9:9 12:3 192 | 7:15 10:16 193 | 3:14 18:3 20:3 194 | 21:13 195 | 23:15 196 | 3:7 14:13 197 | 8:10 10:1 19:13 198 | 8:2 13:14 199 | 7:1 9:7 17:9 200 | 3:2 5:15 19:7 201 | 0:9 8:4 11:4 20:5 202 | 17:4 24:6 203 | 3:2 6:21 8:4 9:6 10:6 204 | 4:12 16:11 20:12 205 | 15:10 206 | 13:4 21:14 207 | 0:12 4:9 5:15 17:5 22:6 208 | 209 | 0:6 1:1 4:5 11:8 14:16 210 | 6:12 16:4 23:8 211 | 15:17 22:4 212 | 14:7 20:14 213 | 214 | 21:13 215 | 2:12 11:8 23:16 216 | 3:7 21:12 217 | 6:2 16:14 218 | 18:10 22:3 219 | 5:17 14:2 220 | 221 | 3:8 4:14 6:11 7:16 9:16 13:14 24:14 222 | 14:12 22:11 223 | 9:13 12:9 16:13 20:4 224 | 3:4 4:19 6:13 225 | 9:8 226 | 2:16 7:6 20:6 227 | 4:12 7:5 228 | 10:7 14:16 18:16 229 | 17:8 230 | 10:3 11:4 17:15 19:1 231 | 8:13 232 | 9:5 19:9 233 | 21:3 234 | 9:6 14:7 235 | 6:16 11:1 16:15 236 | 13:23 21:2 24:6 237 | 7:3 12:11 238 | 8:16 239 | 9:6 240 | 0:12 2:7 3:2 10:15 241 | 0:15 1:3 7:11 9:14 12:5 17:4 242 | 15:17 22:6 243 | 8:17 9:2 14:10 244 | 21:3 22:24 245 | 1:9 4:27 5:9 6:12 10:16 15:6 19:6 23:16 246 | 12:1 247 | 0:9 3:13 9:3 248 | 3:14 9:16 13:14 22:17 249 | 6:2 11:9 13:10 250 | 3:16 5:1 17:5 251 | 14:13 252 | 3:4 9:7 19:12 253 | 3:11 20:6 22:3 254 | 5:11 7:4 14:5 16:14 255 | 7:15 14:2 16:8 24:7 256 | 0:16 11:7 22:11 24:14 257 | 8:10 10:3 11:5 20:17 258 | 0:17 2:2 3:1 8:1 9:12 12:13 24:15 259 | 2:43 3:50 4:68 5:57 6:49 7:39 8:45 9:48 10:3 260 | 2:18 3:47 5:3 6:9 7:25 8:64 9:31 10:47 11:62 12:33 13:13 261 | 1:4 2:32 3:24 7:30 8:25 11:4 12:18 13:50 14:28 262 | 2:44 3:4 7:47 8:8 10:15 13:7 14:47 263 | 0:6 1:20 2:47 6:10 7:46 14:42 264 | 1:17 2:32 4:11 6:33 7:17 13:5 14:28 265 | 0:3 1:29 2:4 6:46 7:8 13:27 14:6 23:24 266 | 0:21 1:28 6:9 7:8 8:8 9:11 12:18 13:18 18:9 19:11 20:17 21:28 22:4 23:6 24:10 267 | 1:21 5:10 7:3 9:8 10:13 11:7 12:12 13:25 14:16 17:2 18:39 19:44 20:28 21:48 22:33 23:3 268 | 0:8 4:8 10:19 11:48 12:22 13:8 14:46 16:10 17:50 18:17 21:1 22:34 269 | 3:1 9:31 10:42 11:2 12:7 13:31 14:26 15:19 16:46 17:12 19:9 21:29 22:7 270 | 9:37 10:10 11:7 12:53 13:33 14:4 15:40 16:12 19:23 20:32 21:18 271 | 3:12 9:44 10:18 11:49 12:64 13:53 14:70 15:54 16:40 17:46 18:52 19:21 20:18 21:36 22:5 24:11 272 | 4:14 9:44 10:48 11:22 12:28 13:27 14:33 15:6 17:2 18:32 19:43 20:32 21:34 22:42 273 | 10:10 11:38 12:19 13:19 14:43 16:5 17:45 18:17 21:4 22:32 274 | 9:12 10:43 11:2 12:1 13:24 14:28 15:7 16:53 17:13 21:23 22:15 275 | 2:5 9:35 10:6 11:2 12:43 13:32 14:8 15:36 16:16 18:1 19:7 20:25 21:10 276 | 9:49 10:32 11:62 12:83 13:70 14:67 15:55 16:42 17:54 18:38 19:24 20:3 24:3 277 | 9:40 10:33 11:15 12:18 13:12 14:44 15:4 16:1 17:5 19:6 278 | 4:8 9:22 10:31 11:37 12:59 13:59 14:58 15:57 16:44 17:43 18:42 19:53 20:57 21:62 22:14 279 | 6:2 10:6 11:42 12:43 13:23 14:49 17:6 19:4 280 | 9:3 10:43 11:13 13:15 14:29 17:12 18:16 21:14 281 | 7:5 9:28 10:26 12:25 13:28 14:1 23:17 282 | 9:35 10:36 11:22 12:24 283 | 11:10 12:10 284 | 0:6 1:13 2:48 3:46 4:40 5:45 6:37 7:43 8:40 9:50 10:46 11:42 12:45 13:34 14:27 15:35 16:23 17:11 285 | 1:30 2:1 4:1 5:11 6:18 7:25 8:14 9:9 12:3 13:17 14:17 15:6 16:24 17:26 21:17 286 | 1:4 2:11 3:13 4:12 5:8 6:1 7:13 9:3 10:9 11:24 12:41 13:30 14:44 287 | 3:9 8:1 10:34 11:24 13:31 14:21 18:6 24:6 288 | 9:23 10:13 11:23 12:31 13:17 289 | 9:23 10:44 11:53 12:35 13:38 14:18 290 | 0:13 9:12 13:5 14:41 16:1 291 | 2:17 3:15 13:40 14:7 292 | 0:6 8:17 9:53 10:62 11:52 12:54 13:46 14:48 293 | 6:17 10:10 11:33 12:40 13:25 14:5 17:14 294 | 7:7 9:18 10:41 11:6 17:5 295 | 9:6 10:29 11:32 12:28 13:3 19:3 296 | 9:35 10:8 12:10 13:28 14:9 297 | 1:1 7:16 9:51 10:1 11:9 14:6 298 | 6:28 7:39 8:41 9:46 10:48 11:31 12:30 13:14 14:2 16:8 18:2 24:12 299 | 5:8 6:4 7:9 8:14 9:54 10:10 11:14 12:14 13:39 14:32 15:11 19:5 300 | 7:12 8:3 9:37 14:1 15:21 23:6 301 | 8:8 9:22 14:16 15:3 16:7 20:7 21:14 302 | 13:2 14:17 303 | 0:8 3:17 304 | 0:12 17:8 305 | 21:17 306 | 1:14 7:2 10:15 307 | 21:25 308 | 3:1 12:16 20:7 309 | 2:1 3:6 7:15 8:2 9:6 16:1 22:13 310 | 2:27 3:50 4:50 5:60 6:38 7:30 8:44 9:22 10:6 16:30 19:16 311 | 2:16 3:51 5:5 6:4 7:20 8:37 9:41 10:48 11:43 12:21 13:9 15:3 18:14 20:6 312 | 2:32 3:19 5:17 7:30 8:24 11:1 12:20 13:35 14:22 313 | 2:36 3:8 5:7 7:38 8:22 11:16 13:6 14:56 15:12 17:13 22:5 314 | 1:5 2:37 6:6 7:36 14:35 17:16 315 | 1:19 2:24 4:14 5:4 6:13 7:35 13:8 14:39 16:8 24:5 316 | 1:47 2:3 5:2 6:37 7:5 13:31 14:3 19:3 22:15 317 | 1:29 6:9 7:1 12:11 13:12 19:22 20:20 21:27 22:5 318 | 1:6 7:3 11:8 12:19 13:35 14:13 17:5 18:29 19:37 20:52 21:22 22:40 319 | 2:1 7:15 10:13 11:30 12:14 13:9 14:47 16:5 17:45 18:22 21:2 22:29 320 | 2:21 7:1 9:5 10:37 11:1 12:1 13:13 14:14 15:6 16:37 17:5 21:18 22:6 321 | 8:14 9:31 10:2 11:3 12:40 13:29 14:4 15:46 16:15 18:1 19:9 20:25 21:9 322 | 8:16 9:30 10:28 11:49 12:49 13:49 14:53 15:62 16:35 17:32 18:38 19:19 20:24 21:26 22:1 323 | 9:42 10:32 11:21 12:12 13:27 14:36 17:13 18:39 19:44 20:29 21:30 22:35 23:10 324 | 4:4 5:4 10:10 11:29 12:21 13:27 14:45 16:10 17:43 18:12 19:9 20:7 21:5 22:22 23:17 325 | 9:7 10:30 11:1 13:31 14:31 15:11 16:42 17:9 21:30 22:9 326 | 9:33 10:2 11:8 12:36 13:41 14:6 15:38 16:13 18:2 19:28 20:27 21:16 327 | 3:17 9:46 10:33 11:52 12:52 13:51 14:59 15:43 16:41 17:34 18:32 19:24 20:2 328 | 0:14 9:42 10:35 11:18 12:15 13:16 14:31 23:2 329 | 4:8 14:9 330 | 2:6 3:40 4:29 331 | 0:2 1:13 3:7 4:80 10:18 11:29 15:17 17:1 332 | 3:1 4:63 5:52 6:53 7:33 8:16 9:3 10:3 11:86 333 | 4:29 5:66 6:19 7:37 8:59 9:61 10:85 11:117 12:64 13:38 14:18 15:20 16:38 17:1 21:6 334 | 1:1 5:85 6:10 10:1 11:93 12:36 13:45 14:47 15:72 16:96 17:35 335 | 5:38 6:56 10:20 11:57 13:14 24:11 336 | 6:93 7:21 10:77 11:13 17:7 22:13 337 | 5:4 6:22 7:93 8:45 9:52 10:52 15:16 338 | 1:14 2:17 7:28 8:69 9:32 14:28 15:18 339 | 0:13 2:4 3:10 4:22 5:83 6:73 7:72 8:82 9:68 10:60 11:86 12:92 13:113 14:80 15:70 16:82 17:79 18:73 19:52 20:22 340 | 4:51 5:13 8:21 9:24 10:33 11:41 12:27 14:17 15:3 16:21 17:15 18:18 19:28 20:38 341 | 0:4 4:1 5:23 6:35 7:32 8:14 9:4 11:2 13:1 14:48 15:60 16:39 17:103 20:6 342 | 8:14 12:3 13:83 14:31 16:50 17:53 343 | 1:13 12:54 13:29 14:19 15:71 16:31 18:8 344 | 10:4 12:87 13:78 14:95 15:60 16:60 17:52 19:1 21:4 345 | 3:6 4:6 12:12 13:1 16:10 17:59 18:3 346 | 10:5 16:56 17:10 347 | 1:1 6:5 11:17 12:84 13:91 14:73 15:94 16:102 17:97 20:6 348 | 10:10 13:12 14:56 15:63 16:42 17:20 21:2 349 | 6:9 8:2 12:48 13:93 14:33 15:10 24:6 350 | 12:17 13:59 14:52 15:53 16:14 21:6 351 | 0:2 5:1 8:7 9:20 12:64 13:11 14:8 15:31 16:59 17:20 352 | 10:12 11:17 12:88 16:4 17:16 22:17 353 | 0:4 9:71 10:65 11:81 12:94 13:52 14:45 15:41 16:22 17:5 354 | 0:8 9:9 10:14 11:35 12:92 13:18 14:25 15:28 16:34 17:52 18:27 355 | 8:5 11:7 12:50 17:1 18:40 19:5 356 | 2:5 4:19 11:15 12:51 17:28 18:7 357 | 2:13 9:5 11:11 12:32 21:15 358 | 22:8 359 | 4:14 360 | 0:9 5:13 12:4 16:14 361 | 13:11 21:9 362 | 9:2 11:4 363 | 9:7 21:17 364 | 11:17 16:16 18:4 365 | 3:5 13:3 14:1 16:8 17:15 19:15 21:8 366 | 18:17 21:6 367 | 368 | 11:13 21:15 369 | 17:11 370 | 20:11 371 | 1:12 9:22 12:5 372 | 2:4 3:17 17:8 19:7 20:9 21:1 373 | 8:9 12:6 23:7 374 | 3:17 5:2 15:11 23:6 375 | 7:9 8:15 9:8 21:16 376 | 6:23 8:16 19:6 24:9 377 | 1:10 3:8 22:15 378 | 11:7 379 | 4:1 12:7 17:7 19:15 23:17 380 | 5:21 381 | 6:3 14:1 18:29 20:12 382 | 0:24 9:11 22:3 383 | 6:5 7:11 9:13 384 | 5:16 15:12 22:3 385 | 16:15 19:5 386 | 1:16 8:16 13:14 17:3 387 | 13:33 14:9 15:7 21:5 388 | 1:16 2:3 9:18 10:11 389 | 2:27 3:66 4:50 5:52 6:35 7:30 8:46 9:54 10:7 13:10 390 | 0:17 2:27 3:40 6:7 7:22 8:56 9:42 10:43 11:39 12:42 13:7 391 | 2:34 3:26 7:27 8:24 11:17 12:19 13:49 14:15 21:13 392 | 1:6 2:51 3:2 5:3 7:47 8:3 13:21 14:54 18:10 19:6 393 | 1:11 2:39 6:7 7:41 14:44 16:13 20:1 394 | 1:26 2:24 5:3 6:24 7:25 13:8 14:37 18:7 395 | 1:42 2:6 4:10 6:47 7:14 13:26 14:11 396 | 1:32 5:6 6:8 7:2 12:23 13:15 19:11 20:27 21:29 22:4 397 | 1:5 2:2 11:11 12:44 13:36 14:12 17:8 18:31 19:38 20:31 21:45 22:35 398 | 10:11 11:38 12:20 13:5 14:37 16:11 17:60 18:14 19:6 21:1 22:31 399 | 0:4 3:13 9:10 10:46 11:2 13:25 14:16 15:6 16:46 17:7 21:29 22:8 24:9 400 | 2:5 9:31 10:4 11:4 12:37 13:33 14:3 15:50 16:16 19:20 20:26 21:13 401 | 0:19 3:15 9:43 10:27 11:47 12:51 13:47 14:57 15:52 16:47 17:31 18:46 19:22 20:31 21:23 22:2 402 | 6:19 9:54 10:29 11:18 12:23 13:15 14:33 15:1 17:5 18:38 19:57 20:42 21:52 22:47 23:16 403 | 7:7 9:3 10:21 11:42 12:20 13:28 14:46 16:12 17:51 18:12 21:5 22:36 24:9 404 | 9:10 10:47 11:1 12:1 13:22 14:30 15:10 16:57 17:8 21:25 22:13 405 | 1:2 9:36 10:7 11:7 12:44 13:29 14:5 15:46 16:14 18:1 19:11 20:30 21:14 406 | 6:30 9:38 10:25 11:56 12:63 13:60 14:48 15:61 16:46 17:36 18:36 19:25 20:7 407 | 8:2 9:48 10:38 11:16 12:6 13:26 14:26 15:13 16:3 17:2 22:3 408 | 2:12 4:10 9:15 10:41 11:39 12:58 13:64 14:67 15:36 16:37 17:50 18:44 19:58 20:41 21:44 22:10 409 | 6:9 10:9 11:34 12:27 13:11 14:34 20:5 21:17 410 | 1:1 9:1 10:41 11:30 13:6 14:31 16:13 18:1 21:17 411 | 5:2 7:2 9:40 10:18 12:9 13:35 14:3 23:1 412 | 6:3 9:38 10:22 11:33 12:18 14:4 15:6 413 | 8:12 10:14 11:15 12:17 414 | 1:27 2:39 3:36 4:35 5:29 6:47 7:35 8:44 9:60 10:73 11:41 12:41 13:49 14:43 15:31 16:34 17:8 415 | 0:5 1:35 2:3 5:10 6:18 7:33 8:16 9:11 12:2 13:16 14:15 15:7 16:15 17:17 416 | 1:1 2:10 3:22 4:15 5:11 11:23 12:37 13:17 14:58 417 | 1:8 3:7 5:13 10:32 11:22 13:25 14:28 20:7 418 | 3:8 4:14 9:19 10:21 11:9 12:36 13:21 23:11 419 | 1:7 9:62 10:41 11:60 12:31 13:35 14:34 420 | 6:7 7:12 9:6 13:6 14:37 18:27 24:13 421 | 3:6 12:2 13:25 14:6 422 | 6:4 8:16 9:47 10:45 11:51 12:53 13:56 14:68 23:15 423 | 1:4 2:2 5:14 6:11 8:3 9:18 10:3 11:29 12:41 13:35 14:4 16:8 424 | 2:28 3:64 4:62 5:50 6:41 7:50 8:46 9:50 10:53 11:15 13:17 425 | 1:6 2:22 3:46 5:1 6:9 7:27 8:42 9:43 10:75 11:88 12:51 13:18 20:4 426 | 2:38 3:29 7:24 8:23 9:38 10:1 11:3 12:37 13:67 14:39 20:5 22:17 427 | 2:48 3:9 7:45 8:7 9:51 11:9 13:8 14:57 21:14 23:8 428 | 1:7 2:59 3:46 4:48 5:36 6:66 7:95 8:64 9:56 10:43 11:31 12:22 13:19 14:42 429 | 1:13 2:52 3:25 5:3 6:36 7:40 8:62 9:67 10:61 11:63 12:60 13:37 14:71 15:7 18:8 22:9 430 | 1:32 2:30 3:19 6:41 7:34 8:36 9:35 11:13 12:20 13:86 14:26 15:24 18:4 431 | 1:37 2:40 3:8 6:13 7:31 8:13 9:21 11:22 12:28 13:26 14:53 15:4 19:16 20:51 21:23 22:4 432 | 1:7 2:42 4:12 6:17 7:36 9:11 11:3 12:16 13:34 14:59 17:21 18:31 19:46 20:39 21:44 22:31 24:12 433 | 1:17 2:22 6:21 7:21 10:10 11:47 12:20 13:10 14:70 16:10 17:40 18:14 21:1 22:33 434 | 1:32 6:28 7:13 9:8 10:32 11:18 12:1 13:79 14:30 15:8 16:48 17:7 19:12 21:24 22:5 435 | 1:30 6:13 9:43 10:5 11:5 12:61 13:36 14:7 15:43 16:17 19:17 20:50 21:43 22:3 436 | 1:13 7:4 9:49 10:16 11:61 12:72 13:75 14:74 15:47 16:36 17:46 18:80 19:51 20:49 21:57 22:28 437 | 9:40 10:50 11:53 12:29 13:29 14:65 15:2 16:10 17:40 18:59 19:32 20:34 21:40 22:80 438 | 0:8 2:6 9:9 10:43 11:41 12:24 13:49 14:63 15:4 16:41 17:41 18:15 21:28 22:43 24:4 439 | 0:11 6:14 7:8 8:3 9:50 10:33 11:4 12:23 13:54 14:29 15:59 16:60 17:11 19:11 20:25 21:37 22:6 23:1 440 | 6:11 9:76 10:20 11:60 12:98 13:88 14:57 15:84 16:54 17:31 18:33 19:27 20:38 21:34 22:3 441 | 0:2 1:17 2:11 9:70 10:60 11:66 12:78 13:69 14:69 15:44 16:37 17:37 18:83 19:68 20:24 21:43 22:25 442 | 1:3 3:1 6:5 8:2 9:52 10:46 11:54 12:28 13:33 14:71 15:3 16:15 17:43 18:12 19:2 21:5 22:35 443 | 0:17 9:27 10:53 11:47 12:63 13:99 14:75 15:69 16:106 17:46 18:52 19:41 20:63 21:73 22:16 23:14 444 | 0:4 9:43 10:4 11:38 12:58 13:37 14:49 15:52 16:13 19:29 20:28 21:10 22:29 445 | 1:11 9:56 10:68 11:57 12:48 13:51 14:81 15:63 16:36 17:35 18:31 19:23 20:6 446 | 4:4 9:56 10:47 11:17 12:21 13:45 14:37 19:6 447 | 1:9 5:16 9:22 10:40 11:27 12:19 20:7 448 | 1:4 10:1 11:19 12:8 449 | 1:25 2:45 3:42 4:46 5:34 6:24 7:36 8:49 9:48 10:43 11:43 12:46 13:41 14:43 15:25 16:24 17:7 18:5 21:8 450 | 1:28 2:4 5:9 6:17 7:40 8:23 9:10 12:5 13:9 14:14 15:12 16:21 17:19 451 | 1:16 2:13 3:27 4:16 5:5 6:1 9:2 10:1 11:26 12:28 13:26 14:55 17:11 20:7 452 | 7:10 9:1 10:30 11:19 13:19 14:17 19:9 453 | 0:9 4:11 9:15 10:15 11:7 12:19 13:24 21:15 454 | 9:45 10:35 11:32 12:38 13:35 14:26 455 | 6:16 9:14 10:1 13:3 14:30 19:2 23:5 456 | 0:16 2:15 10:7 12:1 13:19 14:2 16:7 19:3 457 | 8:9 9:38 10:29 11:53 12:49 13:61 14:48 15:3 17:16 458 | 10:4 11:32 12:41 13:31 14:5 459 | 0:6 9:9 10:38 11:11 15:4 23:6 460 | 2:16 8:15 9:7 10:34 11:34 12:18 13:18 14:15 18:15 461 | 5:3 8:3 9:44 12:26 13:26 14:9 20:6 462 | 1:17 4:16 8:5 9:31 10:7 13:2 14:8 21:6 463 | 2:27 4:5 6:25 7:40 8:38 9:52 10:27 11:24 12:15 13:25 23:7 24:6 464 | 0:12 6:3 7:12 8:15 9:49 10:13 11:11 12:16 13:26 14:32 15:32 16:10 465 | 5:7 8:4 9:32 14:1 15:45 19:8 21:13 23:17 466 | 8:13 9:20 14:25 15:5 23:15 467 | 18:14 468 | 16:14 18:3 469 | 8:17 9:11 12:9 17:17 470 | 15:8 16:13 17:1 22:7 471 | 3:9 11:13 472 | 7:13 8:9 21:5 24:1 473 | 6:11 17:16 24:2 474 | 3:5 6:15 16:17 475 | 17:2 18:8 23:4 476 | 19:12 477 | 0:17 6:2 8:5 478 | 10:15 16:16 20:9 479 | 2:7 480 | 5:21 22:6 481 | 2:16 7:6 10:11 482 | 13:1 24:17 483 | 6:14 484 | 0:17 17:3 19:16 20:13 485 | 7:13 24:11 486 | 2:4 5:16 10:2 16:8 19:8 487 | 7:3 16:10 18:2 488 | 3:12 4:17 8:6 14:5 18:1 19:9 489 | 7:1 14:12 17:9 490 | 17:1 491 | 4:5 11:11 17:15 24:5 492 | 493 | 2:3 17:2 494 | 3:13 15:15 17:4 495 | 0:8 2:32 5:12 496 | 1:8 4:1 12:6 21:16 24:1 497 | 4:5 17:1 21:11 498 | 1:13 11:17 499 | 14:17 22:13 500 | 0:6 9:7 501 | -------------------------------------------------------------------------------- /Example_Dataset/dataset.json: -------------------------------------------------------------------------------- 1 | { 2 | "test": [ 3 | "Example_Dataset/Tdocs/Tdoc_5.txt", 4 | "Example_Dataset/Tdocs/Tdoc_2.txt" 5 | ], 6 | "train": [ 7 | "Example_Dataset/Tdocs/Tdoc_1.txt", 8 | "Example_Dataset/Tdocs/Tdoc_3.txt", 9 | "Example_Dataset/Tdocs/Tdoc_4.txt" 10 | ] 11 | } -------------------------------------------------------------------------------- /Example_Dataset/images/Tdoc_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/images/Tdoc_1.png -------------------------------------------------------------------------------- /Example_Dataset/images/Tdoc_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/images/Tdoc_2.png -------------------------------------------------------------------------------- /Example_Dataset/images/Tdoc_3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/images/Tdoc_3.png -------------------------------------------------------------------------------- /Example_Dataset/images/Tdoc_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/images/Tdoc_4.png -------------------------------------------------------------------------------- /Example_Dataset/images/Tdoc_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/images/Tdoc_5.png -------------------------------------------------------------------------------- /Example_Dataset/motifs/motif_Egg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/motifs/motif_Egg.png -------------------------------------------------------------------------------- /Example_Dataset/motifs/motif_Eggplant.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/motifs/motif_Eggplant.png -------------------------------------------------------------------------------- /Example_Dataset/motifs/motif_Plant.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/Example_Dataset/motifs/motif_Plant.png -------------------------------------------------------------------------------- /GenerateTemporalDocument.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python 2 | # coding: utf-8 3 | 4 | ############################################################## 5 | # Authors : Dawood Al Chanti # 6 | # Kevin Bascol # 7 | # Project : Unsupervised Temporal Pattern Discovery in # 8 | # Video using Convolutional Auto Encoder # 9 | ############################################################## 10 | 11 | ''' 12 | Handles the generation of synthetic tdoc 13 | ''' 14 | import argparse 15 | 16 | PARSER = argparse.ArgumentParser(description="Temporal Document Generator.") 17 | 18 | PARSER.add_argument("--gene_img", dest='gene_img', action='store_const', 19 | const=True, default=False, 20 | help="Also generate png versions of the generated temporal documents.") 21 | 22 | PARSER.add_argument("nb_doc", type=int, default=600, 23 | help="Number of temporal document to be generated.") 24 | 25 | PARSER.add_argument("nb_test_tdoc", type=int, default=200, 26 | help="Number of test examples in dataset") 27 | 28 | PARSER.add_argument("doc_length", type=int, default=25, 29 | help="Length of a temporal document") 30 | 31 | PARSER.add_argument("doc_height", type=int, default=25, 32 | help="Height of a temporal document") 33 | 34 | PARSER.add_argument("font_name", type=str, default="JennaSue.ttf", 35 | help="Path of the font file.") 36 | 37 | PARSER.add_argument("font_size", type=int, default=20, 38 | help="Size of the font used.") 39 | 40 | PARSER.add_argument("motifs", type=str, default="egg_eggplant", 41 | help="Words used as motifs (seperated with '_').") 42 | 43 | PARSER.add_argument("motifs_length", type=int, default=45, 44 | help="Maximum length of a motif.") 45 | 46 | PARSER.add_argument("nb_motifs_doc", type=int, default=10, 47 | help="Number of motifs in each document.") 48 | 49 | PARSER.add_argument("min_nb_occ_motifs", type=int, default=3500, 50 | help="Minimum number of observations in a motif.") 51 | 52 | PARSER.add_argument("max_nb_occ_motifs", type=int, default=4500, 53 | help="Maximum number of observations in a motif.") 54 | 55 | PARSER.add_argument("noise", type=float, default=0.33, 56 | help="""Proportion of the mean number of obervations in the generated documents 57 | added as salt-and-pepper noise.""") 58 | 59 | PARSER.add_argument("repository", type=str, default=".", 60 | help="Repository where generate the dataset.") 61 | 62 | ARGV = PARSER.parse_args() 63 | 64 | import os 65 | 66 | import numpy as np 67 | from PIL import Image 68 | from PIL import ImageDraw 69 | from PIL import ImageFont 70 | import matplotlib.cm as cm 71 | from matplotlib import pyplot as plt 72 | 73 | import dataset_loader_AE as loader 74 | 75 | 76 | def get_size(string, font): 77 | ''' 78 | Returns the given text size in pixels 79 | ''' 80 | test_img = Image.new('L', (1, 1)) 81 | test_draw = ImageDraw.Draw(test_img) 82 | return test_draw.textsize(string, font) 83 | 84 | # Convert String to Matrix 85 | def string_to_matrix(string, repo): 86 | ''' 87 | Returns the pixel matrix corresponding to the given string 88 | ''' 89 | # Define the Text Color and the Background 90 | color_text = "White" 91 | color_background = "Black" 92 | 93 | #Define the image font and resize the nword in a rectangle that suit it 94 | font = ImageFont.truetype(ARGV.font_name, ARGV.font_size) 95 | str_l, str_h = get_size(string, font) 96 | pos_l = max(1, (ARGV.motifs_length-str_l)//2) 97 | pos_h = max(1, (ARGV.doc_height-str_h)//2) 98 | img = Image.new('L', (ARGV.motifs_length, ARGV.doc_height), color_background) 99 | drawing = ImageDraw.Draw(img) 100 | drawing.text((pos_l, pos_h), string, fill=color_text, font=font) 101 | 102 | img.save(os.path.join(repo, "motif_" + string + ".png")) 103 | 104 | motif = np.asarray(img, np.float32) # Motif Matrix 105 | 106 | return motif 107 | 108 | 109 | def motif_matrix_to_norm_vector(motif): 110 | ''' 111 | Converts Motif to vector in form of Distribution. 112 | ''' 113 | motif_as_vector = motif.reshape((ARGV.motifs_length*ARGV.doc_height)) 114 | # normalizing as a distribution 115 | motif_as_vector = motif_as_vector / motif_as_vector.sum() 116 | motif_as_vector *= .999999 117 | 118 | return motif_as_vector 119 | 120 | def string_to_norm_vector(string, repo): 121 | motif = string_to_matrix(string, repo) 122 | 123 | return motif_matrix_to_norm_vector(motif) 124 | 125 | def creat_tdoc_from_motif(motifs, motifs_str): 126 | ''' 127 | Returns a matrix representing a tdoc 128 | ''' 129 | tdoc = np.zeros((ARGV.doc_length, ARGV.doc_height), dtype=np.uint8) 130 | 131 | for _ in range(ARGV.nb_motifs_doc): 132 | # Random-motif's weights that we will draw from 133 | index_motif = np.random.randint(len(motifs)) 134 | motif = motifs[index_motif] 135 | 136 | start_time = np.random.randint(ARGV.doc_length - ARGV.motifs_length) 137 | nb_obs = np.random.randint(ARGV.max_nb_occ_motifs - ARGV.min_nb_occ_motifs) 138 | nb_obs += ARGV.min_nb_occ_motifs 139 | # taking ito account the size of the motif to avoid too low intensity in long motifs 140 | nb_obs *= len(motifs_str[index_motif])//5+1 141 | 142 | for _ in range(nb_obs): 143 | # Draw samples from a multinomial distribution. 144 | pixel_position = np.argmax(np.random.multinomial(1, motif)) 145 | 146 | h_pos = pixel_position // ARGV.motifs_length 147 | t_pos = pixel_position % ARGV.motifs_length 148 | 149 | time = t_pos + start_time 150 | tdoc[time][h_pos] += 1 151 | 152 | noise_intensity = (ARGV.noise 153 | *((ARGV.max_nb_occ_motifs+ARGV.min_nb_occ_motifs)//2) 154 | *ARGV.nb_motifs_doc) 155 | noise_intensity_max = 0.1*tdoc.max() 156 | while noise_intensity > 0: 157 | t_noise = np.random.randint(ARGV.doc_length) 158 | w_noise = np.random.randint(ARGV.doc_height) 159 | 160 | v_noise = np.random.randint(int(noise_intensity_max)) 161 | 162 | tdoc[t_noise][w_noise] += v_noise 163 | noise_intensity -= v_noise 164 | return tdoc 165 | 166 | 167 | def generate(): 168 | repo_tdocs = os.path.join(ARGV.repository, "Tdocs") 169 | repo_motifs = os.path.join(ARGV.repository, "motifs") 170 | 171 | os.makedirs(repo_tdocs) 172 | os.makedirs(repo_motifs) 173 | 174 | if ARGV.gene_img: 175 | repo_imgs = os.path.join(ARGV.repository, "images") 176 | os.makedirs(repo_imgs) 177 | 178 | 179 | motifs_str = ARGV.motifs.split("_") 180 | 181 | # Convert the big normalized matrix into a vector 182 | motifs_norm_vect = [string_to_norm_vector(motif, repo_motifs) for motif in motifs_str] 183 | 184 | 185 | for i in range(0, ARGV.nb_doc): 186 | temp_doc = creat_tdoc_from_motif(motifs_norm_vect, motifs_str) 187 | 188 | if ARGV.gene_img: 189 | plt.imshow(np.transpose(temp_doc), cmap=cm.Greys_r) 190 | plt.savefig(os.path.join(repo_imgs, "Tdoc_"+str((i+1))+".png")) 191 | 192 | output = open(os.path.join(repo_tdocs, "Tdoc_"+str((i+1))+".txt"), 'w') 193 | for lenght in range(ARGV.doc_length): 194 | for height in range(ARGV.doc_height): 195 | if temp_doc[lenght][height] != 0.0: 196 | output.write("%s:%s " %(height, temp_doc[lenght][height])) 197 | output.write("\n") 198 | output.close() 199 | 200 | 201 | # Generate documents 202 | if __name__ == '__main__': 203 | if os.path.isdir(ARGV.repository): 204 | generate() 205 | 206 | if ARGV.nb_test_tdoc >= 0: 207 | loader.create_json_dataset(ARGV.repository, 208 | "dataset", 209 | ARGV.nb_test_tdoc) 210 | else: 211 | print("[ERROR] Cannot have " + str(ARGV.nb_test_tdoc) + " tdocs in test set.") 212 | else: 213 | print("[ERROR] The repository " + ARGV.repository + " doesn't exist.") 214 | -------------------------------------------------------------------------------- /JennaSue.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/KBascol/Unsupervised-Interpretable-Pattern-Discovery-in-Time-Series-Using-Autoencoders/f8ba5f3d2a7898dd55cb68e3066bd9b4dc20d0a6/JennaSue.ttf -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # Unsupervised Interpretable Pattern Discovery in Time Series Using Autoencoders 2 | [Link to pdf version of the article](https://hal.archives-ouvertes.fr/hal-01374576/file/sspr_kevin16.pdf) 3 | 4 | 5 | ## Launch the method 6 | 7 | usage: python3 AETest.py 8 | 9 | Mandatory arguments: 10 | * dataset_path 11 | * Path of the json dataset file. 12 | * doc_length 13 | * Length of a temporal document. 14 | * doc_height 15 | * Height of a temporal document. 16 | * nb_filters 17 | * Number of filters given. 18 | * filters_length 19 | * Length of the given filters. 20 | * weights_path 21 | * Path of the network weigths file. 22 | * iterations 23 | * Number of training iterations. 24 | * batches_size 25 | * Number of examples in each batches 26 | * gradient_algorithm 27 | * Algorithm used for gradient descent (SGD, momentum, ADAM). 28 | * learning_rate 29 | * Learning rate used in training. 30 | * momentum 31 | * Momentum used in training. 32 | * lambdaGL 33 | * Group lasso coefficient. 34 | * lambdaL 35 | * lasso coefficient 36 | * lambdaKL 37 | * Kullback on latent coefficient. 38 | * expe_file 39 | * Used as prefix of the output files path (format: /). 40 | * gpu 41 | * GPU-to-be-used index. 42 | 43 | optional arguments: 44 | * -h, --help 45 | * show help 46 | * --train 47 | * Launch on training mode. 48 | * --scratch 49 | * Enable learning from scratch. 50 | 51 | 52 | 53 | The temporal documents are under the form of simple text files, the json dataset file contain a dictionary with the keys "train" and "test" corresponding to lists of path of document (see given example). 54 | 55 | When there is several GPUs on the machine, launch "CUDA_VISIBLE_DEVICES= python3 AETest.py " to have a correct memory allocation. 56 | 57 | 58 | ## Generate synthetic data 59 | 60 | usage: python3 GenerateTemporalDocument.py 61 | 62 | Mandatory arguments: 63 | * nb_doc 64 | * Number of temporal document to be generated. 65 | * nb_test_tdoc 66 | * Number of test examples in dataset 67 | * doc_length 68 | * Length of a temporal document 69 | * doc_height 70 | * Height of a temporal document 71 | * font_name 72 | * Path of the font file. 73 | * font_size 74 | * Size of the font used. 75 | * motifs 76 | * Words used as motifs (seperated with '_'). 77 | * motifs_length 78 | * Maximum length of a motif. 79 | * nb_motifs_doc 80 | * Number of motifs in each document. 81 | * min_nb_occ_motifs 82 | * Minimum number of observations in a motif. 83 | * max_nb_occ_motifs 84 | * Maximum number of observations in a motif. 85 | * noise 86 | * Proportion of the mean number of obervations in the generated documents added as salt-and-pepper noise. 87 | * repository 88 | * Repository where generate the dataset. 89 | 90 | optional arguments: 91 | * -h, --help 92 | * show help 93 | * --gene_img 94 | * Also generate png versions of the generated temporal documents. 95 | 96 | 97 | 98 | The example of dataset was created by the command 99 | * python3 GenerateTemporalDocument.py --gene_img 5 2 500 25 JennaSue.ttf 20 Egg_Eggplant_Plant 45 10 3500 4500 0.33 Example_Dataset 100 | -------------------------------------------------------------------------------- /dataset_loader_AE.py: -------------------------------------------------------------------------------- 1 | import os 2 | import re 3 | import logging as log 4 | from random import random 5 | 6 | import numpy as np 7 | import simplejson 8 | 9 | def load_json(file_path): 10 | """ Parse a file content for remove unsupported comments and load as JSON """ 11 | with open(file_path) as json_file: 12 | json_file_content = json_file.read() 13 | json_file_content = re.sub(r".*//.*", "", json_file_content) 14 | parsed = simplejson.loads(json_file_content) # result is now a dict 15 | return parsed 16 | raise Exception("Impossible to read JSON file " + file_path) 17 | 18 | def write_json(file_path, content): 19 | """ Parse a file content for remove unsupported comments and load as JSON """ 20 | with open(file_path, 'w') as json_file: 21 | json_content = simplejson.dumps(content, indent=4 * ' ') 22 | json_file.write(json_content) 23 | # raise Exception("Impossible to write JSON file " + file_path) 24 | 25 | def read_dir(dir_path): 26 | """ Return dir_path content if dir exists, display error and return empty list otherwise """ 27 | 28 | if os.path.isdir(dir_path): 29 | return os.listdir(dir_path) 30 | 31 | log.error("No directory with path " + dir_path) 32 | return [] 33 | 34 | 35 | def load_tdoc(path, height, width, nb_channels): 36 | ''' 37 | Loads the tdoc file path. 38 | ''' 39 | infile = open(path, 'r') 40 | tdoc = np.zeros((height, width, nb_channels)) 41 | 42 | instant_i = 0 43 | for instant in infile: 44 | if instant_i == width: 45 | break 46 | 47 | match_com = re.match(r'#', instant) 48 | if not match_com: 49 | if len(instant.strip()) != 0: 50 | pixels = instant.rstrip().split(' ') 51 | 52 | for pix in pixels: 53 | pix_height, pix_weigth = pix.split(':') 54 | pix_height = int(pix_height) 55 | pix_weigth = float(pix_weigth) 56 | 57 | if pix_height >= height: 58 | break 59 | 60 | for chan in range(nb_channels): 61 | tdoc[pix_height, instant_i, chan] = pix_weigth 62 | instant_i += 1 63 | 64 | infile.close() 65 | 66 | #tdoc = (tdoc-tdoc.min())/(tdoc.max()-tdoc.min()) 67 | 68 | return tdoc 69 | 70 | def load_paths(dataset_path): 71 | dataset = load_json(dataset_path) 72 | return dataset 73 | 74 | def load_minibatch(paths_dataset, batch_size, img_height, img_width, nb_channels): 75 | paths_dataset = paths_dataset["train"] 76 | nb_examples = len(paths_dataset) 77 | 78 | dataset = np.empty((batch_size, img_height, img_width, nb_channels)) 79 | 80 | 81 | for example_i in range(batch_size): 82 | rand_ex_i = np.random.randint(0, nb_examples) 83 | 84 | example_path = paths_dataset[rand_ex_i] 85 | #log.info("load image " + example_path) 86 | 87 | dataset[example_i] = load_tdoc(path=example_path, 88 | height=img_height, 89 | width=img_width, 90 | nb_channels=nb_channels) 91 | 92 | return dataset 93 | 94 | def load_test(paths_dataset, img_height, img_width, nb_channels): 95 | for example_path in paths_dataset["test"]: 96 | example = load_tdoc(path=example_path, 97 | height=img_height, 98 | width=img_width, 99 | nb_channels=nb_channels) 100 | example = np.array([example]) 101 | yield (example, example_path) 102 | 103 | def create_json_dataset(dataset_dir, dataset_name, nb_tests): 104 | tdocs_dir = os.path.join(dataset_dir, "Tdocs") 105 | tdocs = read_dir(tdocs_dir) 106 | 107 | tdocs_paths = [os.path.join(tdocs_dir, tdoc) for tdoc in tdocs] 108 | 109 | dict_dataset = {"test":tdocs_paths[:nb_tests], 110 | "train":tdocs_paths[nb_tests:]} 111 | 112 | write_json(os.path.join(dataset_dir, dataset_name+".json"), dict_dataset) 113 | 114 | if __name__ == "__main__": 115 | create_json_dataset("Datasets/", 116 | "Datasets/dataset.json", 117 | 10) 118 | --------------------------------------------------------------------------------