├── proposal.pdf ├── report.pdf ├── README.md ├── LICENSE ├── Capstone.py └── secom_labels.data.txt /proposal.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/markditsworth/Semiconductor-Fault-Detection/HEAD/proposal.pdf -------------------------------------------------------------------------------- /report.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/markditsworth/Semiconductor-Fault-Detection/HEAD/report.pdf -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # Machine Learning Engineer Nanodegree Capstone Project 2 | ##### Mark Ditsworth - Jan 2018 3 | 4 | ## Classification of Semiconductor Wafer Functionality 5 | ### Highlights 6 | Accuracy: 89% 7 | 8 | Matthews Correlation Coefficient: 0.75 9 | 10 | Available Features: 590 11 | 12 | Available Examples: 1,570 (104 "Failed" examples) 13 | 14 | Skewedness accounted for using SMOTE. 15 | 16 | The project proposal and report are avaiable for reference. 17 | 18 | ### Info 19 | Software: Capstone.py (Python 2.7.13) 20 | 21 | Dependencies: NumPy, pandas, matplotlib, seaborn, sk-learn (0.19.0), imbalance-learn 22 | 23 | Data Set: secom_labels.data.txt, secom.data.txt 24 | available at http://archive.ics.uci.edu/ml/datasets/SECOM 25 | 26 | Instructions for running: 27 | ensure secom_labels.data.txt and secom.data.txt are in the same directory as Capstone.py 28 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2018 Mark Ditsworth 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /Capstone.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python2 2 | # -*- coding: utf-8 -*- 3 | """ 4 | Created on Tue Dec 26 17:11:55 2017 5 | 6 | @author: markditsworth 7 | """ 8 | 9 | import pandas as pd 10 | import numpy as np 11 | import matplotlib.pyplot as plt 12 | import random 13 | 14 | def pca_results(good_data, pca): 15 | # Dimension indexing 16 | dimensions = dimensions = ['Dimension {}'.format(i) for i in range(1,len(pca.components_)+1)] 17 | 18 | # PCA components 19 | components = pd.DataFrame(np.round(pca.components_, 4), columns = good_data.keys()) 20 | components.index = dimensions 21 | 22 | # PCA explained variance 23 | ratios = pca.explained_variance_ratio_.reshape(len(pca.components_), 1) 24 | variance_ratios = pd.DataFrame(np.round(ratios, 4), columns = ['Explained Variance']) 25 | variance_ratios.index = dimensions 26 | 27 | # Create a bar plot visualization 28 | ''' 29 | fig, ax = plt.subplots(figsize = (14,8)) 30 | 31 | # Plot the feature weights as a function of the components 32 | components.plot(ax = ax, kind = 'bar', legend=False); 33 | ax.set_ylabel("Feature Weights") 34 | ax.set_xticklabels(dimensions, rotation=0) 35 | 36 | # Display the explained variance ratios 37 | for i, ev in enumerate(pca.explained_variance_ratio_): 38 | ax.text(i-0.40, ax.get_ylim()[1] + 0.05, "Explained Variance\n %.4f"%(ev)) 39 | ''' 40 | # Return a concatenated DataFrame 41 | return pd.concat([variance_ratios, components], axis = 1) 42 | 43 | # import raw data 44 | dfData = pd.read_csv('secom.data.txt',delimiter=' ',header=None) 45 | dfLabels = pd.read_csv('secom_labels.data.txt',delimiter=' ',header=None) 46 | #print(dfLabels.head()) 47 | 48 | # get statistical data 49 | metaData = dfData.describe() 50 | #print(metaData.head()) 51 | s = dfData.shape[1] 52 | # Remove sensors with missing data making up more than 20% of all data 53 | print('Removing Empty Sensors...') 54 | for sensor in metaData.columns: 55 | if metaData.loc['count',sensor] <= 0.8*dfData.shape[0]: 56 | dfData.drop([sensor],axis=1,inplace=True) 57 | 58 | metaData = dfData.describe() 59 | print('Reduced Dimensionality by: %d'%(s - dfData.shape[1])) 60 | s = dfData.shape[1] 61 | print('Number of Sensors Left: %d'%s) 62 | 63 | # Fill missing data with averages 64 | dfData.fillna(dfData.mean(),inplace=True) 65 | metaData = dfData.describe() 66 | 67 | # Feature Scale 68 | from sklearn.preprocessing import MinMaxScaler 69 | X = dfData.values 70 | cols = dfData.columns 71 | scaler = MinMaxScaler() 72 | X_scaled = scaler.fit_transform(X) 73 | 74 | dfData_scaled = pd.DataFrame(X_scaled,columns=cols) 75 | metaData = dfData_scaled.describe() 76 | #print(metaData) 77 | 78 | print('') 79 | print('Removing Constant Sensors...') 80 | # Remove sensors with std/mean below 0.3 81 | for sensor in metaData.columns: 82 | if metaData.loc['mean',sensor] == 0: 83 | dfData_scaled.drop([sensor],axis=1,inplace=True) 84 | elif metaData.loc['std',sensor]/metaData.loc['mean',sensor] < 0.3: 85 | dfData_scaled.drop([sensor],axis=1,inplace=True) 86 | 87 | # Store list of sensors that have made the cut 88 | sensors = dfData_scaled.columns 89 | print('Reduced Dimensionality by: %d'%(s - dfData_scaled.shape[1])) 90 | s = dfData_scaled.shape[1] 91 | print('Number of Sensors Left: %d'%s) 92 | 93 | print('') 94 | print('Removing Redundant Sensors...') 95 | 96 | # get correlation coefficients dataframe 97 | #import seaborn 98 | #seaborn.heatmap(dfData_scaled.corr()) 99 | corrCoef = abs(dfData_scaled.corr()) 100 | 101 | # get pairs of features with high correlation coefficients 102 | highCoefList = list(corrCoef[corrCoef > 0.9].stack().index) 103 | # remove duplicate pairs and only select one of each pair 104 | sensorsToDrop = [] 105 | for pair in highCoefList: 106 | if pair[0] < pair[1]: 107 | sensorsToDrop.append(pair[1]) 108 | sensorsToDrop = np.unique(sensorsToDrop) 109 | 110 | # remove unnecessary sensors 111 | dfData_scaled.drop(sensorsToDrop,axis=1,inplace=True) 112 | print('Reduced Dimensionality by: %d'%(s - dfData_scaled.shape[1])) 113 | print('Number of Sensors Left: %d'%dfData_scaled.shape[1]) 114 | 115 | #dfData_scaled = np.log(dfData_scaled) 116 | # PCA 117 | print(' ') 118 | print('Performing PCA...') 119 | from sklearn.decomposition import PCA 120 | pca = PCA(n_components=dfData_scaled.shape[1],random_state=1).fit(dfData_scaled.values) 121 | a = np.cumsum(pca.explained_variance_ratio_) 122 | #plt.plot(a,'-o') 123 | #plt.show() 124 | i = 0 125 | while a[i] < 0.9: 126 | i = i+1 127 | print('Number of dimensions needed to capture 90%% of variance: %d'%i) 128 | # PCA with reduced number of components 129 | pca = PCA(n_components=i,random_state=1).fit(dfData_scaled.values) 130 | pca_res = pca_results(dfData_scaled, pca) 131 | 132 | 133 | # Construct Training Set and Test Set 134 | 135 | # option 1: pass size equal to fail size 136 | # Split data set into pass examples and fail examples 137 | pass_index = dfLabels[dfLabels[0] == -1].index.values 138 | fail_index = dfLabels[dfLabels[0] == 1].index.values 139 | X_pass = dfData_scaled.loc[pass_index,:].values 140 | X_fail = dfData_scaled.loc[fail_index,:].values 141 | y_pass = dfLabels.loc[pass_index,0].values 142 | y_fail = dfLabels.loc[fail_index,0].values 143 | ''' 144 | f = plt.figure() 145 | ax1 = f.add_subplot(221) 146 | ax1.scatter(X_pass[:,5],X_pass[:,5],c='g') 147 | ax1.scatter(X_fail[:,5],X_fail[:,7],c='r') 148 | ax2 = f.add_subplot(222) 149 | ax2.scatter(X_pass[:,8],X_pass[:,9],c='g') 150 | ax2.scatter(X_fail[:,8],X_fail[:,9],c='r') 151 | ax3 = f.add_subplot(223) 152 | ax3.scatter(X_pass[:,3],X_pass[:,4],c='g') 153 | ax3.scatter(X_fail[:,3],X_fail[:,4],c='r') 154 | ax4 = f.add_subplot(224) 155 | ax4.scatter(X_pass[:,5],X_pass[:,6],c='g') 156 | ax4.scatter(X_fail[:,5],X_fail[:,6],c='r') 157 | plt.show() 158 | ''' 159 | # get random samples of X_pass and y_pass to match the fail size 160 | fail_size = X_fail.shape[0] 161 | pass_size = X_pass.shape[0] 162 | idx = np.arange(pass_size) 163 | np.random.shuffle(idx) 164 | idx = idx[0:fail_size] 165 | mask = np.ones(pass_size,dtype=bool) 166 | mask[idx] = False 167 | 168 | X_pass_selected = X_pass[idx,:] 169 | X_pass_notselected = X_pass[mask,:] 170 | y_pass_selected = y_pass[idx] 171 | y_pass_notselected = y_pass[mask] 172 | 173 | X = np.concatenate((X_pass_selected,X_fail)) 174 | y = np.concatenate((y_pass_selected,y_fail)) 175 | 176 | X_pca = pca.transform(X) 177 | X_notselected = pca.transform(X_pass_notselected) 178 | 179 | # option 2: class weights 180 | ''' 181 | # implemented in model initialization 182 | X_pca = dfData_scaled.values 183 | y = dfLabels.loc[:,0].values 184 | ''' 185 | # option 3: SMOTE 186 | ''' 187 | from imblearn.over_sampling import SMOTE 188 | X = dfData_scaled.values 189 | y = dfLabels.loc[:,0].values 190 | X, y = SMOTE(ratio='minority',k_neighbors=10,kind='borderline2',random_state=0).fit_sample(X, y) 191 | X_pca = pca.transform(X) 192 | ''' 193 | 194 | # Split into train and test sets 195 | from sklearn.cross_validation import train_test_split 196 | X_train, X_test, y_train, y_test = train_test_split(X_pca, y, 197 | test_size = 0.25, 198 | random_state = random.randint(1,50)) 199 | 200 | 201 | print('') 202 | print('Training Model...') 203 | # Train Logistic Regression Model 204 | 205 | from sklearn.linear_model import LogisticRegression 206 | from sklearn.metrics import make_scorer 207 | from sklearn.grid_search import GridSearchCV 208 | from sklearn.metrics import matthews_corrcoef 209 | clf = LogisticRegression(random_state=0,class_weight={1:14}) 210 | parameters = {'C':[0.01,0.02,0.05,0.1,0.2,0.4,0.5,0.7,0.8,1,1.2,1.5,2]} 211 | scorer = make_scorer(matthews_corrcoef) 212 | grid_obj = GridSearchCV(clf,parameters,scoring=scorer) 213 | grid_fit = grid_obj.fit(X_train,y_train) 214 | best_clf = grid_fit.best_estimator_ 215 | 216 | # Test the Model 217 | y_pred = best_clf.predict(X_test) 218 | from sklearn.metrics import accuracy_score 219 | acc = accuracy_score(y_test,y_pred) 220 | matthews = matthews_corrcoef(y_test,y_pred) 221 | print(' ') 222 | print('Logistic Regression') 223 | print('Accuracy: %.3f'%acc) 224 | print('MCC: %.3f'%matthews) 225 | 226 | # Train SVM 227 | from sklearn.svm import SVC 228 | clf = SVC(random_state=0,class_weight={1:14}) 229 | parameters = {'kernel':['rbf','poly'],'degree':[3,4,5],'C':[0.01,0.05,0.1,0.2,0.5,0.7,1,1.5,2]} 230 | grid_obj = GridSearchCV(clf,parameters,scoring=scorer) 231 | grid_fit = grid_obj.fit(X_train,y_train) 232 | best_clf = grid_fit.best_estimator_ 233 | 234 | # Test the Model 235 | y_pred = best_clf.predict(X_test) 236 | acc = accuracy_score(y_test,y_pred) 237 | matthews = matthews_corrcoef(y_test,y_pred) 238 | print(' ') 239 | print('SVM') 240 | print('Accuracy: %.3f'%acc) 241 | print('MCC: %.3f'%matthews) 242 | 243 | # Train Decision Tree 244 | from sklearn.tree import DecisionTreeClassifier 245 | clf = DecisionTreeClassifier(random_state=0,class_weight={1:14}) 246 | parameters = {'max_depth':np.arange(10,100,10)} 247 | grid_obj = GridSearchCV(clf,parameters,scoring=scorer) 248 | grid_fit = grid_obj.fit(X_train,y_train) 249 | best_clf = grid_fit.best_estimator_ 250 | 251 | # Test the Model 252 | y_pred = best_clf.predict(X_test) 253 | acc = accuracy_score(y_test,y_pred) 254 | matthews = matthews_corrcoef(y_test,y_pred) 255 | print(' ') 256 | print('Decision Tree') 257 | print('Accuracy: %.3f'%acc) 258 | print('MCC: %.3f'%matthews) 259 | 260 | 261 | # Train Ensemble Learner 262 | from sklearn.ensemble import AdaBoostClassifier 263 | clf = AdaBoostClassifier(random_state=0) 264 | parameters = {'n_estimators':np.arange(50,100,10),'learning_rate':[0.1,0.5,1,2,5]} 265 | #scorer = make_scorer(matthews_corrcoef) 266 | grid_obj = GridSearchCV(clf,parameters,scoring=scorer) 267 | grid_fit = grid_obj.fit(X_train,y_train) 268 | best_clf = grid_fit.best_estimator_ 269 | 270 | # Test the Model 271 | y_pred = best_clf.predict(X_test) 272 | acc = accuracy_score(y_test,y_pred) 273 | matthews = matthews_corrcoef(y_test,y_pred) 274 | print(' ') 275 | print('AdaBoost') 276 | print('Accuracy: %.3f'%acc) 277 | print('MCC: %.3f'%matthews) -------------------------------------------------------------------------------- /secom_labels.data.txt: -------------------------------------------------------------------------------- 1 | -1 "19/07/2008 11:55:00" 2 | -1 "19/07/2008 12:32:00" 3 | 1 "19/07/2008 13:17:00" 4 | -1 "19/07/2008 14:43:00" 5 | -1 "19/07/2008 15:22:00" 6 | -1 "19/07/2008 17:53:00" 7 | -1 "19/07/2008 19:44:00" 8 | -1 "19/07/2008 19:45:00" 9 | -1 "19/07/2008 20:24:00" 10 | -1 "19/07/2008 21:35:00" 11 | 1 "19/07/2008 21:57:00" 12 | 1 "19/07/2008 22:52:00" 13 | -1 "20/07/2008 03:35:00" 14 | -1 "21/07/2008 08:21:00" 15 | 1 "21/07/2008 11:53:00" 16 | -1 "22/07/2008 00:03:00" 17 | -1 "22/07/2008 02:59:00" 18 | -1 "22/07/2008 08:41:00" 19 | -1 "22/07/2008 11:47:00" 20 | -1 "22/07/2008 14:00:00" 21 | -1 "22/07/2008 15:30:00" 22 | -1 "23/07/2008 05:15:00" 23 | -1 "23/07/2008 19:22:00" 24 | 1 "25/07/2008 15:23:00" 25 | -1 "27/07/2008 04:18:00" 26 | -1 "27/07/2008 09:37:00" 27 | -1 "27/07/2008 11:10:00" 28 | -1 "27/07/2008 15:46:00" 29 | -1 "27/07/2008 16:06:00" 30 | -1 "27/07/2008 16:49:00" 31 | -1 "27/07/2008 20:24:00" 32 | -1 "27/07/2008 22:28:00" 33 | -1 "27/07/2008 22:28:00" 34 | -1 "27/07/2008 23:14:00" 35 | -1 "28/07/2008 03:31:00" 36 | -1 "28/07/2008 03:48:00" 37 | -1 "28/07/2008 04:37:00" 38 | -1 "28/07/2008 05:36:00" 39 | 1 "28/07/2008 06:45:00" 40 | -1 "28/07/2008 08:36:00" 41 | 1 "28/07/2008 15:11:00" 42 | -1 "28/07/2008 23:57:00" 43 | -1 "29/07/2008 04:08:00" 44 | -1 "29/07/2008 05:16:00" 45 | -1 "29/07/2008 06:19:00" 46 | 1 "29/07/2008 08:23:00" 47 | -1 "29/07/2008 11:47:00" 48 | -1 "29/07/2008 15:41:00" 49 | 1 "29/07/2008 15:49:00" 50 | 1 "29/07/2008 17:05:00" 51 | 1 "29/07/2008 18:08:00" 52 | -1 "29/07/2008 21:07:00" 53 | -1 "29/07/2008 23:14:00" 54 | -1 "29/07/2008 23:19:00" 55 | -1 "30/07/2008 06:30:00" 56 | -1 "30/07/2008 07:08:00" 57 | -1 "30/07/2008 12:02:00" 58 | 1 "30/07/2008 12:29:00" 59 | 1 "30/07/2008 21:16:00" 60 | -1 "31/07/2008 13:57:00" 61 | -1 "31/07/2008 15:36:00" 62 | -1 "31/07/2008 17:07:00" 63 | 1 "31/07/2008 20:18:00" 64 | -1 "01/08/2008 02:02:00" 65 | 1 "01/08/2008 05:52:00" 66 | -1 "01/08/2008 10:20:00" 67 | -1 "01/08/2008 10:26:00" 68 | -1 "01/08/2008 11:28:00" 69 | -1 "01/08/2008 12:29:00" 70 | -1 "01/08/2008 14:07:00" 71 | -1 "01/08/2008 15:10:00" 72 | -1 "02/08/2008 03:39:00" 73 | -1 "03/08/2008 13:09:00" 74 | -1 "03/08/2008 14:06:00" 75 | -1 "03/08/2008 14:25:00" 76 | -1 "03/08/2008 15:03:00" 77 | -1 "03/08/2008 15:27:00" 78 | -1 "03/08/2008 16:00:00" 79 | -1 "03/08/2008 17:00:00" 80 | -1 "03/08/2008 17:58:00" 81 | -1 "03/08/2008 20:23:00" 82 | -1 "03/08/2008 22:52:00" 83 | 1 "04/08/2008 00:39:00" 84 | -1 "04/08/2008 03:45:00" 85 | -1 "04/08/2008 03:49:00" 86 | -1 "04/08/2008 13:19:00" 87 | -1 "04/08/2008 14:04:00" 88 | -1 "04/08/2008 14:31:00" 89 | -1 "04/08/2008 15:29:00" 90 | -1 "04/08/2008 16:15:00" 91 | -1 "04/08/2008 16:31:00" 92 | -1 "04/08/2008 17:11:00" 93 | -1 "04/08/2008 17:46:00" 94 | -1 "04/08/2008 18:24:00" 95 | -1 "04/08/2008 19:58:00" 96 | -1 "04/08/2008 20:32:00" 97 | 1 "04/08/2008 20:58:00" 98 | -1 "04/08/2008 21:43:00" 99 | -1 "04/08/2008 22:51:00" 100 | -1 "04/08/2008 23:33:00" 101 | -1 "05/08/2008 00:04:00" 102 | -1 "05/08/2008 01:12:00" 103 | -1 "05/08/2008 02:15:00" 104 | -1 "05/08/2008 02:36:00" 105 | -1 "05/08/2008 02:45:00" 106 | -1 "05/08/2008 03:17:00" 107 | -1 "05/08/2008 03:36:00" 108 | -1 "05/08/2008 03:54:00" 109 | -1 "05/08/2008 04:32:00" 110 | -1 "05/08/2008 04:35:00" 111 | -1 "05/08/2008 05:11:00" 112 | -1 "05/08/2008 06:10:00" 113 | -1 "05/08/2008 06:11:00" 114 | -1 "05/08/2008 06:21:00" 115 | -1 "05/08/2008 07:12:00" 116 | 1 "05/08/2008 07:12:00" 117 | -1 "05/08/2008 07:48:00" 118 | -1 "05/08/2008 08:50:00" 119 | -1 "05/08/2008 09:48:00" 120 | -1 "05/08/2008 14:17:00" 121 | -1 "05/08/2008 14:45:00" 122 | -1 "05/08/2008 15:45:00" 123 | -1 "05/08/2008 20:04:00" 124 | -1 "05/08/2008 21:07:00" 125 | -1 "05/08/2008 21:22:00" 126 | -1 "05/08/2008 23:02:00" 127 | -1 "05/08/2008 23:06:00" 128 | -1 "05/08/2008 23:38:00" 129 | -1 "06/08/2008 00:04:00" 130 | -1 "06/08/2008 02:20:00" 131 | -1 "06/08/2008 03:22:00" 132 | 1 "06/08/2008 05:40:00" 133 | -1 "06/08/2008 09:56:00" 134 | -1 "06/08/2008 09:57:00" 135 | -1 "06/08/2008 12:33:00" 136 | -1 "06/08/2008 13:35:00" 137 | -1 "06/08/2008 17:35:00" 138 | -1 "06/08/2008 18:00:00" 139 | -1 "06/08/2008 18:34:00" 140 | -1 "06/08/2008 19:13:00" 141 | -1 "06/08/2008 19:24:00" 142 | -1 "06/08/2008 20:00:00" 143 | -1 "06/08/2008 20:17:00" 144 | -1 "06/08/2008 21:15:00" 145 | -1 "06/08/2008 22:27:00" 146 | -1 "06/08/2008 23:40:00" 147 | -1 "06/08/2008 23:45:00" 148 | -1 "07/08/2008 00:51:00" 149 | -1 "07/08/2008 07:30:00" 150 | -1 "07/08/2008 08:21:00" 151 | -1 "07/08/2008 08:45:00" 152 | -1 "07/08/2008 08:55:00" 153 | -1 "07/08/2008 10:12:00" 154 | -1 "07/08/2008 11:10:00" 155 | 1 "07/08/2008 11:40:00" 156 | -1 "08/08/2008 04:55:00" 157 | -1 "08/08/2008 07:26:00" 158 | 1 "08/08/2008 08:44:00" 159 | 1 "08/08/2008 12:37:00" 160 | -1 "08/08/2008 20:21:00" 161 | -1 "08/08/2008 21:22:00" 162 | -1 "08/08/2008 21:53:00" 163 | -1 "08/08/2008 22:06:00" 164 | -1 "08/08/2008 22:25:00" 165 | -1 "09/08/2008 02:15:00" 166 | -1 "09/08/2008 02:37:00" 167 | -1 "09/08/2008 06:05:00" 168 | 1 "09/08/2008 09:16:00" 169 | -1 "09/08/2008 09:22:00" 170 | 1 "09/08/2008 11:42:00" 171 | -1 "09/08/2008 17:34:00" 172 | -1 "09/08/2008 19:03:00" 173 | -1 "09/08/2008 20:04:00" 174 | -1 "09/08/2008 21:07:00" 175 | -1 "09/08/2008 22:15:00" 176 | -1 "09/08/2008 22:37:00" 177 | -1 "09/08/2008 23:17:00" 178 | -1 "09/08/2008 23:34:00" 179 | -1 "10/08/2008 00:09:00" 180 | -1 "10/08/2008 00:46:00" 181 | 1 "10/08/2008 06:00:00" 182 | -1 "10/08/2008 06:41:00" 183 | 1 "10/08/2008 07:01:00" 184 | -1 "10/08/2008 11:16:00" 185 | -1 "10/08/2008 11:49:00" 186 | -1 "10/08/2008 12:22:00" 187 | 1 "10/08/2008 15:59:00" 188 | -1 "10/08/2008 19:07:00" 189 | 1 "10/08/2008 20:07:00" 190 | 1 "10/08/2008 22:26:00" 191 | -1 "11/08/2008 03:06:00" 192 | -1 "11/08/2008 04:09:00" 193 | -1 "11/08/2008 05:15:00" 194 | -1 "11/08/2008 11:35:00" 195 | -1 "11/08/2008 12:38:00" 196 | -1 "12/08/2008 04:23:00" 197 | -1 "12/08/2008 06:16:00" 198 | -1 "12/08/2008 10:54:00" 199 | -1 "12/08/2008 11:29:00" 200 | -1 "12/08/2008 12:04:00" 201 | -1 "13/08/2008 02:48:00" 202 | -1 "15/08/2008 03:26:00" 203 | -1 "15/08/2008 04:14:00" 204 | -1 "15/08/2008 05:13:00" 205 | -1 "15/08/2008 09:38:00" 206 | -1 "15/08/2008 10:14:00" 207 | -1 "15/08/2008 11:42:00" 208 | -1 "15/08/2008 18:19:00" 209 | -1 "15/08/2008 19:19:00" 210 | -1 "15/08/2008 20:00:00" 211 | -1 "15/08/2008 20:03:00" 212 | -1 "15/08/2008 23:31:00" 213 | -1 "16/08/2008 02:21:00" 214 | -1 "16/08/2008 05:47:00" 215 | -1 "16/08/2008 06:52:00" 216 | -1 "16/08/2008 07:33:00" 217 | -1 "16/08/2008 08:39:00" 218 | -1 "16/08/2008 08:41:00" 219 | 1 "16/08/2008 09:44:00" 220 | -1 "16/08/2008 13:51:00" 221 | -1 "16/08/2008 14:30:00" 222 | -1 "16/08/2008 15:16:00" 223 | 1 "16/08/2008 15:19:00" 224 | -1 "16/08/2008 23:48:00" 225 | -1 "17/08/2008 00:52:00" 226 | -1 "17/08/2008 01:53:00" 227 | -1 "17/08/2008 03:17:00" 228 | -1 "17/08/2008 03:18:00" 229 | -1 "17/08/2008 03:46:00" 230 | -1 "17/08/2008 04:19:00" 231 | -1 "17/08/2008 05:21:00" 232 | 1 "17/08/2008 12:16:00" 233 | -1 "17/08/2008 13:34:00" 234 | -1 "17/08/2008 14:21:00" 235 | -1 "17/08/2008 15:25:00" 236 | 1 "17/08/2008 21:26:00" 237 | 1 "17/08/2008 22:03:00" 238 | -1 "17/08/2008 22:21:00" 239 | 1 "17/08/2008 23:04:00" 240 | -1 "17/08/2008 23:20:00" 241 | 1 "17/08/2008 23:55:00" 242 | 1 "18/08/2008 00:02:00" 243 | -1 "18/08/2008 00:20:00" 244 | 1 "18/08/2008 01:23:00" 245 | 1 "18/08/2008 04:01:00" 246 | -1 "18/08/2008 04:12:00" 247 | -1 "18/08/2008 04:35:00" 248 | -1 "18/08/2008 05:03:00" 249 | -1 "18/08/2008 05:25:00" 250 | -1 "18/08/2008 06:07:00" 251 | -1 "18/08/2008 06:11:00" 252 | -1 "18/08/2008 06:26:00" 253 | -1 "18/08/2008 07:11:00" 254 | -1 "18/08/2008 07:23:00" 255 | -1 "18/08/2008 07:29:00" 256 | -1 "18/08/2008 08:18:00" 257 | -1 "18/08/2008 08:31:00" 258 | -1 "18/08/2008 10:13:00" 259 | -1 "18/08/2008 11:04:00" 260 | -1 "18/08/2008 12:00:00" 261 | -1 "18/08/2008 12:06:00" 262 | -1 "18/08/2008 12:22:00" 263 | -1 "18/08/2008 12:49:00" 264 | -1 "18/08/2008 13:07:00" 265 | -1 "18/08/2008 14:01:00" 266 | -1 "18/08/2008 14:04:00" 267 | -1 "18/08/2008 14:45:00" 268 | -1 "18/08/2008 15:00:00" 269 | -1 "18/08/2008 15:26:00" 270 | -1 "18/08/2008 15:30:00" 271 | -1 "18/08/2008 15:33:00" 272 | -1 "18/08/2008 15:41:00" 273 | -1 "18/08/2008 16:19:00" 274 | 1 "18/08/2008 17:13:00" 275 | -1 "18/08/2008 17:16:00" 276 | -1 "18/08/2008 17:37:00" 277 | -1 "18/08/2008 19:24:00" 278 | 1 "18/08/2008 19:54:00" 279 | -1 "18/08/2008 23:00:00" 280 | -1 "18/08/2008 23:03:00" 281 | -1 "18/08/2008 23:47:00" 282 | -1 "19/08/2008 01:10:00" 283 | 1 "19/08/2008 03:59:00" 284 | -1 "19/08/2008 04:58:00" 285 | -1 "19/08/2008 05:09:00" 286 | -1 "19/08/2008 05:11:00" 287 | -1 "19/08/2008 05:11:00" 288 | -1 "19/08/2008 05:40:00" 289 | -1 "19/08/2008 05:41:00" 290 | -1 "19/08/2008 05:53:00" 291 | -1 "19/08/2008 05:54:00" 292 | 1 "19/08/2008 05:56:00" 293 | -1 "19/08/2008 06:24:00" 294 | -1 "19/08/2008 07:43:00" 295 | 1 "19/08/2008 07:58:00" 296 | -1 "19/08/2008 08:01:00" 297 | -1 "19/08/2008 08:07:00" 298 | -1 "19/08/2008 08:33:00" 299 | -1 "19/08/2008 09:04:00" 300 | -1 "19/08/2008 09:05:00" 301 | -1 "19/08/2008 10:46:00" 302 | -1 "19/08/2008 11:11:00" 303 | -1 "19/08/2008 11:13:00" 304 | -1 "19/08/2008 11:13:00" 305 | -1 "19/08/2008 11:28:00" 306 | -1 "19/08/2008 11:44:00" 307 | -1 "19/08/2008 11:46:00" 308 | -1 "19/08/2008 11:57:00" 309 | -1 "19/08/2008 11:58:00" 310 | -1 "19/08/2008 12:30:00" 311 | -1 "19/08/2008 15:33:00" 312 | -1 "19/08/2008 18:12:00" 313 | -1 "19/08/2008 18:12:00" 314 | -1 "19/08/2008 18:30:00" 315 | -1 "19/08/2008 18:30:00" 316 | -1 "19/08/2008 19:38:00" 317 | -1 "19/08/2008 20:53:00" 318 | -1 "20/08/2008 00:05:00" 319 | -1 "20/08/2008 01:33:00" 320 | -1 "20/08/2008 01:42:00" 321 | -1 "20/08/2008 02:13:00" 322 | 1 "20/08/2008 02:27:00" 323 | -1 "20/08/2008 03:00:00" 324 | 1 "20/08/2008 03:12:00" 325 | -1 "20/08/2008 06:36:00" 326 | -1 "20/08/2008 07:12:00" 327 | 1 "20/08/2008 08:40:00" 328 | 1 "20/08/2008 09:17:00" 329 | -1 "20/08/2008 10:26:00" 330 | -1 "20/08/2008 16:08:00" 331 | -1 "20/08/2008 16:16:00" 332 | -1 "20/08/2008 17:09:00" 333 | -1 "20/08/2008 17:35:00" 334 | -1 "20/08/2008 17:36:00" 335 | -1 "20/08/2008 18:29:00" 336 | -1 "20/08/2008 18:35:00" 337 | 1 "20/08/2008 19:20:00" 338 | -1 "20/08/2008 20:19:00" 339 | -1 "20/08/2008 21:33:00" 340 | -1 "20/08/2008 21:41:00" 341 | -1 "20/08/2008 21:58:00" 342 | -1 "20/08/2008 22:13:00" 343 | -1 "20/08/2008 22:45:00" 344 | -1 "20/08/2008 23:18:00" 345 | 1 "20/08/2008 23:43:00" 346 | -1 "21/08/2008 02:11:00" 347 | -1 "21/08/2008 02:46:00" 348 | -1 "21/08/2008 04:22:00" 349 | -1 "21/08/2008 04:29:00" 350 | -1 "21/08/2008 05:06:00" 351 | -1 "21/08/2008 05:15:00" 352 | 1 "21/08/2008 06:10:00" 353 | -1 "21/08/2008 11:22:00" 354 | -1 "21/08/2008 12:00:00" 355 | -1 "21/08/2008 12:31:00" 356 | -1 "21/08/2008 12:33:00" 357 | -1 "21/08/2008 12:43:00" 358 | -1 "21/08/2008 12:52:00" 359 | -1 "21/08/2008 13:11:00" 360 | -1 "21/08/2008 13:19:00" 361 | -1 "21/08/2008 13:29:00" 362 | -1 "21/08/2008 13:45:00" 363 | -1 "21/08/2008 14:47:00" 364 | -1 "21/08/2008 15:05:00" 365 | -1 "21/08/2008 15:06:00" 366 | -1 "21/08/2008 15:32:00" 367 | -1 "21/08/2008 15:48:00" 368 | -1 "21/08/2008 15:50:00" 369 | 1 "21/08/2008 16:19:00" 370 | -1 "21/08/2008 16:36:00" 371 | -1 "21/08/2008 17:25:00" 372 | -1 "21/08/2008 17:44:00" 373 | -1 "21/08/2008 18:04:00" 374 | 1 "21/08/2008 18:05:00" 375 | -1 "21/08/2008 18:39:00" 376 | -1 "21/08/2008 18:53:00" 377 | -1 "21/08/2008 19:12:00" 378 | -1 "21/08/2008 19:12:00" 379 | -1 "21/08/2008 19:46:00" 380 | -1 "21/08/2008 20:19:00" 381 | -1 "21/08/2008 20:21:00" 382 | -1 "21/08/2008 20:37:00" 383 | -1 "21/08/2008 21:32:00" 384 | -1 "21/08/2008 22:25:00" 385 | -1 "21/08/2008 22:41:00" 386 | -1 "21/08/2008 23:08:00" 387 | -1 "21/08/2008 23:27:00" 388 | -1 "21/08/2008 23:53:00" 389 | -1 "21/08/2008 23:57:00" 390 | -1 "22/08/2008 00:43:00" 391 | -1 "22/08/2008 00:44:00" 392 | -1 "22/08/2008 00:47:00" 393 | 1 "22/08/2008 01:04:00" 394 | -1 "22/08/2008 01:26:00" 395 | -1 "22/08/2008 01:27:00" 396 | -1 "22/08/2008 01:54:00" 397 | -1 "22/08/2008 02:01:00" 398 | -1 "22/08/2008 02:25:00" 399 | -1 "22/08/2008 02:52:00" 400 | -1 "22/08/2008 03:18:00" 401 | -1 "22/08/2008 03:58:00" 402 | -1 "22/08/2008 04:40:00" 403 | -1 "22/08/2008 04:57:00" 404 | -1 "22/08/2008 05:21:00" 405 | -1 "22/08/2008 05:31:00" 406 | -1 "22/08/2008 05:32:00" 407 | 1 "22/08/2008 06:00:00" 408 | -1 "22/08/2008 07:04:00" 409 | -1 "22/08/2008 07:17:00" 410 | -1 "22/08/2008 07:27:00" 411 | -1 "22/08/2008 09:29:00" 412 | -1 "22/08/2008 09:29:00" 413 | -1 "22/08/2008 10:01:00" 414 | -1 "22/08/2008 10:18:00" 415 | -1 "22/08/2008 10:47:00" 416 | -1 "22/08/2008 11:32:00" 417 | -1 "22/08/2008 12:13:00" 418 | -1 "22/08/2008 12:37:00" 419 | -1 "22/08/2008 12:42:00" 420 | -1 "22/08/2008 13:22:00" 421 | -1 "22/08/2008 14:45:00" 422 | -1 "22/08/2008 15:25:00" 423 | -1 "22/08/2008 15:39:00" 424 | -1 "22/08/2008 15:54:00" 425 | 1 "22/08/2008 19:14:00" 426 | -1 "22/08/2008 23:46:00" 427 | -1 "22/08/2008 23:47:00" 428 | -1 "22/08/2008 23:49:00" 429 | -1 "22/08/2008 23:56:00" 430 | -1 "23/08/2008 02:04:00" 431 | -1 "23/08/2008 03:26:00" 432 | -1 "23/08/2008 04:50:00" 433 | -1 "23/08/2008 04:52:00" 434 | -1 "23/08/2008 05:57:00" 435 | -1 "23/08/2008 05:57:00" 436 | -1 "23/08/2008 05:58:00" 437 | -1 "23/08/2008 05:58:00" 438 | -1 "23/08/2008 09:24:00" 439 | -1 "23/08/2008 12:58:00" 440 | -1 "23/08/2008 13:02:00" 441 | -1 "23/08/2008 15:10:00" 442 | 1 "23/08/2008 15:29:00" 443 | -1 "24/08/2008 02:32:00" 444 | -1 "24/08/2008 04:00:00" 445 | -1 "24/08/2008 07:12:00" 446 | -1 "24/08/2008 07:14:00" 447 | -1 "24/08/2008 10:09:00" 448 | -1 "24/08/2008 10:14:00" 449 | 1 "24/08/2008 13:03:00" 450 | -1 "25/08/2008 09:29:00" 451 | -1 "27/08/2008 00:46:00" 452 | -1 "27/08/2008 11:38:00" 453 | -1 "27/08/2008 12:22:00" 454 | -1 "27/08/2008 13:35:00" 455 | -1 "27/08/2008 14:18:00" 456 | -1 "27/08/2008 17:14:00" 457 | -1 "27/08/2008 22:48:00" 458 | -1 "27/08/2008 22:58:00" 459 | -1 "28/08/2008 03:03:00" 460 | -1 "28/08/2008 03:04:00" 461 | -1 "28/08/2008 03:29:00" 462 | -1 "28/08/2008 03:38:00" 463 | -1 "28/08/2008 03:45:00" 464 | -1 "28/08/2008 04:10:00" 465 | -1 "28/08/2008 04:20:00" 466 | -1 "28/08/2008 04:54:00" 467 | -1 "28/08/2008 05:00:00" 468 | -1 "28/08/2008 06:15:00" 469 | -1 "28/08/2008 06:39:00" 470 | -1 "28/08/2008 06:56:00" 471 | -1 "28/08/2008 07:40:00" 472 | -1 "28/08/2008 07:51:00" 473 | -1 "28/08/2008 08:41:00" 474 | -1 "28/08/2008 09:46:00" 475 | -1 "28/08/2008 09:49:00" 476 | -1 "28/08/2008 10:15:00" 477 | -1 "28/08/2008 10:28:00" 478 | -1 "28/08/2008 10:32:00" 479 | -1 "28/08/2008 11:19:00" 480 | -1 "28/08/2008 12:44:00" 481 | -1 "28/08/2008 14:48:00" 482 | -1 "28/08/2008 15:19:00" 483 | -1 "28/08/2008 16:01:00" 484 | -1 "28/08/2008 16:43:00" 485 | -1 "28/08/2008 16:52:00" 486 | -1 "28/08/2008 17:21:00" 487 | -1 "28/08/2008 17:27:00" 488 | -1 "28/08/2008 17:32:00" 489 | -1 "28/08/2008 18:05:00" 490 | -1 "28/08/2008 18:10:00" 491 | -1 "28/08/2008 18:15:00" 492 | -1 "28/08/2008 18:25:00" 493 | -1 "28/08/2008 18:47:00" 494 | -1 "28/08/2008 18:57:00" 495 | -1 "28/08/2008 20:20:00" 496 | 1 "28/08/2008 20:39:00" 497 | -1 "28/08/2008 21:03:00" 498 | -1 "28/08/2008 21:52:00" 499 | -1 "28/08/2008 22:57:00" 500 | -1 "28/08/2008 23:40:00" 501 | -1 "28/08/2008 23:42:00" 502 | -1 "29/08/2008 00:49:00" 503 | -1 "29/08/2008 01:06:00" 504 | -1 "29/08/2008 02:38:00" 505 | -1 "29/08/2008 02:39:00" 506 | -1 "29/08/2008 03:27:00" 507 | -1 "29/08/2008 03:33:00" 508 | -1 "29/08/2008 03:46:00" 509 | 1 "29/08/2008 04:55:00" 510 | -1 "29/08/2008 04:56:00" 511 | -1 "29/08/2008 05:16:00" 512 | -1 "29/08/2008 05:54:00" 513 | -1 "29/08/2008 05:54:00" 514 | -1 "29/08/2008 05:57:00" 515 | -1 "29/08/2008 05:57:00" 516 | -1 "29/08/2008 06:35:00" 517 | -1 "29/08/2008 06:37:00" 518 | -1 "29/08/2008 06:40:00" 519 | 1 "29/08/2008 06:45:00" 520 | -1 "29/08/2008 06:54:00" 521 | -1 "29/08/2008 07:18:00" 522 | -1 "29/08/2008 07:22:00" 523 | -1 "29/08/2008 07:24:00" 524 | -1 "29/08/2008 07:33:00" 525 | -1 "29/08/2008 07:33:00" 526 | -1 "29/08/2008 08:10:00" 527 | -1 "29/08/2008 08:20:00" 528 | -1 "29/08/2008 08:41:00" 529 | -1 "29/08/2008 08:45:00" 530 | -1 "29/08/2008 12:21:00" 531 | -1 "29/08/2008 12:22:00" 532 | -1 "29/08/2008 12:37:00" 533 | -1 "29/08/2008 13:04:00" 534 | -1 "29/08/2008 13:14:00" 535 | -1 "29/08/2008 13:27:00" 536 | -1 "29/08/2008 13:49:00" 537 | -1 "29/08/2008 14:11:00" 538 | -1 "29/08/2008 14:18:00" 539 | -1 "29/08/2008 14:30:00" 540 | -1 "29/08/2008 15:01:00" 541 | -1 "29/08/2008 15:43:00" 542 | -1 "29/08/2008 16:26:00" 543 | -1 "29/08/2008 20:21:00" 544 | -1 "29/08/2008 20:49:00" 545 | -1 "29/08/2008 21:25:00" 546 | -1 "29/08/2008 21:46:00" 547 | -1 "29/08/2008 21:54:00" 548 | -1 "29/08/2008 22:11:00" 549 | -1 "29/08/2008 22:45:00" 550 | -1 "29/08/2008 22:49:00" 551 | -1 "29/08/2008 22:56:00" 552 | -1 "30/08/2008 00:01:00" 553 | -1 "30/08/2008 00:05:00" 554 | -1 "30/08/2008 00:57:00" 555 | -1 "30/08/2008 01:29:00" 556 | -1 "30/08/2008 02:08:00" 557 | -1 "30/08/2008 02:22:00" 558 | -1 "30/08/2008 02:32:00" 559 | -1 "30/08/2008 02:39:00" 560 | -1 "30/08/2008 02:50:00" 561 | -1 "30/08/2008 03:10:00" 562 | -1 "30/08/2008 04:20:00" 563 | -1 "30/08/2008 04:24:00" 564 | -1 "30/08/2008 04:55:00" 565 | -1 "30/08/2008 05:05:00" 566 | -1 "30/08/2008 05:05:00" 567 | -1 "30/08/2008 05:38:00" 568 | -1 "30/08/2008 05:51:00" 569 | -1 "30/08/2008 07:50:00" 570 | -1 "30/08/2008 07:54:00" 571 | -1 "30/08/2008 08:10:00" 572 | -1 "30/08/2008 08:29:00" 573 | -1 "30/08/2008 08:42:00" 574 | -1 "30/08/2008 08:53:00" 575 | -1 "30/08/2008 09:13:00" 576 | -1 "30/08/2008 09:37:00" 577 | 1 "30/08/2008 09:45:00" 578 | -1 "30/08/2008 10:15:00" 579 | -1 "30/08/2008 10:16:00" 580 | -1 "30/08/2008 11:12:00" 581 | -1 "30/08/2008 11:14:00" 582 | -1 "30/08/2008 11:18:00" 583 | -1 "30/08/2008 11:57:00" 584 | 1 "30/08/2008 14:10:00" 585 | -1 "30/08/2008 14:23:00" 586 | -1 "30/08/2008 14:37:00" 587 | -1 "30/08/2008 15:06:00" 588 | -1 "30/08/2008 15:16:00" 589 | -1 "30/08/2008 15:37:00" 590 | -1 "30/08/2008 15:50:00" 591 | -1 "30/08/2008 15:57:00" 592 | -1 "30/08/2008 16:24:00" 593 | -1 "30/08/2008 17:05:00" 594 | -1 "30/08/2008 17:49:00" 595 | -1 "30/08/2008 19:21:00" 596 | -1 "30/08/2008 19:27:00" 597 | -1 "30/08/2008 20:11:00" 598 | -1 "30/08/2008 20:53:00" 599 | -1 "30/08/2008 21:53:00" 600 | -1 "30/08/2008 23:51:00" 601 | -1 "31/08/2008 02:57:00" 602 | 1 "31/08/2008 04:46:00" 603 | -1 "31/08/2008 05:05:00" 604 | -1 "31/08/2008 09:11:00" 605 | -1 "31/08/2008 10:36:00" 606 | 1 "31/08/2008 10:59:00" 607 | -1 "31/08/2008 10:59:00" 608 | -1 "31/08/2008 11:03:00" 609 | -1 "31/08/2008 15:09:00" 610 | -1 "31/08/2008 15:13:00" 611 | -1 "31/08/2008 16:32:00" 612 | -1 "31/08/2008 20:24:00" 613 | -1 "31/08/2008 21:04:00" 614 | -1 "31/08/2008 21:46:00" 615 | -1 "31/08/2008 21:58:00" 616 | -1 "31/08/2008 22:32:00" 617 | -1 "31/08/2008 22:48:00" 618 | -1 "31/08/2008 22:57:00" 619 | -1 "01/09/2008 00:01:00" 620 | -1 "01/09/2008 00:39:00" 621 | -1 "01/09/2008 00:45:00" 622 | -1 "01/09/2008 00:53:00" 623 | -1 "01/09/2008 05:29:00" 624 | -1 "01/09/2008 05:32:00" 625 | -1 "01/09/2008 06:12:00" 626 | -1 "01/09/2008 06:21:00" 627 | -1 "01/09/2008 06:52:00" 628 | -1 "01/09/2008 08:18:00" 629 | -1 "01/09/2008 09:06:00" 630 | -1 "01/09/2008 09:19:00" 631 | -1 "01/09/2008 09:54:00" 632 | -1 "01/09/2008 10:57:00" 633 | -1 "01/09/2008 11:40:00" 634 | -1 "01/09/2008 16:20:00" 635 | 1 "01/09/2008 19:54:00" 636 | -1 "01/09/2008 20:51:00" 637 | -1 "01/09/2008 22:05:00" 638 | -1 "01/09/2008 23:05:00" 639 | -1 "01/09/2008 23:19:00" 640 | -1 "01/09/2008 23:24:00" 641 | -1 "01/09/2008 23:28:00" 642 | -1 "01/09/2008 23:39:00" 643 | -1 "01/09/2008 23:45:00" 644 | -1 "01/09/2008 23:59:00" 645 | -1 "02/09/2008 00:26:00" 646 | -1 "02/09/2008 00:31:00" 647 | -1 "02/09/2008 00:46:00" 648 | -1 "02/09/2008 01:09:00" 649 | -1 "02/09/2008 01:10:00" 650 | -1 "02/09/2008 01:10:00" 651 | -1 "02/09/2008 01:36:00" 652 | -1 "02/09/2008 01:50:00" 653 | -1 "02/09/2008 02:02:00" 654 | -1 "02/09/2008 02:11:00" 655 | -1 "02/09/2008 02:50:00" 656 | -1 "02/09/2008 02:52:00" 657 | -1 "02/09/2008 03:33:00" 658 | -1 "02/09/2008 03:35:00" 659 | -1 "02/09/2008 03:35:00" 660 | -1 "02/09/2008 04:19:00" 661 | -1 "02/09/2008 04:22:00" 662 | -1 "02/09/2008 05:46:00" 663 | -1 "02/09/2008 06:03:00" 664 | -1 "02/09/2008 06:19:00" 665 | -1 "02/09/2008 06:32:00" 666 | -1 "02/09/2008 06:48:00" 667 | -1 "02/09/2008 07:22:00" 668 | -1 "02/09/2008 07:32:00" 669 | -1 "02/09/2008 08:15:00" 670 | -1 "02/09/2008 08:54:00" 671 | -1 "02/09/2008 09:36:00" 672 | -1 "02/09/2008 09:37:00" 673 | -1 "02/09/2008 10:13:00" 674 | -1 "02/09/2008 10:21:00" 675 | -1 "02/09/2008 10:25:00" 676 | -1 "02/09/2008 10:33:00" 677 | -1 "02/09/2008 11:08:00" 678 | -1 "02/09/2008 11:22:00" 679 | -1 "02/09/2008 11:47:00" 680 | -1 "02/09/2008 11:49:00" 681 | -1 "02/09/2008 12:01:00" 682 | -1 "02/09/2008 12:17:00" 683 | -1 "02/09/2008 12:26:00" 684 | -1 "02/09/2008 12:30:00" 685 | -1 "02/09/2008 12:44:00" 686 | -1 "02/09/2008 13:05:00" 687 | -1 "02/09/2008 13:08:00" 688 | -1 "02/09/2008 13:27:00" 689 | -1 "02/09/2008 13:40:00" 690 | -1 "02/09/2008 14:09:00" 691 | -1 "02/09/2008 14:21:00" 692 | -1 "02/09/2008 14:34:00" 693 | -1 "02/09/2008 15:29:00" 694 | -1 "02/09/2008 16:10:00" 695 | -1 "02/09/2008 16:50:00" 696 | -1 "02/09/2008 16:54:00" 697 | -1 "02/09/2008 16:58:00" 698 | -1 "02/09/2008 17:10:00" 699 | -1 "02/09/2008 17:18:00" 700 | -1 "02/09/2008 18:38:00" 701 | -1 "02/09/2008 18:52:00" 702 | -1 "02/09/2008 19:18:00" 703 | -1 "02/09/2008 20:18:00" 704 | -1 "02/09/2008 20:52:00" 705 | -1 "02/09/2008 20:58:00" 706 | -1 "02/09/2008 20:59:00" 707 | -1 "03/09/2008 00:18:00" 708 | -1 "03/09/2008 00:45:00" 709 | -1 "03/09/2008 00:58:00" 710 | 1 "03/09/2008 01:15:00" 711 | -1 "03/09/2008 01:32:00" 712 | -1 "03/09/2008 04:18:00" 713 | -1 "03/09/2008 06:26:00" 714 | -1 "03/09/2008 09:38:00" 715 | -1 "03/09/2008 14:24:00" 716 | -1 "03/09/2008 14:29:00" 717 | -1 "03/09/2008 17:22:00" 718 | -1 "03/09/2008 18:16:00" 719 | -1 "03/09/2008 18:16:00" 720 | -1 "03/09/2008 20:00:00" 721 | -1 "03/09/2008 20:10:00" 722 | -1 "04/09/2008 08:01:00" 723 | -1 "04/09/2008 08:22:00" 724 | -1 "04/09/2008 08:33:00" 725 | -1 "04/09/2008 08:41:00" 726 | -1 "04/09/2008 08:53:00" 727 | -1 "04/09/2008 11:50:00" 728 | -1 "04/09/2008 14:09:00" 729 | -1 "04/09/2008 14:11:00" 730 | -1 "04/09/2008 14:48:00" 731 | -1 "04/09/2008 16:30:00" 732 | -1 "04/09/2008 16:41:00" 733 | -1 "04/09/2008 16:56:00" 734 | -1 "04/09/2008 17:30:00" 735 | -1 "05/09/2008 15:30:00" 736 | -1 "05/09/2008 21:48:00" 737 | -1 "07/09/2008 00:08:00" 738 | -1 "07/09/2008 00:12:00" 739 | -1 "07/09/2008 00:49:00" 740 | -1 "07/09/2008 10:52:00" 741 | -1 "07/09/2008 12:04:00" 742 | -1 "07/09/2008 12:20:00" 743 | -1 "07/09/2008 13:02:00" 744 | -1 "07/09/2008 18:02:00" 745 | -1 "07/09/2008 18:24:00" 746 | -1 "07/09/2008 18:49:00" 747 | -1 "07/09/2008 19:29:00" 748 | -1 "07/09/2008 19:31:00" 749 | -1 "07/09/2008 20:12:00" 750 | -1 "07/09/2008 20:50:00" 751 | -1 "07/09/2008 23:33:00" 752 | -1 "08/09/2008 00:32:00" 753 | -1 "08/09/2008 00:40:00" 754 | -1 "08/09/2008 01:24:00" 755 | -1 "08/09/2008 03:32:00" 756 | -1 "08/09/2008 03:48:00" 757 | -1 "08/09/2008 04:21:00" 758 | -1 "08/09/2008 06:37:00" 759 | -1 "08/09/2008 07:14:00" 760 | -1 "08/09/2008 07:41:00" 761 | -1 "08/09/2008 18:46:00" 762 | -1 "08/09/2008 19:14:00" 763 | -1 "08/09/2008 19:15:00" 764 | -1 "08/09/2008 19:25:00" 765 | -1 "08/09/2008 19:33:00" 766 | -1 "08/09/2008 20:00:00" 767 | -1 "08/09/2008 21:36:00" 768 | -1 "08/09/2008 21:53:00" 769 | -1 "08/09/2008 22:17:00" 770 | -1 "09/09/2008 00:25:00" 771 | -1 "09/09/2008 03:53:00" 772 | -1 "09/09/2008 08:44:00" 773 | -1 "10/09/2008 07:26:00" 774 | -1 "10/09/2008 09:21:00" 775 | -1 "10/09/2008 20:52:00" 776 | -1 "10/09/2008 20:53:00" 777 | -1 "10/09/2008 21:56:00" 778 | -1 "10/09/2008 23:30:00" 779 | -1 "10/09/2008 23:43:00" 780 | -1 "11/09/2008 00:17:00" 781 | -1 "11/09/2008 05:20:00" 782 | -1 "11/09/2008 06:04:00" 783 | -1 "11/09/2008 07:43:00" 784 | -1 "11/09/2008 08:06:00" 785 | -1 "11/09/2008 08:58:00" 786 | -1 "11/09/2008 09:24:00" 787 | -1 "11/09/2008 12:47:00" 788 | -1 "11/09/2008 13:36:00" 789 | -1 "11/09/2008 14:20:00" 790 | -1 "11/09/2008 14:24:00" 791 | -1 "11/09/2008 14:31:00" 792 | -1 "11/09/2008 15:05:00" 793 | -1 "11/09/2008 15:08:00" 794 | -1 "11/09/2008 16:28:00" 795 | -1 "11/09/2008 21:13:00" 796 | 1 "11/09/2008 22:07:00" 797 | -1 "11/09/2008 23:10:00" 798 | 1 "11/09/2008 23:48:00" 799 | -1 "12/09/2008 05:11:00" 800 | -1 "12/09/2008 05:55:00" 801 | -1 "12/09/2008 06:38:00" 802 | -1 "12/09/2008 06:41:00" 803 | -1 "12/09/2008 06:45:00" 804 | -1 "12/09/2008 07:21:00" 805 | -1 "12/09/2008 07:29:00" 806 | -1 "12/09/2008 07:38:00" 807 | -1 "12/09/2008 11:57:00" 808 | -1 "12/09/2008 13:08:00" 809 | -1 "12/09/2008 14:52:00" 810 | -1 "12/09/2008 15:40:00" 811 | -1 "12/09/2008 16:23:00" 812 | -1 "12/09/2008 18:01:00" 813 | -1 "12/09/2008 18:52:00" 814 | -1 "12/09/2008 19:36:00" 815 | -1 "12/09/2008 20:28:00" 816 | -1 "12/09/2008 21:12:00" 817 | -1 "12/09/2008 22:25:00" 818 | -1 "12/09/2008 22:45:00" 819 | -1 "12/09/2008 23:28:00" 820 | -1 "12/09/2008 23:40:00" 821 | -1 "13/09/2008 00:25:00" 822 | -1 "13/09/2008 02:57:00" 823 | -1 "13/09/2008 03:14:00" 824 | -1 "13/09/2008 09:19:00" 825 | -1 "13/09/2008 10:55:00" 826 | -1 "13/09/2008 11:42:00" 827 | 1 "13/09/2008 11:56:00" 828 | -1 "13/09/2008 12:48:00" 829 | -1 "13/09/2008 14:07:00" 830 | -1 "13/09/2008 16:04:00" 831 | -1 "13/09/2008 16:04:00" 832 | 1 "13/09/2008 20:06:00" 833 | -1 "14/09/2008 02:50:00" 834 | -1 "14/09/2008 02:59:00" 835 | -1 "14/09/2008 15:02:00" 836 | -1 "14/09/2008 15:46:00" 837 | -1 "14/09/2008 16:34:00" 838 | -1 "14/09/2008 17:40:00" 839 | -1 "14/09/2008 18:27:00" 840 | -1 "14/09/2008 18:27:00" 841 | -1 "14/09/2008 19:13:00" 842 | -1 "14/09/2008 20:00:00" 843 | -1 "14/09/2008 20:43:00" 844 | -1 "14/09/2008 20:45:00" 845 | -1 "14/09/2008 21:31:00" 846 | -1 "14/09/2008 23:00:00" 847 | -1 "15/09/2008 02:04:00" 848 | -1 "15/09/2008 10:03:00" 849 | -1 "15/09/2008 11:40:00" 850 | -1 "15/09/2008 12:27:00" 851 | -1 "15/09/2008 16:10:00" 852 | -1 "15/09/2008 16:59:00" 853 | -1 "15/09/2008 19:54:00" 854 | -1 "15/09/2008 21:56:00" 855 | -1 "15/09/2008 22:13:00" 856 | -1 "15/09/2008 22:45:00" 857 | -1 "15/09/2008 22:54:00" 858 | -1 "15/09/2008 23:37:00" 859 | -1 "16/09/2008 07:39:00" 860 | -1 "16/09/2008 07:48:00" 861 | -1 "16/09/2008 08:50:00" 862 | -1 "16/09/2008 08:52:00" 863 | -1 "16/09/2008 09:37:00" 864 | -1 "16/09/2008 17:07:00" 865 | -1 "16/09/2008 18:09:00" 866 | -1 "16/09/2008 18:23:00" 867 | -1 "16/09/2008 19:34:00" 868 | -1 "16/09/2008 19:45:00" 869 | -1 "16/09/2008 21:21:00" 870 | -1 "16/09/2008 22:45:00" 871 | -1 "17/09/2008 02:01:00" 872 | 1 "17/09/2008 04:23:00" 873 | -1 "17/09/2008 07:14:00" 874 | -1 "17/09/2008 07:28:00" 875 | -1 "17/09/2008 21:52:00" 876 | -1 "18/09/2008 00:57:00" 877 | -1 "18/09/2008 01:40:00" 878 | -1 "18/09/2008 01:43:00" 879 | -1 "18/09/2008 02:01:00" 880 | -1 "18/09/2008 03:58:00" 881 | -1 "18/09/2008 03:58:00" 882 | -1 "18/09/2008 05:44:00" 883 | -1 "18/09/2008 05:58:00" 884 | -1 "18/09/2008 08:04:00" 885 | -1 "18/09/2008 10:48:00" 886 | -1 "18/09/2008 13:48:00" 887 | -1 "18/09/2008 17:22:00" 888 | -1 "18/09/2008 18:12:00" 889 | -1 "18/09/2008 18:56:00" 890 | -1 "18/09/2008 21:12:00" 891 | -1 "18/09/2008 21:56:00" 892 | -1 "18/09/2008 23:00:00" 893 | -1 "18/09/2008 23:05:00" 894 | -1 "18/09/2008 23:44:00" 895 | -1 "19/09/2008 00:30:00" 896 | -1 "19/09/2008 01:57:00" 897 | -1 "19/09/2008 02:44:00" 898 | -1 "19/09/2008 04:42:00" 899 | -1 "19/09/2008 05:33:00" 900 | -1 "19/09/2008 05:57:00" 901 | -1 "19/09/2008 06:01:00" 902 | -1 "19/09/2008 06:44:00" 903 | -1 "19/09/2008 07:14:00" 904 | -1 "19/09/2008 07:18:00" 905 | -1 "19/09/2008 08:08:00" 906 | -1 "19/09/2008 08:52:00" 907 | -1 "19/09/2008 09:12:00" 908 | -1 "19/09/2008 09:47:00" 909 | -1 "19/09/2008 10:45:00" 910 | -1 "19/09/2008 11:13:00" 911 | -1 "19/09/2008 11:54:00" 912 | -1 "19/09/2008 13:59:00" 913 | -1 "19/09/2008 15:31:00" 914 | -1 "19/09/2008 16:40:00" 915 | 1 "19/09/2008 16:58:00" 916 | -1 "19/09/2008 17:47:00" 917 | -1 "19/09/2008 18:11:00" 918 | -1 "19/09/2008 18:33:00" 919 | -1 "19/09/2008 19:18:00" 920 | -1 "19/09/2008 19:29:00" 921 | -1 "19/09/2008 20:05:00" 922 | -1 "19/09/2008 20:07:00" 923 | -1 "19/09/2008 20:10:00" 924 | -1 "19/09/2008 20:17:00" 925 | 1 "19/09/2008 20:19:00" 926 | -1 "19/09/2008 21:08:00" 927 | 1 "19/09/2008 21:09:00" 928 | -1 "19/09/2008 21:13:00" 929 | -1 "19/09/2008 21:14:00" 930 | 1 "19/09/2008 21:59:00" 931 | -1 "19/09/2008 23:26:00" 932 | -1 "19/09/2008 23:33:00" 933 | -1 "20/09/2008 00:18:00" 934 | -1 "20/09/2008 00:33:00" 935 | -1 "20/09/2008 03:58:00" 936 | -1 "20/09/2008 04:13:00" 937 | -1 "20/09/2008 04:28:00" 938 | -1 "20/09/2008 05:22:00" 939 | -1 "20/09/2008 05:25:00" 940 | -1 "20/09/2008 05:34:00" 941 | -1 "20/09/2008 06:08:00" 942 | -1 "20/09/2008 07:21:00" 943 | -1 "20/09/2008 08:14:00" 944 | -1 "20/09/2008 10:51:00" 945 | -1 "20/09/2008 11:18:00" 946 | -1 "20/09/2008 12:20:00" 947 | -1 "20/09/2008 12:26:00" 948 | -1 "20/09/2008 12:27:00" 949 | -1 "20/09/2008 12:36:00" 950 | -1 "20/09/2008 12:57:00" 951 | -1 "20/09/2008 14:00:00" 952 | -1 "20/09/2008 14:06:00" 953 | -1 "20/09/2008 14:42:00" 954 | -1 "20/09/2008 14:50:00" 955 | -1 "20/09/2008 14:53:00" 956 | -1 "20/09/2008 15:02:00" 957 | -1 "20/09/2008 15:19:00" 958 | -1 "20/09/2008 15:37:00" 959 | -1 "20/09/2008 15:46:00" 960 | -1 "20/09/2008 16:43:00" 961 | -1 "20/09/2008 16:44:00" 962 | -1 "20/09/2008 17:26:00" 963 | -1 "20/09/2008 17:29:00" 964 | -1 "20/09/2008 18:03:00" 965 | -1 "20/09/2008 18:21:00" 966 | -1 "20/09/2008 18:56:00" 967 | -1 "20/09/2008 19:14:00" 968 | -1 "20/09/2008 19:21:00" 969 | -1 "20/09/2008 23:34:00" 970 | -1 "21/09/2008 00:48:00" 971 | -1 "21/09/2008 01:06:00" 972 | -1 "21/09/2008 02:07:00" 973 | -1 "21/09/2008 03:04:00" 974 | -1 "21/09/2008 03:47:00" 975 | -1 "21/09/2008 04:17:00" 976 | -1 "21/09/2008 04:49:00" 977 | -1 "21/09/2008 07:30:00" 978 | -1 "21/09/2008 07:55:00" 979 | -1 "21/09/2008 08:22:00" 980 | -1 "21/09/2008 08:49:00" 981 | -1 "21/09/2008 09:16:00" 982 | -1 "21/09/2008 09:31:00" 983 | -1 "21/09/2008 10:07:00" 984 | -1 "21/09/2008 10:49:00" 985 | -1 "21/09/2008 11:33:00" 986 | -1 "21/09/2008 12:04:00" 987 | -1 "21/09/2008 14:30:00" 988 | -1 "21/09/2008 14:31:00" 989 | -1 "21/09/2008 14:33:00" 990 | -1 "21/09/2008 15:15:00" 991 | -1 "21/09/2008 15:26:00" 992 | -1 "21/09/2008 15:34:00" 993 | -1 "21/09/2008 16:43:00" 994 | -1 "21/09/2008 17:26:00" 995 | -1 "21/09/2008 17:30:00" 996 | -1 "21/09/2008 18:12:00" 997 | -1 "21/09/2008 19:19:00" 998 | -1 "21/09/2008 20:35:00" 999 | -1 "21/09/2008 21:54:00" 1000 | -1 "21/09/2008 22:02:00" 1001 | -1 "22/09/2008 00:12:00" 1002 | -1 "22/09/2008 00:28:00" 1003 | -1 "22/09/2008 00:47:00" 1004 | -1 "22/09/2008 01:43:00" 1005 | -1 "22/09/2008 03:51:00" 1006 | -1 "22/09/2008 06:05:00" 1007 | -1 "22/09/2008 07:12:00" 1008 | -1 "22/09/2008 10:43:00" 1009 | -1 "22/09/2008 11:50:00" 1010 | -1 "22/09/2008 12:11:00" 1011 | -1 "22/09/2008 12:45:00" 1012 | -1 "22/09/2008 13:03:00" 1013 | -1 "22/09/2008 14:24:00" 1014 | -1 "22/09/2008 14:27:00" 1015 | -1 "22/09/2008 14:36:00" 1016 | -1 "22/09/2008 16:25:00" 1017 | -1 "22/09/2008 21:30:00" 1018 | -1 "22/09/2008 21:31:00" 1019 | -1 "22/09/2008 22:15:00" 1020 | -1 "22/09/2008 22:17:00" 1021 | -1 "22/09/2008 23:01:00" 1022 | -1 "22/09/2008 23:10:00" 1023 | -1 "23/09/2008 00:57:00" 1024 | -1 "23/09/2008 06:44:00" 1025 | -1 "23/09/2008 06:44:00" 1026 | -1 "23/09/2008 06:52:00" 1027 | -1 "23/09/2008 07:58:00" 1028 | -1 "23/09/2008 08:11:00" 1029 | -1 "23/09/2008 09:43:00" 1030 | 1 "23/09/2008 11:14:00" 1031 | -1 "23/09/2008 11:42:00" 1032 | -1 "23/09/2008 11:43:00" 1033 | -1 "23/09/2008 12:29:00" 1034 | -1 "23/09/2008 12:31:00" 1035 | -1 "23/09/2008 12:46:00" 1036 | -1 "23/09/2008 13:37:00" 1037 | -1 "23/09/2008 15:23:00" 1038 | -1 "23/09/2008 15:33:00" 1039 | -1 "23/09/2008 15:58:00" 1040 | -1 "23/09/2008 18:10:00" 1041 | -1 "23/09/2008 18:36:00" 1042 | -1 "23/09/2008 18:56:00" 1043 | -1 "23/09/2008 20:18:00" 1044 | -1 "23/09/2008 20:59:00" 1045 | -1 "23/09/2008 21:26:00" 1046 | -1 "23/09/2008 22:25:00" 1047 | -1 "24/09/2008 02:19:00" 1048 | -1 "24/09/2008 02:44:00" 1049 | -1 "24/09/2008 03:32:00" 1050 | -1 "24/09/2008 03:40:00" 1051 | -1 "24/09/2008 05:13:00" 1052 | -1 "24/09/2008 05:22:00" 1053 | -1 "24/09/2008 06:13:00" 1054 | -1 "24/09/2008 06:14:00" 1055 | -1 "24/09/2008 07:23:00" 1056 | -1 "24/09/2008 10:10:00" 1057 | -1 "24/09/2008 10:53:00" 1058 | -1 "24/09/2008 10:59:00" 1059 | -1 "24/09/2008 11:47:00" 1060 | -1 "24/09/2008 12:04:00" 1061 | -1 "24/09/2008 12:35:00" 1062 | -1 "24/09/2008 13:01:00" 1063 | 1 "24/09/2008 15:05:00" 1064 | -1 "24/09/2008 15:39:00" 1065 | -1 "24/09/2008 15:42:00" 1066 | -1 "24/09/2008 15:43:00" 1067 | -1 "24/09/2008 16:26:00" 1068 | -1 "24/09/2008 17:54:00" 1069 | -1 "24/09/2008 18:05:00" 1070 | -1 "25/09/2008 01:05:00" 1071 | -1 "25/09/2008 02:03:00" 1072 | -1 "25/09/2008 06:21:00" 1073 | -1 "25/09/2008 07:12:00" 1074 | -1 "25/09/2008 07:58:00" 1075 | -1 "25/09/2008 08:45:00" 1076 | -1 "25/09/2008 09:31:00" 1077 | -1 "25/09/2008 10:23:00" 1078 | -1 "25/09/2008 11:08:00" 1079 | -1 "25/09/2008 11:09:00" 1080 | -1 "25/09/2008 11:55:00" 1081 | -1 "25/09/2008 13:42:00" 1082 | -1 "25/09/2008 14:08:00" 1083 | -1 "25/09/2008 14:28:00" 1084 | -1 "25/09/2008 15:12:00" 1085 | -1 "25/09/2008 15:40:00" 1086 | -1 "25/09/2008 15:55:00" 1087 | -1 "25/09/2008 16:44:00" 1088 | -1 "25/09/2008 17:28:00" 1089 | -1 "25/09/2008 17:29:00" 1090 | -1 "25/09/2008 19:49:00" 1091 | -1 "25/09/2008 22:05:00" 1092 | -1 "25/09/2008 23:04:00" 1093 | -1 "25/09/2008 23:48:00" 1094 | -1 "26/09/2008 00:19:00" 1095 | -1 "26/09/2008 01:21:00" 1096 | -1 "26/09/2008 02:26:00" 1097 | -1 "26/09/2008 03:12:00" 1098 | -1 "26/09/2008 03:29:00" 1099 | -1 "26/09/2008 04:14:00" 1100 | -1 "26/09/2008 05:32:00" 1101 | -1 "26/09/2008 11:08:00" 1102 | -1 "26/09/2008 13:36:00" 1103 | -1 "26/09/2008 13:45:00" 1104 | -1 "26/09/2008 14:20:00" 1105 | -1 "26/09/2008 14:51:00" 1106 | -1 "26/09/2008 15:06:00" 1107 | -1 "26/09/2008 15:36:00" 1108 | -1 "26/09/2008 15:49:00" 1109 | -1 "26/09/2008 16:31:00" 1110 | -1 "26/09/2008 17:59:00" 1111 | -1 "26/09/2008 18:54:00" 1112 | -1 "26/09/2008 19:38:00" 1113 | -1 "26/09/2008 19:45:00" 1114 | -1 "26/09/2008 19:55:00" 1115 | -1 "26/09/2008 20:23:00" 1116 | -1 "26/09/2008 20:31:00" 1117 | -1 "27/09/2008 00:16:00" 1118 | -1 "27/09/2008 00:17:00" 1119 | -1 "27/09/2008 01:29:00" 1120 | -1 "27/09/2008 03:53:00" 1121 | -1 "27/09/2008 10:10:00" 1122 | -1 "27/09/2008 10:13:00" 1123 | -1 "27/09/2008 11:04:00" 1124 | -1 "27/09/2008 11:45:00" 1125 | -1 "27/09/2008 11:54:00" 1126 | -1 "27/09/2008 12:26:00" 1127 | -1 "27/09/2008 12:28:00" 1128 | -1 "27/09/2008 12:36:00" 1129 | -1 "27/09/2008 13:14:00" 1130 | -1 "27/09/2008 13:19:00" 1131 | -1 "27/09/2008 14:01:00" 1132 | -1 "27/09/2008 14:05:00" 1133 | -1 "27/09/2008 14:46:00" 1134 | -1 "27/09/2008 15:09:00" 1135 | -1 "27/09/2008 15:30:00" 1136 | -1 "27/09/2008 16:13:00" 1137 | -1 "27/09/2008 17:26:00" 1138 | -1 "27/09/2008 18:14:00" 1139 | -1 "27/09/2008 19:16:00" 1140 | -1 "27/09/2008 20:46:00" 1141 | -1 "27/09/2008 21:45:00" 1142 | -1 "28/09/2008 00:51:00" 1143 | -1 "28/09/2008 01:22:00" 1144 | -1 "28/09/2008 03:55:00" 1145 | 1 "28/09/2008 04:45:00" 1146 | -1 "28/09/2008 05:31:00" 1147 | -1 "28/09/2008 06:22:00" 1148 | -1 "28/09/2008 07:38:00" 1149 | -1 "28/09/2008 07:52:00" 1150 | -1 "28/09/2008 08:40:00" 1151 | -1 "28/09/2008 08:41:00" 1152 | 1 "28/09/2008 09:50:00" 1153 | -1 "28/09/2008 17:05:00" 1154 | -1 "28/09/2008 17:06:00" 1155 | -1 "28/09/2008 17:49:00" 1156 | -1 "28/09/2008 17:55:00" 1157 | -1 "28/09/2008 18:34:00" 1158 | -1 "28/09/2008 18:43:00" 1159 | -1 "28/09/2008 19:18:00" 1160 | -1 "28/09/2008 19:29:00" 1161 | -1 "28/09/2008 20:02:00" 1162 | -1 "28/09/2008 20:42:00" 1163 | -1 "28/09/2008 21:08:00" 1164 | -1 "28/09/2008 21:27:00" 1165 | -1 "28/09/2008 22:44:00" 1166 | -1 "28/09/2008 23:54:00" 1167 | -1 "29/09/2008 02:06:00" 1168 | -1 "29/09/2008 03:07:00" 1169 | -1 "29/09/2008 03:50:00" 1170 | -1 "29/09/2008 04:18:00" 1171 | -1 "29/09/2008 04:47:00" 1172 | -1 "29/09/2008 05:32:00" 1173 | -1 "29/09/2008 07:53:00" 1174 | -1 "29/09/2008 09:15:00" 1175 | -1 "29/09/2008 11:13:00" 1176 | -1 "29/09/2008 11:53:00" 1177 | -1 "29/09/2008 12:25:00" 1178 | -1 "29/09/2008 14:03:00" 1179 | -1 "29/09/2008 14:04:00" 1180 | -1 "29/09/2008 14:08:00" 1181 | -1 "29/09/2008 15:09:00" 1182 | -1 "29/09/2008 15:16:00" 1183 | -1 "29/09/2008 16:27:00" 1184 | -1 "29/09/2008 17:21:00" 1185 | -1 "29/09/2008 21:26:00" 1186 | 1 "29/09/2008 21:48:00" 1187 | -1 "29/09/2008 22:13:00" 1188 | -1 "30/09/2008 01:33:00" 1189 | -1 "30/09/2008 01:36:00" 1190 | 1 "30/09/2008 02:44:00" 1191 | -1 "30/09/2008 04:01:00" 1192 | -1 "30/09/2008 04:42:00" 1193 | -1 "30/09/2008 08:44:00" 1194 | -1 "30/09/2008 12:31:00" 1195 | -1 "30/09/2008 13:29:00" 1196 | -1 "30/09/2008 14:20:00" 1197 | -1 "30/09/2008 14:36:00" 1198 | -1 "30/09/2008 15:16:00" 1199 | -1 "30/09/2008 15:26:00" 1200 | -1 "30/09/2008 16:13:00" 1201 | -1 "30/09/2008 16:50:00" 1202 | -1 "30/09/2008 17:27:00" 1203 | -1 "30/09/2008 19:17:00" 1204 | -1 "30/09/2008 19:17:00" 1205 | -1 "30/09/2008 21:39:00" 1206 | -1 "30/09/2008 21:42:00" 1207 | -1 "30/09/2008 23:34:00" 1208 | -1 "30/09/2008 23:58:00" 1209 | -1 "01/10/2008 00:20:00" 1210 | -1 "01/10/2008 01:11:00" 1211 | -1 "01/10/2008 02:53:00" 1212 | 1 "01/10/2008 05:56:00" 1213 | -1 "01/10/2008 07:19:00" 1214 | -1 "01/10/2008 07:28:00" 1215 | -1 "01/10/2008 08:15:00" 1216 | -1 "01/10/2008 09:15:00" 1217 | -1 "01/10/2008 09:16:00" 1218 | -1 "01/10/2008 14:22:00" 1219 | -1 "01/10/2008 15:16:00" 1220 | -1 "01/10/2008 16:43:00" 1221 | -1 "01/10/2008 19:57:00" 1222 | -1 "01/10/2008 21:15:00" 1223 | -1 "01/10/2008 21:50:00" 1224 | -1 "01/10/2008 22:47:00" 1225 | -1 "01/10/2008 23:34:00" 1226 | -1 "02/10/2008 00:21:00" 1227 | -1 "02/10/2008 00:22:00" 1228 | 1 "02/10/2008 03:17:00" 1229 | -1 "02/10/2008 03:27:00" 1230 | -1 "02/10/2008 04:11:00" 1231 | -1 "02/10/2008 04:23:00" 1232 | -1 "02/10/2008 04:24:00" 1233 | -1 "02/10/2008 06:49:00" 1234 | -1 "02/10/2008 07:35:00" 1235 | -1 "02/10/2008 07:58:00" 1236 | -1 "02/10/2008 08:24:00" 1237 | -1 "02/10/2008 08:52:00" 1238 | -1 "02/10/2008 08:57:00" 1239 | 1 "02/10/2008 09:10:00" 1240 | -1 "02/10/2008 09:42:00" 1241 | -1 "02/10/2008 10:03:00" 1242 | 1 "02/10/2008 14:07:00" 1243 | 1 "02/10/2008 14:10:00" 1244 | -1 "02/10/2008 14:54:00" 1245 | -1 "02/10/2008 15:10:00" 1246 | -1 "02/10/2008 15:44:00" 1247 | -1 "02/10/2008 15:58:00" 1248 | -1 "02/10/2008 16:32:00" 1249 | -1 "02/10/2008 16:58:00" 1250 | -1 "02/10/2008 17:00:00" 1251 | -1 "02/10/2008 17:19:00" 1252 | -1 "02/10/2008 19:21:00" 1253 | -1 "02/10/2008 19:25:00" 1254 | -1 "02/10/2008 20:54:00" 1255 | 1 "02/10/2008 21:32:00" 1256 | -1 "02/10/2008 21:33:00" 1257 | -1 "02/10/2008 22:23:00" 1258 | -1 "02/10/2008 22:33:00" 1259 | -1 "02/10/2008 23:32:00" 1260 | -1 "02/10/2008 23:32:00" 1261 | -1 "03/10/2008 00:24:00" 1262 | -1 "03/10/2008 00:55:00" 1263 | -1 "03/10/2008 02:41:00" 1264 | -1 "03/10/2008 03:52:00" 1265 | -1 "03/10/2008 03:56:00" 1266 | -1 "03/10/2008 04:49:00" 1267 | -1 "03/10/2008 05:01:00" 1268 | -1 "03/10/2008 05:45:00" 1269 | -1 "03/10/2008 06:15:00" 1270 | -1 "03/10/2008 08:35:00" 1271 | -1 "03/10/2008 09:30:00" 1272 | -1 "03/10/2008 11:40:00" 1273 | -1 "03/10/2008 12:31:00" 1274 | -1 "03/10/2008 18:45:00" 1275 | -1 "03/10/2008 19:23:00" 1276 | -1 "03/10/2008 19:23:00" 1277 | -1 "03/10/2008 20:11:00" 1278 | -1 "03/10/2008 20:26:00" 1279 | -1 "03/10/2008 20:35:00" 1280 | -1 "03/10/2008 20:46:00" 1281 | -1 "03/10/2008 21:15:00" 1282 | -1 "03/10/2008 21:52:00" 1283 | -1 "03/10/2008 22:08:00" 1284 | -1 "03/10/2008 22:53:00" 1285 | -1 "03/10/2008 23:46:00" 1286 | -1 "04/10/2008 00:58:00" 1287 | -1 "04/10/2008 01:49:00" 1288 | -1 "04/10/2008 02:36:00" 1289 | -1 "04/10/2008 03:53:00" 1290 | -1 "04/10/2008 04:12:00" 1291 | -1 "04/10/2008 04:45:00" 1292 | -1 "04/10/2008 09:29:00" 1293 | -1 "04/10/2008 15:16:00" 1294 | -1 "04/10/2008 16:58:00" 1295 | -1 "04/10/2008 18:15:00" 1296 | -1 "04/10/2008 18:25:00" 1297 | -1 "04/10/2008 18:59:00" 1298 | -1 "04/10/2008 19:12:00" 1299 | -1 "04/10/2008 19:47:00" 1300 | -1 "04/10/2008 19:54:00" 1301 | -1 "04/10/2008 20:39:00" 1302 | -1 "04/10/2008 22:06:00" 1303 | 1 "04/10/2008 23:18:00" 1304 | 1 "05/10/2008 00:33:00" 1305 | -1 "05/10/2008 00:33:00" 1306 | -1 "05/10/2008 01:35:00" 1307 | -1 "05/10/2008 04:01:00" 1308 | -1 "05/10/2008 04:20:00" 1309 | -1 "05/10/2008 04:48:00" 1310 | -1 "05/10/2008 05:31:00" 1311 | -1 "05/10/2008 05:53:00" 1312 | -1 "05/10/2008 06:15:00" 1313 | -1 "05/10/2008 08:02:00" 1314 | -1 "05/10/2008 08:40:00" 1315 | -1 "05/10/2008 09:04:00" 1316 | -1 "05/10/2008 09:47:00" 1317 | -1 "05/10/2008 10:00:00" 1318 | -1 "05/10/2008 10:43:00" 1319 | -1 "05/10/2008 11:05:00" 1320 | -1 "05/10/2008 11:30:00" 1321 | -1 "05/10/2008 12:03:00" 1322 | -1 "05/10/2008 12:17:00" 1323 | -1 "05/10/2008 13:49:00" 1324 | -1 "05/10/2008 14:34:00" 1325 | 1 "05/10/2008 15:30:00" 1326 | 1 "05/10/2008 15:35:00" 1327 | -1 "05/10/2008 16:15:00" 1328 | 1 "05/10/2008 16:37:00" 1329 | 1 "05/10/2008 16:49:00" 1330 | 1 "05/10/2008 18:46:00" 1331 | -1 "05/10/2008 18:59:00" 1332 | -1 "05/10/2008 19:45:00" 1333 | -1 "05/10/2008 20:12:00" 1334 | -1 "05/10/2008 20:30:00" 1335 | -1 "05/10/2008 22:13:00" 1336 | -1 "06/10/2008 00:41:00" 1337 | -1 "06/10/2008 01:25:00" 1338 | -1 "06/10/2008 01:27:00" 1339 | -1 "06/10/2008 01:30:00" 1340 | -1 "06/10/2008 02:44:00" 1341 | -1 "06/10/2008 02:49:00" 1342 | -1 "06/10/2008 03:31:00" 1343 | 1 "06/10/2008 03:50:00" 1344 | 1 "06/10/2008 03:57:00" 1345 | -1 "06/10/2008 04:26:00" 1346 | -1 "06/10/2008 05:21:00" 1347 | -1 "06/10/2008 05:24:00" 1348 | -1 "06/10/2008 06:11:00" 1349 | -1 "06/10/2008 06:26:00" 1350 | -1 "06/10/2008 06:49:00" 1351 | -1 "06/10/2008 07:12:00" 1352 | -1 "06/10/2008 07:17:00" 1353 | -1 "06/10/2008 07:35:00" 1354 | -1 "06/10/2008 07:38:00" 1355 | -1 "06/10/2008 08:24:00" 1356 | -1 "06/10/2008 08:57:00" 1357 | -1 "06/10/2008 09:11:00" 1358 | -1 "06/10/2008 09:57:00" 1359 | -1 "06/10/2008 10:07:00" 1360 | -1 "06/10/2008 11:51:00" 1361 | -1 "06/10/2008 12:39:00" 1362 | -1 "06/10/2008 12:42:00" 1363 | -1 "06/10/2008 13:08:00" 1364 | 1 "06/10/2008 13:38:00" 1365 | 1 "06/10/2008 13:55:00" 1366 | 1 "06/10/2008 15:00:00" 1367 | -1 "06/10/2008 15:01:00" 1368 | -1 "06/10/2008 15:52:00" 1369 | -1 "06/10/2008 16:42:00" 1370 | -1 "06/10/2008 16:50:00" 1371 | -1 "06/10/2008 17:26:00" 1372 | -1 "06/10/2008 17:26:00" 1373 | -1 "06/10/2008 17:35:00" 1374 | -1 "06/10/2008 18:54:00" 1375 | -1 "06/10/2008 18:55:00" 1376 | -1 "06/10/2008 19:42:00" 1377 | -1 "06/10/2008 20:02:00" 1378 | -1 "06/10/2008 20:36:00" 1379 | -1 "06/10/2008 20:47:00" 1380 | -1 "06/10/2008 21:46:00" 1381 | -1 "06/10/2008 21:48:00" 1382 | -1 "06/10/2008 22:37:00" 1383 | -1 "06/10/2008 23:03:00" 1384 | -1 "07/10/2008 01:46:00" 1385 | -1 "07/10/2008 03:29:00" 1386 | -1 "07/10/2008 03:39:00" 1387 | -1 "07/10/2008 07:32:00" 1388 | -1 "07/10/2008 07:41:00" 1389 | -1 "07/10/2008 08:25:00" 1390 | -1 "07/10/2008 08:26:00" 1391 | -1 "07/10/2008 09:11:00" 1392 | -1 "07/10/2008 09:20:00" 1393 | -1 "07/10/2008 09:59:00" 1394 | -1 "07/10/2008 10:04:00" 1395 | -1 "07/10/2008 10:10:00" 1396 | -1 "07/10/2008 10:51:00" 1397 | -1 "07/10/2008 11:15:00" 1398 | -1 "07/10/2008 11:16:00" 1399 | -1 "07/10/2008 11:36:00" 1400 | -1 "07/10/2008 12:40:00" 1401 | 1 "07/10/2008 13:10:00" 1402 | -1 "07/10/2008 13:48:00" 1403 | -1 "07/10/2008 14:35:00" 1404 | -1 "07/10/2008 16:32:00" 1405 | -1 "07/10/2008 17:06:00" 1406 | -1 "07/10/2008 17:28:00" 1407 | -1 "07/10/2008 18:39:00" 1408 | -1 "07/10/2008 19:24:00" 1409 | -1 "07/10/2008 20:19:00" 1410 | -1 "07/10/2008 20:39:00" 1411 | -1 "07/10/2008 20:48:00" 1412 | -1 "08/10/2008 04:47:00" 1413 | -1 "08/10/2008 05:35:00" 1414 | -1 "08/10/2008 05:38:00" 1415 | -1 "08/10/2008 06:25:00" 1416 | -1 "08/10/2008 07:10:00" 1417 | -1 "08/10/2008 07:13:00" 1418 | -1 "08/10/2008 07:16:00" 1419 | -1 "08/10/2008 09:01:00" 1420 | -1 "08/10/2008 09:06:00" 1421 | -1 "08/10/2008 10:37:00" 1422 | -1 "08/10/2008 12:11:00" 1423 | -1 "08/10/2008 13:35:00" 1424 | -1 "08/10/2008 13:38:00" 1425 | -1 "08/10/2008 14:48:00" 1426 | -1 "08/10/2008 15:37:00" 1427 | -1 "08/10/2008 16:26:00" 1428 | -1 "08/10/2008 17:14:00" 1429 | -1 "08/10/2008 17:31:00" 1430 | -1 "08/10/2008 17:41:00" 1431 | -1 "08/10/2008 18:22:00" 1432 | -1 "08/10/2008 20:27:00" 1433 | -1 "08/10/2008 21:19:00" 1434 | -1 "08/10/2008 21:45:00" 1435 | -1 "08/10/2008 22:08:00" 1436 | -1 "08/10/2008 23:13:00" 1437 | -1 "08/10/2008 23:50:00" 1438 | -1 "09/10/2008 00:23:00" 1439 | 1 "09/10/2008 04:34:00" 1440 | -1 "09/10/2008 06:06:00" 1441 | -1 "09/10/2008 07:38:00" 1442 | -1 "09/10/2008 14:15:00" 1443 | -1 "09/10/2008 15:04:00" 1444 | 1 "09/10/2008 15:55:00" 1445 | -1 "09/10/2008 15:56:00" 1446 | -1 "10/10/2008 10:05:00" 1447 | -1 "10/10/2008 10:46:00" 1448 | -1 "10/10/2008 10:53:00" 1449 | -1 "10/10/2008 12:30:00" 1450 | -1 "10/10/2008 15:33:00" 1451 | -1 "10/10/2008 15:50:00" 1452 | -1 "10/10/2008 20:02:00" 1453 | -1 "10/10/2008 21:03:00" 1454 | -1 "10/10/2008 21:07:00" 1455 | -1 "10/10/2008 21:16:00" 1456 | -1 "11/10/2008 02:55:00" 1457 | -1 "11/10/2008 06:56:00" 1458 | -1 "11/10/2008 07:38:00" 1459 | -1 "11/10/2008 07:39:00" 1460 | -1 "11/10/2008 07:42:00" 1461 | -1 "11/10/2008 08:27:00" 1462 | -1 "11/10/2008 14:43:00" 1463 | -1 "11/10/2008 15:33:00" 1464 | -1 "11/10/2008 16:25:00" 1465 | -1 "11/10/2008 23:16:00" 1466 | -1 "11/10/2008 23:58:00" 1467 | -1 "12/10/2008 00:57:00" 1468 | -1 "12/10/2008 01:50:00" 1469 | -1 "12/10/2008 02:59:00" 1470 | -1 "12/10/2008 03:21:00" 1471 | -1 "12/10/2008 03:28:00" 1472 | -1 "12/10/2008 08:19:00" 1473 | -1 "12/10/2008 18:47:00" 1474 | -1 "13/10/2008 03:34:00" 1475 | -1 "13/10/2008 03:53:00" 1476 | -1 "13/10/2008 11:27:00" 1477 | -1 "13/10/2008 12:18:00" 1478 | -1 "13/10/2008 14:06:00" 1479 | -1 "13/10/2008 14:29:00" 1480 | -1 "13/10/2008 14:30:00" 1481 | -1 "13/10/2008 14:55:00" 1482 | -1 "13/10/2008 15:42:00" 1483 | -1 "13/10/2008 15:42:00" 1484 | -1 "13/10/2008 16:13:00" 1485 | -1 "13/10/2008 19:17:00" 1486 | -1 "13/10/2008 19:36:00" 1487 | -1 "13/10/2008 19:40:00" 1488 | -1 "13/10/2008 20:10:00" 1489 | -1 "13/10/2008 20:30:00" 1490 | -1 "13/10/2008 20:53:00" 1491 | -1 "13/10/2008 21:20:00" 1492 | -1 "13/10/2008 21:47:00" 1493 | -1 "13/10/2008 21:57:00" 1494 | -1 "13/10/2008 22:48:00" 1495 | -1 "13/10/2008 22:54:00" 1496 | -1 "14/10/2008 00:35:00" 1497 | -1 "14/10/2008 03:21:00" 1498 | -1 "14/10/2008 03:28:00" 1499 | -1 "14/10/2008 03:35:00" 1500 | -1 "14/10/2008 13:13:00" 1501 | -1 "14/10/2008 13:16:00" 1502 | -1 "14/10/2008 14:07:00" 1503 | -1 "14/10/2008 14:15:00" 1504 | -1 "14/10/2008 14:43:00" 1505 | -1 "14/10/2008 17:36:00" 1506 | -1 "14/10/2008 19:15:00" 1507 | -1 "14/10/2008 20:01:00" 1508 | -1 "14/10/2008 20:30:00" 1509 | -1 "14/10/2008 20:48:00" 1510 | -1 "14/10/2008 21:36:00" 1511 | -1 "14/10/2008 23:07:00" 1512 | -1 "15/10/2008 00:03:00" 1513 | -1 "15/10/2008 00:27:00" 1514 | -1 "15/10/2008 00:47:00" 1515 | -1 "15/10/2008 01:52:00" 1516 | -1 "15/10/2008 01:52:00" 1517 | -1 "15/10/2008 01:52:00" 1518 | -1 "15/10/2008 02:40:00" 1519 | -1 "15/10/2008 02:40:00" 1520 | 1 "15/10/2008 02:42:00" 1521 | -1 "15/10/2008 03:24:00" 1522 | -1 "15/10/2008 04:08:00" 1523 | -1 "15/10/2008 05:13:00" 1524 | -1 "15/10/2008 05:16:00" 1525 | -1 "15/10/2008 06:49:00" 1526 | -1 "15/10/2008 07:36:00" 1527 | -1 "15/10/2008 07:55:00" 1528 | -1 "15/10/2008 08:21:00" 1529 | -1 "15/10/2008 09:11:00" 1530 | -1 "15/10/2008 10:00:00" 1531 | -1 "15/10/2008 12:53:00" 1532 | -1 "15/10/2008 13:14:00" 1533 | -1 "15/10/2008 13:16:00" 1534 | -1 "15/10/2008 14:08:00" 1535 | -1 "15/10/2008 15:11:00" 1536 | -1 "15/10/2008 16:24:00" 1537 | -1 "15/10/2008 17:19:00" 1538 | -1 "15/10/2008 18:16:00" 1539 | -1 "15/10/2008 19:15:00" 1540 | -1 "15/10/2008 19:24:00" 1541 | -1 "15/10/2008 21:44:00" 1542 | -1 "15/10/2008 22:45:00" 1543 | -1 "15/10/2008 22:54:00" 1544 | -1 "15/10/2008 23:00:00" 1545 | -1 "15/10/2008 23:45:00" 1546 | -1 "16/10/2008 02:16:00" 1547 | -1 "16/10/2008 02:16:00" 1548 | -1 "16/10/2008 02:17:00" 1549 | -1 "16/10/2008 02:22:00" 1550 | -1 "16/10/2008 02:55:00" 1551 | -1 "16/10/2008 03:56:00" 1552 | -1 "16/10/2008 04:02:00" 1553 | -1 "16/10/2008 04:02:00" 1554 | -1 "16/10/2008 04:04:00" 1555 | -1 "16/10/2008 04:47:00" 1556 | -1 "16/10/2008 04:50:00" 1557 | -1 "16/10/2008 04:54:00" 1558 | -1 "16/10/2008 05:08:00" 1559 | -1 "16/10/2008 05:13:00" 1560 | -1 "16/10/2008 05:44:00" 1561 | -1 "16/10/2008 05:58:00" 1562 | -1 "16/10/2008 15:02:00" 1563 | -1 "16/10/2008 15:13:00" 1564 | -1 "16/10/2008 20:49:00" 1565 | -1 "17/10/2008 05:26:00" 1566 | -1 "17/10/2008 06:01:00" 1567 | -1 "17/10/2008 06:07:00" 1568 | --------------------------------------------------------------------------------